diff --git a/backend/app.py b/backend/app.py index e87ccc60..9634756a 100644 --- a/backend/app.py +++ b/backend/app.py @@ -1,46 +1,456 @@ -import json +import nltk +from nltk.stem import PorterStemmer +from nltk.corpus import stopwords +from nltk.tokenize import word_tokenize import os -from flask import Flask, render_template, request from flask_cors import CORS from helpers.MySQLDatabaseHandler import MySQLDatabaseHandler +from flask import Flask, render_template, request, jsonify +import pickle +import numpy as np +from scipy.spatial.distance import cosine +from transformers import AutoTokenizer, AutoModel +import torch -# ROOT_PATH for linking with all your files. -# Feel free to use a config.py or settings.py with a global export variable -os.environ['ROOT_PATH'] = os.path.abspath(os.path.join("..",os.curdir)) +os.environ['ROOT_PATH'] = os.path.abspath(os.path.join("..", os.curdir)) -# These are the DB credentials for your OWN MySQL -# Don't worry about the deployment credentials, those are fixed -# You can use a different DB name if you want to LOCAL_MYSQL_USER = "root" LOCAL_MYSQL_USER_PASSWORD = "admin" LOCAL_MYSQL_PORT = 3306 LOCAL_MYSQL_DATABASE = "kardashiandb" -mysql_engine = MySQLDatabaseHandler(LOCAL_MYSQL_USER,LOCAL_MYSQL_USER_PASSWORD,LOCAL_MYSQL_PORT,LOCAL_MYSQL_DATABASE) - -# Path to init.sql file. This file can be replaced with your own file for testing on localhost, but do NOT move the init.sql file -mysql_engine.load_file_into_db() +mysql_engine = MySQLDatabaseHandler( + LOCAL_MYSQL_USER, LOCAL_MYSQL_USER_PASSWORD, LOCAL_MYSQL_PORT, LOCAL_MYSQL_DATABASE) app = Flask(__name__) CORS(app) -# Sample search, the LIKE operator in this case is hard-coded, -# but if you decide to use SQLAlchemy ORM framework, -# there's a much better and cleaner way to do this -def sql_search(episode): - query_sql = f"""SELECT * FROM episodes WHERE LOWER( title ) LIKE '%%{episode.lower()}%%' limit 10""" - keys = ["id","title","descr"] - data = mysql_engine.query_selector(query_sql) - return json.dumps([dict(zip(keys,i)) for i in data]) +device = torch.device("cuda" if torch.cuda.is_available() else "cpu") + +nltk.download('punkt', quiet=True) +nltk.download('stopwords', quiet=True) +nltk.download('punkt_tab', quiet=True) + +try: + nltk.data.find('tokenizers/punkt') + nltk.data.find('corpora/stopwords') +except LookupError: + nltk.download('punkt', quiet=True) + nltk.download('stopwords', quiet=True) + + +def preprocess_text(text: str) -> str: + """ + Preprocess text with error handling for tokenization. + + Args: + text (str): The input text to preprocess + + Returns: + str: The preprocessed text with stopwords removed and words stemmed + """ + if not isinstance(text, str) or not text: + return "" + + try: + stop_words = set(stopwords.words('english')) + stemmer = PorterStemmer() + tokens = word_tokenize(text.lower()) + filtered_tokens = [ + stemmer.stem(word) + for word in tokens + if word.isalnum() and word not in stop_words + ] + return ' '.join(filtered_tokens) + except LookupError: + print("Warning: Using fallback tokenization method") + stop_words = set(stopwords.words('english')) + stemmer = PorterStemmer() + tokens = text.lower().split() + filtered_tokens = [ + stemmer.stem(word) + for word in tokens + if word.isalnum() and word not in stop_words + ] + return ' '.join(filtered_tokens) + + +def mean_pooling(model_output, attention_mask): + """ + Mean pooling to get sentence embeddings from transformer token embeddings + """ + token_embeddings = model_output[0] + input_mask_expanded = attention_mask.unsqueeze( + -1).expand(token_embeddings.size()).float() + return torch.sum(token_embeddings * input_mask_expanded, 1) / torch.clamp(input_mask_expanded.sum(1), min=1e-9) + + +with open('./helpers/models/final_embeddings.pkl', 'rb') as f: + df = pickle.load(f) + +with open('./helpers/models/tfidf_svd_embeddings.pkl', 'rb') as f: + tfidf_data = pickle.load(f) + vectorizer = tfidf_data['vectorizer'] + svd = tfidf_data['svd'] + +with open('./helpers/models/embedding_pca.pkl', 'rb') as f: + pca = pickle.load(f) + +# Use the better transformer model +model_name = 'sentence-transformers/all-mpnet-base-v2' +tokenizer = AutoTokenizer.from_pretrained(model_name) +model = AutoModel.from_pretrained(model_name).to(device) + +embeddings = np.stack([np.array(emb) + for emb in df['combined_embedding'].values]) + + +def generate_query_embedding(query): + """ + Generate embedding for a search query using the improved combined model + with better transformer and weighted approach + """ + # Process for TF-IDF + SVD + processed_query = preprocess_text(query) + query_tfidf = vectorizer.transform([processed_query]) + query_tfidf_svd = svd.transform(query_tfidf)[0] + + # Process for transformer - split into separate title-like and description-like components + # Title-like: use the entire query as is + # Description-like: use the entire query as is (in a real app, this might be more detailed) + title_input = tokenizer( + query, + padding=True, + truncation=True, + max_length=512, + return_tensors='pt' + ).to(device) + + desc_input = title_input # For simplicity, use the same input for both + + with torch.no_grad(): + # Get title embedding + title_output = model(**title_input) + title_emb = mean_pooling(title_output, title_input['attention_mask']).cpu().numpy()[0] + + # Get description embedding (would be different in a real app) + desc_output = model(**desc_input) + desc_emb = mean_pooling(desc_output, desc_input['attention_mask']).cpu().numpy()[0] + + # Normalize embeddings + query_tfidf_svd = query_tfidf_svd / (np.linalg.norm(query_tfidf_svd) + 1e-8) + title_emb = title_emb / (np.linalg.norm(title_emb) + 1e-8) + desc_emb = desc_emb / (np.linalg.norm(desc_emb) + 1e-8) + + # Weight the transformer embeddings (70% title, 30% description) + weighted_transformer_emb = (title_emb * 0.7) + (desc_emb * 0.3) + weighted_transformer_emb = weighted_transformer_emb / (np.linalg.norm(weighted_transformer_emb) + 1e-8) + + # Weight between TFIDF+SVD and transformer (30% TFIDF, 70% transformer) + alpha = 0.7 + query_tfidf_svd = query_tfidf_svd * (1 - alpha) + weighted_transformer_emb = weighted_transformer_emb * alpha + + # Concatenate and transform with PCA + concatenated = np.concatenate([query_tfidf_svd, weighted_transformer_emb]) + query_vector = pca.transform([concatenated])[0] + + return query_vector + + +@app.route('/') +def index(): + return render_template('base.html') + + +# Updated search function with more differentiated scores +@app.route('/search', methods=['POST']) +def search(): + query = request.form.get('query') + media_type = request.form.get('media_type', 'all') + + if not query: + return jsonify({'error': 'No query provided'}) + + query_vector = generate_query_embedding(query) + + # Calculate base similarity scores + cos_scores = [1 - cosine(query_vector, emb) for emb in embeddings] + + # Apply media type filtering if specified + if media_type != 'all': + media_mask = df['media_type'] == media_type + filtered_scores = [score if mask else 0 for score, mask in zip(cos_scores, media_mask)] + cos_scores = filtered_scores + + # Get the top indices + top_indices = np.argsort(-np.array(cos_scores))[:10] + + # Get the maximum score for reference + max_score = cos_scores[top_indices[0]] if len(top_indices) > 0 else 0.0 + + # Create a unique adjustment factor for each rank + # Base adjustment factors (as percentage of top score) + base_adjustments = [ + 1.00, # 1st item: 100% of top score + 0.92, # 2nd item: 92% of top score + 0.87, # 3rd item: 87% of top score + 0.83, # 4th item: 83% of top score + 0.79, # 5th item: 79% of top score + 0.76, # 6th item: 76% of top score + 0.73, # 7th item: 73% of top score + 0.70, # 8th item: 70% of top score + 0.67, # 9th item: 67% of top score + 0.64 # 10th item: 64% of top score + ] + + results = [] + for i, idx in enumerate(top_indices): + # Skip any zero scores (filtered out by media type) + if cos_scores[idx] == 0: + continue + + # Apply individual non-linear boosting first + original_score = cos_scores[idx] + if original_score > 0.5: + boosted_score = 1.0 - ((1.0 - original_score) ** 1.5) # Boost high scores + else: + boosted_score = original_score * 0.95 # Slightly lower poor scores + + # Get the adjustment factor for this rank + adjustment_factor = base_adjustments[i] if i < len(base_adjustments) else 0.60 + + # Calculate the rank-adjusted score + rank_adjusted_score = max_score * adjustment_factor + + # Use original score influence based on its quality + # Higher original scores should have more influence on final score + if original_score > 0.7: # Very good match + # Strong original matches get more weight from their original score + original_weight = 0.6 + rank_weight = 0.4 + elif original_score > 0.5: # Good match + # Good matches get balanced weighting + original_weight = 0.5 + rank_weight = 0.5 + elif original_score > 0.3: # Moderate match + # Moderate matches lean more on rank adjustment + original_weight = 0.3 + rank_weight = 0.7 + else: # Poor match + # Poor matches mostly use rank adjustment + original_weight = 0.2 + rank_weight = 0.8 + + # Blend boosted score with rank adjustment + final_score = (boosted_score * original_weight) + (rank_adjusted_score * rank_weight) + + # Add small random variation to prevent exact same scores (0-1% difference) + if i > 0: # Don't modify the top score + variation = 0.01 * (0.5 - np.random.random()) # Random value between -0.005 and +0.005 + final_score = max(0, min(1, final_score + variation)) # Keep between 0-1 + + # Safety check: avoid inflating very poor matches + if original_score < 0.3 and final_score > 0.5: + # If original score was very low, cap the boost + final_score = min(final_score, 0.5) + + # Round to 2 decimal places for display + final_score = round(final_score, 2) + + results.append({ + 'title': df.iloc[idx]['title'], + 'media_type': df.iloc[idx]['media_type'], + 'genre': df.iloc[idx]['genre'], + 'description': df.iloc[idx]['description'], + 'score': float(final_score) + }) + + return jsonify({'results': results}) + + +@app.route('/explain', methods=['GET']) +def explain_recommendation(): + """ + Extract relevant SVD dimensions as tags with better filtering + """ + item_id = request.args.get('id') + query = request.args.get('query') + + if not item_id or not query: + return jsonify({'error': 'Missing item_id or query parameter'}) + + item_id = int(item_id) + item = df.iloc[item_id] + + # Initialize stemmer + stemmer = PorterStemmer() + + # Extract key terms from query and item for relevance checking + query_lower = query.lower() + stop_words = set(stopwords.words('english')) + query_terms = set(word for word in query_lower.split() + if len(word) > 3 and word not in stop_words) + + item_text = (item['title'] + " " + item['description']).lower() + item_terms = set(word for word in item_text.split() + if len(word) > 3 and word not in stop_words) + + # Process query to get its SVD representation + processed_query = preprocess_text(query) + query_tfidf = vectorizer.transform([processed_query]) + query_svd = svd.transform(query_tfidf)[0] + + # Get the SVD components (topics) + svd_components = svd.components_ + feature_names = vectorizer.get_feature_names_out() + + # Get ALL SVD dimensions sorted by importance in query + sorted_dims = np.argsort(-np.abs(query_svd)) + + # Initialize list for filtered dimensions + relevant_dimensions = [] + + # Check more dimensions to find relevant ones + for dim_idx in sorted_dims[:20]: # Check top 20 dimensions + # Skip if weight is too low + dim_weight = query_svd[dim_idx] + if abs(dim_weight) < 0.05: + continue + + component = svd_components[dim_idx] + + # Get top terms for this dimension + top_word_indices = np.argsort(-np.abs(component))[:10] + top_terms = [feature_names[i] for i in top_word_indices if i < len(feature_names)] + + # Check if any top terms are relevant to query or item + relevant_terms = [] + for term in top_terms: + # Check if term is in query or item text directly + if term in query_lower or term in item_text: + relevant_terms.append(term) + continue + + # Try stemming check + try: + stemmed_term = stemmer.stem(term) + term_in_query = any(stemmed_term in stemmer.stem(qt) for qt in query_terms) + term_in_item = any(stemmed_term in stemmer.stem(it) for it in item_terms) + + if term_in_query or term_in_item: + relevant_terms.append(term) + except: + # If stemming fails, just check direct inclusion + if term in query_lower or term in item_text: + relevant_terms.append(term) + + # Only keep dimension if it has at least 1 relevant term + if len(relevant_terms) >= 1: + dim_terms = [] + for i in top_word_indices[:5]: + if i < len(feature_names): + word = feature_names[i] + weight = component[i] + if abs(weight) > 0.01: + dim_terms.append({ + "term": word, + "weight": float(abs(weight)), + "direction": "positive" if weight > 0 else "negative" + }) + + # Create dimension object + if dim_terms: + dimension_name = ", ".join([t["term"] for t in dim_terms[:3]]) + relevant_dimensions.append({ + "dimension": int(dim_idx), + "name": f"Dimension {dim_idx}: {dimension_name}", + "weight": float(abs(dim_weight)), + "terms": dim_terms + }) + + # Stop when we have enough relevant dimensions + if len(relevant_dimensions) >= 3: + break + + # If we don't have enough dimensions, just use the top dimensions by weight + if len(relevant_dimensions) < 2: + for dim_idx in sorted_dims[:5]: + if dim_idx in [d["dimension"] for d in relevant_dimensions]: + continue + + dim_weight = query_svd[dim_idx] + component = svd_components[dim_idx] + + # Get top terms for this dimension + top_word_indices = np.argsort(-np.abs(component))[:5] + dim_terms = [] + for i in top_word_indices: + if i < len(feature_names): + word = feature_names[i] + weight = component[i] + if abs(weight) > 0.01: + dim_terms.append({ + "term": word, + "weight": float(abs(weight)), + "direction": "positive" if weight > 0 else "negative" + }) + + if dim_terms: + dimension_name = ", ".join([t["term"] for t in dim_terms[:3]]) + relevant_dimensions.append({ + "dimension": int(dim_idx), + "name": f"Dimension {dim_idx}: {dimension_name}", + "weight": float(abs(dim_weight)), + "terms": dim_terms + }) + + if len(relevant_dimensions) >= 3: + break + + # Sort by weight + relevant_dimensions.sort(key=lambda x: x["weight"], reverse=True) + + # Calculate similarity score + query_vector = generate_query_embedding(query) + item_vector = embeddings[item_id] + similarity = 1 - cosine(query_vector, item_vector) + + # Apply boosting for consistency + if similarity > 0.5: + boosted_similarity = 1.0 - ((1.0 - similarity) ** 1.5) + else: + boosted_similarity = similarity * 0.95 + + explanation = { + 'title': item['title'], + 'media_type': item['media_type'], + 'svd_dimensions': relevant_dimensions[:3], + 'similarity_score': float(boosted_similarity) + } + + return jsonify(explanation) + -@app.route("/") -def home(): - return render_template('base.html',title="sample html") +# Helper function to detect similar words +def are_similar_words(word1, word2): + """Check if two words are similar enough to be considered duplicates""" + # Exact match + if word1 == word2: + return True + + # One is substring of the other + if word1 in word2 or word2 in word1: + return True + + # Plural forms (simplified check) + if word1 + 's' == word2 or word2 + 's' == word1: + return True + + # Could add more similarity checks if needed + + return False -@app.route("/episodes") -def episodes_search(): - text = request.args.get("title") - return sql_search(text) if 'DB_NAME' not in os.environ: - app.run(debug=True,host="0.0.0.0",port=5000) \ No newline at end of file + app.run(debug=True, host="0.0.0.0", port=5050) \ No newline at end of file diff --git a/backend/helpers/__init__.py b/backend/helpers/__init__.py deleted file mode 100644 index e69de29b..00000000 diff --git a/backend/helpers/data/books.json b/backend/helpers/data/books.json new file mode 100644 index 00000000..b14215f1 --- /dev/null +++ b/backend/helpers/data/books.json @@ -0,0 +1,36409 @@ +[ + { + "Unnamed: 0": 0, + "book_name": "The Highly Sensitive Person", + "summaries": "\u00a0is a self-assessment guide and how-to-live template for people who feel, relate, process, and notice more deeply than others, and who frequently suffer from overstimulation as a result.", + "categories": "science", + "review_score": 3.7 + }, + { + "Unnamed: 0": 1, + "book_name": "Why Has Nobody Told Me This Before?", + "summaries": " is a collection of a clinical psychologist\u2019s best practical advice to combat anxiety and depression and improve our mental health in small increments, collected from over a decade of 1-on-1 work with patients.", + "categories": "science", + "review_score": 8.2 + }, + { + "Unnamed: 0": 2, + "book_name": "The Midnight Library", + "summaries": " tells the story of Nora, a depressed woman in her 30s, who, on the day she decides to die, finds herself in a library full of lives she could have lived, where she discovers there\u2019s a lot more to life, even her current one, than she had ever imagined.", + "categories": "science", + "review_score": 1.7 + }, + { + "Unnamed: 0": 3, + "book_name": "Brave New World", + "summaries": " presents a futuristic society engineered perfectly around capitalism and scientific efficiency, in which everyone is happy, conform, and content \u2014 but only at first glance.", + "categories": "science", + "review_score": 3.4 + }, + { + "Unnamed: 0": 4, + "book_name": "1984", + "summaries": " is the story of a man questioning the system that keeps his futuristic but dystopian society afloat and the chaos that quickly ensues once he gives in to his natural curiosity and desire to be free.", + "categories": "science", + "review_score": 4.0 + }, + { + "Unnamed: 0": 5, + "book_name": "Stolen Focus", + "summaries": "\u00a0explains why our attention spans have been dwindling for decades, how technology accelerates this worrying trend, and what we can do to reclaim our focus and thus our capacity to live meaningful lives.", + "categories": "science", + "review_score": 8.4 + }, + { + "Unnamed: 0": 6, + "book_name": "The Life-Changing Science of Detecting Bullshit", + "summaries": " teaches its readers how to avoid falling for the lies and false information that other people spread by helping them build essential thinking skills through examples from the real world.", + "categories": "science", + "review_score": 5.0 + }, + { + "Unnamed: 0": 7, + "book_name": "Dopamine Nation", + "summaries": "talks about the importance of living a balanced life in relation to all the pleasure and stimuli we\u2019re surrounded with on a daily basis, such as drugs, devices, porn, gambling facilities, showing us how to avoid becoming dopamine addicts by restricting our access to them.\u00a0", + "categories": "science", + "review_score": 8.1 + }, + { + "Unnamed: 0": 8, + "book_name": "The Art of Statistics", + "summaries": " is a non-technical book that shows how statistics is helping humans everywhere get a new hold of data, interpret numbers, fact-check information, and reveal valuable insights, all while keeping the world as we know it afloat.", + "categories": "science", + "review_score": 1.5 + }, + { + "Unnamed: 0": 9, + "book_name": "No Self No Problem", + "summaries": " is a provocative read about the implications of Buddhism in neuroscience, and more specifically about the idea that the self is only a product of the mind, meaning that there is no \u201cI\u201d.", + "categories": "science", + "review_score": 9.9 + }, + { + "Unnamed: 0": 10, + "book_name": "The Highly Sensitive Person", + "summaries": "\u00a0is a self-assessment guide and how-to-live template for people who feel, relate, process, and notice more deeply than others, and who frequently suffer from overstimulation as a result.", + "categories": "science", + "review_score": 6.7 + }, + { + "Unnamed: 0": 11, + "book_name": "Why Has Nobody Told Me This Before?", + "summaries": " is a collection of a clinical psychologist\u2019s best practical advice to combat anxiety and depression and improve our mental health in small increments, collected from over a decade of 1-on-1 work with patients.", + "categories": "science", + "review_score": 2.4 + }, + { + "Unnamed: 0": 12, + "book_name": "The Midnight Library", + "summaries": " tells the story of Nora, a depressed woman in her 30s, who, on the day she decides to die, finds herself in a library full of lives she could have lived, where she discovers there\u2019s a lot more to life, even her current one, than she had ever imagined.", + "categories": "science", + "review_score": 6.8 + }, + { + "Unnamed: 0": 13, + "book_name": "Brave New World", + "summaries": " presents a futuristic society engineered perfectly around capitalism and scientific efficiency, in which everyone is happy, conform, and content \u2014 but only at first glance.", + "categories": "science", + "review_score": 9.5 + }, + { + "Unnamed: 0": 14, + "book_name": "1984", + "summaries": " is the story of a man questioning the system that keeps his futuristic but dystopian society afloat and the chaos that quickly ensues once he gives in to his natural curiosity and desire to be free.", + "categories": "science", + "review_score": 8.5 + }, + { + "Unnamed: 0": 15, + "book_name": "Stolen Focus", + "summaries": "\u00a0explains why our attention spans have been dwindling for decades, how technology accelerates this worrying trend, and what we can do to reclaim our focus and thus our capacity to live meaningful lives.", + "categories": "science", + "review_score": 2.7 + }, + { + "Unnamed: 0": 16, + "book_name": "The Life-Changing Science of Detecting Bullshit", + "summaries": " teaches its readers how to avoid falling for the lies and false information that other people spread by helping them build essential thinking skills through examples from the real world.", + "categories": "science", + "review_score": 3.7 + }, + { + "Unnamed: 0": 17, + "book_name": "Dopamine Nation", + "summaries": "talks about the importance of living a balanced life in relation to all the pleasure and stimuli we\u2019re surrounded with on a daily basis, such as drugs, devices, porn, gambling facilities, showing us how to avoid becoming dopamine addicts by restricting our access to them.\u00a0", + "categories": "science", + "review_score": 6.9 + }, + { + "Unnamed: 0": 18, + "book_name": "The Art of Statistics", + "summaries": " is a non-technical book that shows how statistics is helping humans everywhere get a new hold of data, interpret numbers, fact-check information, and reveal valuable insights, all while keeping the world as we know it afloat.", + "categories": "science", + "review_score": 6.0 + }, + { + "Unnamed: 0": 19, + "book_name": "No Self No Problem", + "summaries": " is a provocative read about the implications of Buddhism in neuroscience, and more specifically about the idea that the self is only a product of the mind, meaning that there is no \u201cI\u201d.", + "categories": "science", + "review_score": 8.4 + }, + { + "Unnamed: 0": 20, + "book_name": "The Code Breaker", + "summaries": " details the life of Nobel Prize winner Jennifer Doudna, who embarked on \u2014 and successfully completed \u2014 a journey to invent a tool that allows us to edit the human genetic code and thus will change our lives, health, and future generations forever.", + "categories": "science", + "review_score": 7.4 + }, + { + "Unnamed: 0": 21, + "book_name": "Super Human", + "summaries": " presents the groundbreaking discoveries of Dave Asprey (the CEO of Bulletproof) in the field of diet & nutrition, biohacking, longevity, and offers a scientific view on how to live your best life and look like the best version of yourself by adopting practices acclaimed by bioengineers right away.", + "categories": "science", + "review_score": 5.6 + }, + { + "Unnamed: 0": 22, + "book_name": "This Is Your Mind On Plants", + "summaries": " ", + "categories": "science", + "review_score": 2.7 + }, + { + "Unnamed: 0": 23, + "book_name": "The Undoing Project", + "summaries": " talks about the life and extensive research in the psychology of Kahneman and Tversky by bringing forth some of the most influential and groundbreaking discoveries they unveiled about human behavior and the biases in our decisions.", + "categories": "science", + "review_score": 5.9 + }, + { + "Unnamed: 0": 24, + "book_name": "The Dawn of Everything", + "summaries": " tells the story of how we went from hunter-gatherers to city-builders, from the Stone Age to today\u2019s modern world, all by exploring a series of new discoveries made by scientists who are challenging some long-held beliefs about our history.", + "categories": "science", + "review_score": 3.0 + }, + { + "Unnamed: 0": 25, + "book_name": "One Decision", + "summaries": " explains how flawed decisions occur and how you can avoid them by analyzing data at first, asking for fact-checked opinions, eliminating your biases and prejudice, and many more useful practices derived from psychological research.", + "categories": "science", + "review_score": 4.0 + }, + { + "Unnamed: 0": 26, + "book_name": "Napoleon\u2019s Buttons", + "summaries": " explores the scientific phenomenon of molecules by highlighting how we can trace the origins of our entire existence to something as tiny as atoms and make sense of various events in history that shaped our world.", + "categories": "science", + "review_score": 4.5 + }, + { + "Unnamed: 0": 27, + "book_name": "The Sovereign Individual", + "summaries": " jumps into the future and presents a new world where life moves into the online environment, where the cybereconomy rules and governments are struggling to control the people like they used to, all through a revolution more powerful than anything we\u2019ve seen before.", + "categories": "science", + "review_score": 4.3 + }, + { + "Unnamed: 0": 28, + "book_name": "Keto Answers", + "summaries": " is your go-to guide on how to get started with the ketogenic diet, its positive implications on your health and proneness to diseases like diabetes, and a fact-based study that debunks myths and assumptions about following a low-carb diet.\u00a0", + "categories": "science", + "review_score": 2.6 + }, + { + "Unnamed: 0": 29, + "book_name": "Joyful", + "summaries": " talks about the power of small things in our lives, from colors, shapes, and designs, to nature, architecture, and simple everyday occurrences on our happiness and how we can harness simplicity to achieve a meaningful life filled with joy.", + "categories": "science", + "review_score": 3.1 + }, + { + "Unnamed: 0": 30, + "book_name": "Invisible Women", + "summaries": " talks about the flaws in our societal system, which was built on the premise that men should rule and conquer the world while women should stay at home, which is why we\u2019re still seeing gender gaps in the personal, professional, and day-to-day lives of women.", + "categories": "science", + "review_score": 7.4 + }, + { + "Unnamed: 0": 31, + "book_name": "The Worldly Philosophers", + "summaries": " is your hands-on guide to economics, how the world works overall but especially from a financial point of view, what are the social and economic systems that existed throughout history, and how certain people\u2019s concepts got to shape the world we know today.", + "categories": "science", + "review_score": 4.0 + }, + { + "Unnamed: 0": 32, + "book_name": "Brain Maker", + "summaries": " argues that the relationship between your gut and your mind is stronger than you know, and proves how the microbiome is responsible for your overall health in the long run.", + "categories": "science", + "review_score": 9.5 + }, + { + "Unnamed: 0": 33, + "book_name": "Tesla: Man Out of Time", + "summaries": " presents the biography and remarkable life of Nikola Tesla, one of the most notable inventors and engineers of all time, while also highlighting his bumpy relationship with Thomas Edison and his heavy childhood.", + "categories": "science", + "review_score": 5.6 + }, + { + "Unnamed: 0": 34, + "book_name": "The God Equation", + "summaries": " presents a factual approach to the theory of life, the inception of the universe, and how modern physics lay the foundation of all natural laws that govern the galaxies, the planets, and our home called Earth.", + "categories": "science", + "review_score": 7.0 + }, + { + "Unnamed: 0": 35, + "book_name": "Astrophysics for People in a Hurry", + "summaries": " talks about the laws of nature, physics, astronomy, and the mysterious inception of our cosmos, the universe, stars, and implicitly our beautiful planet where life thrives and perpetuates.", + "categories": "science", + "review_score": 5.5 + }, + { + "Unnamed: 0": 36, + "book_name": "Lifespan", + "summaries": " addresses the concept of aging and defies the laws of nature that humankind knew till now by presenting a cure to aging that derives from exetensive research in biology, diet and nutrition, sports, and the science of combating diseases.", + "categories": "science", + "review_score": 9.5 + }, + { + "Unnamed: 0": 37, + "book_name": "The Inner Life of Animals", + "summaries": " presents complex research on animals and the life of our ecosystem, which is not so different than ours, given that they can feel pain, experience emotions, and share other similarities with us, humans.", + "categories": "science", + "review_score": 6.8 + }, + { + "Unnamed: 0": 38, + "book_name": "Chaos", + "summaries": " is a scientific piece of writing that presents the principles behind the Chaos Theory, which was popularized in the late 20th century and represents a monumental step forward in the area of scientific knowledge and the universe\u2019s evolution overall.", + "categories": "science", + "review_score": 1.6 + }, + { + "Unnamed: 0": 39, + "book_name": "Unlimited Memory", + "summaries": " explores the most effective ways to retain information and improve memory skills by teaching its readers some key aspects about the brain and explaining advanced learning strategies in an easy-to-follow manner.", + "categories": "science", + "review_score": 7.6 + }, + { + "Unnamed: 0": 40, + "book_name": "Wintering", + "summaries": " highlights the similarities between the cold season of the year and the period of hardship in a human life, by emphasizing how everything eventually passes in time, and how we can learn to embrace challenging times by learning from wolves, from the cold, and how our ancestors dealt with the winter.", + "categories": "science", + "review_score": 9.0 + }, + { + "Unnamed: 0": 41, + "book_name": "The Shallows", + "summaries": " explores the effects of the Internet on the human brain, which aren\u2019t entirely positive, as our constant exposure to the online environment through digital devices strips our ability to target our focus and stay concentrated, all while modifying our brain neurologically and anatomically. ", + "categories": "science", + "review_score": 9.1 + }, + { + "Unnamed: 0": 42, + "book_name": "Rationality", + "summaries": " explores the concept of ration as the pylon of all human progress and how it sets us apart from all other species, helping us evolve and developing societal layers, rules of conduct, and moral grounds for all our endeavors in life.", + "categories": "science", + "review_score": 2.3 + }, + { + "Unnamed: 0": 43, + "book_name": "The High 5 Habit", + "summaries": " is a self-improvement book that aims to help anyone who deals with self-limitations take charge of their life by establishing a morning routine, ditching negative talk, and transforming their life through positivity and confidence.", + "categories": "science", + "review_score": 5.2 + }, + { + "Unnamed: 0": 44, + "book_name": "Why Zebras Don\u2019t Get Ulcers", + "summaries": " explores the leading causes of stress and how to keep it under control, as well as the biological science behind stress, which can be a catalyst for performance in the short term, but a potential threat in the long run.", + "categories": "science", + "review_score": 2.5 + }, + { + "Unnamed: 0": 45, + "book_name": "What Is Life?", + "summaries": "compresses a series of lectures given by the notorious physicist Erwin Schr\u00f6dinger, and is a compelling research on how science, especially biology, chemistry and physics account for the ongoing process that the human body undertakes to simply exist and live", + "categories": "science", + "review_score": 7.8 + }, + { + "Unnamed: 0": 46, + "book_name": "The Self-Discipline Blueprint", + "summaries": " delves into the subject of self-actualization and why it is crucial for humans to achieve a fulfilled and successful life by creating a routine and becoming focused, self-disciplined and hard-working.", + "categories": "science", + "review_score": 5.4 + }, + { + "Unnamed: 0": 47, + "book_name": "Stealing Fire", + "summaries": " examines how a state of ecstasy can enhance the body-brain connection and allow humans to achieve excellent performance by accelerating their neural processes.", + "categories": "science", + "review_score": 4.8 + }, + { + "Unnamed: 0": 48, + "book_name": "Brain Food", + "summaries": " delves into the topic of nutrition and how certain foods and nutrients can affect the well-being of the brain, its memory function, its cognitive capability, and how what we ingest can reverse the brain\u2019s inclination to develop certain diseases.", + "categories": "science", + "review_score": 2.8 + }, + { + "Unnamed: 0": 49, + "book_name": "The Secret World of Weather", + "summaries": " is a guide to forecasting weather through various clues found in nature, such as plants, the wind, or clouds, to come up with an accurate calculation of the weather without having to check the news.", + "categories": "science", + "review_score": 1.5 + }, + { + "Unnamed: 0": 50, + "book_name": "Long Life Learning", + "summaries": " questions the current educational systems worldwide in relation to an increasing trend in job automation, growing life expectancy, and a devaluation in higher degrees, all with a strong focus on the future of work and urgency to adapt to it.", + "categories": "science", + "review_score": 3.5 + }, + { + "Unnamed: 0": 51, + "book_name": "The Genius of Dogs", + "summaries": " explores the curious mind of man\u2019s best friend in relation to human intelligence, as dogs and humans are connected and have many similarities that make the relationship between them so strong and unique. ", + "categories": "science", + "review_score": 3.8 + }, + { + "Unnamed: 0": 52, + "book_name": "Forest Bathing", + "summaries": " explores the Japanese tradition of shinrin-yoku, a kind of forest therapy based on immersion in nature, and the various health and wellbeing benefits we can derive from it to live better, calmer lives.", + "categories": "science", + "review_score": 4.4 + }, + { + "Unnamed: 0": 53, + "book_name": "Eat Better, Feel Better", + "summaries": " is a go-to guide for combating modern dietary problems and adopting a healthier lifestyle.", + "categories": "science", + "review_score": 4.1 + }, + { + "Unnamed: 0": 54, + "book_name": "How To Change", + "summaries": "\u00a0identifies the stumbling blocks that are in your way of reaching your goals and improving yourself and the research-backed ways to get over them, including how to beat some of the worst productivity and life problems like procrastination, laziness, and much more.", + "categories": "science", + "review_score": 1.8 + }, + { + "Unnamed: 0": 55, + "book_name": "The Data Detective", + "summaries": " will make you smarter by showing how you can understand statistics well enough to see how they, and the beliefs and cognitive biases they can make you have, make such a huge impact in your life, for better or for worse, and how to separate fact from fiction.", + "categories": "science", + "review_score": 5.8 + }, + { + "Unnamed: 0": 56, + "book_name": "What Happened to You?", + "summaries": " is Oprah\u2019s look into trauma, including how traumatic experiences affect our brains throughout our lives, what they mean about the way we handle stress, and why we need to see it as both a problem with our society and our brains if we want to get through it.", + "categories": "science", + "review_score": 2.7 + }, + { + "Unnamed: 0": 57, + "book_name": "The Great Escape", + "summaries": " challenges the idea that the world is on fire by declaring that things have never been better in many ways, although the advancements we\u2019ve made and the ways they have improved many lives haven\u2019t reached everyone equally.", + "categories": "science", + "review_score": 6.2 + }, + { + "Unnamed: 0": 58, + "book_name": "Ten Arguments For Deleting Your Social Media Accounts Right Now", + "summaries": " shows why you should quit social media because it stops joy, makes you a jerk, erodes truth, kills empathy, takes free will, keeps the world insane, destroys authenticity, blocks economic dignity, makes politics a mess, and hates you.", + "categories": "science", + "review_score": 7.3 + }, + { + "Unnamed: 0": 59, + "book_name": "The Emperor Of All Maladies", + "summaries": " details the beginnings and progress in our understanding of cancer, including how we first started learning about it, began developing ways to treat it and discovered ways to prevent it, and the biological effect that it has on us.", + "categories": "science", + "review_score": 8.8 + }, + { + "Unnamed: 0": 60, + "book_name": "The Double Helix", + "summaries": " tells the story of the discovery of DNA, which is one of the most significant scientific findings in all of history, by explaining the rivalries, struggles of the prideful scientific community to work together, and other roadblocks that James Watson had on the way to making the breakthrough of a lifetime that would change his life and the entire world.", + "categories": "science", + "review_score": 8.0 + }, + { + "Unnamed: 0": 61, + "book_name": "The Dark Net", + "summaries": " dives into the details of the wildest and most dangerous parts of the digital world, including self-harmers, cryptocurrency programmers, computer scientists, hackers, extremists, pornographers, vigilantes, and much more.", + "categories": "science", + "review_score": 4.1 + }, + { + "Unnamed: 0": 62, + "book_name": "2030", + "summaries": " uses the current trajectory of the world, based on sociological, demographic, and technological trends, to outline the changes we can expect to happen in our lives by the beginning of the next decade.", + "categories": "science", + "review_score": 4.4 + }, + { + "Unnamed: 0": 63, + "book_name": "The End Of Illness", + "summaries": " will change the way that you think of sickness and health by identifying the problems with the current mindset around them and how focusing on the systems within your body instead of disease will help you make better-informed decisions that will keep you on the path of good health.", + "categories": "science", + "review_score": 9.8 + }, + { + "Unnamed: 0": 64, + "book_name": "The Grand Design", + "summaries": " explains the history of mankind from a scientific perspective, including how we came into existence and started to use science to explain the world and ourselves with laws like Newton\u2019s and Einstein\u2019s and more recent theories like quantum physics.", + "categories": "science", + "review_score": 8.1 + }, + { + "Unnamed: 0": 65, + "book_name": "I Contain Multitudes", + "summaries": " will make you smarter and healthier by teaching you about the tiny ecosystems of microbes that live inside your body and on everything you see and by showing you how they affect your life and how to utilize them to improve your well-being.", + "categories": "science", + "review_score": 8.4 + }, + { + "Unnamed: 0": 66, + "book_name": "The Science Of Storytelling", + "summaries": " will make you better at persuasion, writing, and speaking by outlining the psychology of telling good tales, including why our brains like them and how to craft the perfect ones.", + "categories": "science", + "review_score": 3.7 + }, + { + "Unnamed: 0": 67, + "book_name": "Mindful Work", + "summaries": " is your guide to understanding how the practice of meditation got its roots in Western society, the many ways it radically improves your brain\u2019s ability to do almost everything, and how it will improve your productivity.", + "categories": "science", + "review_score": 5.4 + }, + { + "Unnamed: 0": 68, + "book_name": "Phantoms In The Brain", + "summaries": " will make you smarter about your own mind by sharing what scientists have learned from some of the most interesting experiences of patients with neurological disorders.", + "categories": "science", + "review_score": 8.4 + }, + { + "Unnamed: 0": 69, + "book_name": "Survival Of The Friendliest", + "summaries": " explains why the #1 thing you can do for success is to focus on your social connections, how friendliness was the reason that our early ancestors survived as well as they did, and what you can do today to grow your social capital.", + "categories": "science", + "review_score": 2.5 + }, + { + "Unnamed: 0": 70, + "book_name": "How To Avoid A Climate Disaster", + "summaries": " is Bill Gates\u2019 plea to the individuals, governments, and business leaders of the world to reduce greenhouse emissions by changing the way we make things, plug in, grow things, get around, and keep warm and cool.", + "categories": "science", + "review_score": 7.1 + }, + { + "Unnamed: 0": 71, + "book_name": "Breath", + "summaries": " is a fascinating and helpful guide to understanding the science of breathing, including how doing it slowly and through your nose is best for your lungs and body, and the many proven mental and physical benefits of being more mindful of how you inhale and exhale.", + "categories": "science", + "review_score": 6.9 + }, + { + "Unnamed: 0": 72, + "book_name": "When The Body Says No", + "summaries": " will help you become healthier by teaching you the truth behind the mind-body connection, revealing how your mental state does in fact affect your physical condition and how you can improve both.", + "categories": "science", + "review_score": 5.5 + }, + { + "Unnamed: 0": 73, + "book_name": "The Soul Of An Octopus", + "summaries": " will make you smarter about animal life in the ocean by explaining the fascinating abilities, brilliance, and personalities of octopuses.", + "categories": "science", + "review_score": 6.1 + }, + { + "Unnamed: 0": 74, + "book_name": "Late Bloomers", + "summaries": " will help you become more patient with the speed of your progress by identifying the damaging influences of early achievement culture and societal pressure and how to be proud of reaching your peak later in life.", + "categories": "science", + "review_score": 3.8 + }, + { + "Unnamed: 0": 75, + "book_name": "Limitless", + "summaries": " shows you how to unlock the full potential that your brain has for memory, reading, learning, and much more by showing you how to take the brakes off of your mental powers with tools like mindset, visualization, music, and more.", + "categories": "science", + "review_score": 1.3 + }, + { + "Unnamed: 0": 76, + "book_name": "Eat To Beat Disease", + "summaries": " will help you be healthier and fight off infection by identifying how food affects your immune system and what to put into your body that will make you more resilient against illness.", + "categories": "science", + "review_score": 9.2 + }, + { + "Unnamed: 0": 77, + "book_name": "The Hot Zone", + "summaries": " is Richard Preston\u2019s version of a terrifying true story of how the Ebola virus came to be, why it\u2019s so deadly and contagious, and how this all reveals our massive vulnerabilities and inefficiencies when it comes to fending off pandemics of all kinds.", + "categories": "science", + "review_score": 8.9 + }, + { + "Unnamed: 0": 78, + "book_name": "The Beautiful Cure", + "summaries": " makes you smarter by showing you how your immune system works and how recent advancements in our understanding of it can help us improve our health like never before.", + "categories": "science", + "review_score": 2.6 + }, + { + "Unnamed: 0": 79, + "book_name": "The Telomere Effect", + "summaries": " shows you how to live healthier and stay younger longer by identifying an important part of your physiology that you might have never heard of and teaching you how to take great care of it.", + "categories": "science", + "review_score": 6.8 + }, + { + "Unnamed: 0": 80, + "book_name": "Suggestible You", + "summaries": " helps you understand and utilize the power of your mind-body connection by explaining the effect that your thoughts have on your body, including pain, illness, and memory and how to take advantage of it.", + "categories": "science", + "review_score": 2.0 + }, + { + "Unnamed: 0": 81, + "book_name": "Energy", + "summaries": " makes you smarter by helping you understand where this important aspect of our lives comes from, how we\u2019ve used it throughout history to get to where we are today, and why we need to be careful about how we consume it so that we can have a better future.", + "categories": "science", + "review_score": 3.7 + }, + { + "Unnamed: 0": 82, + "book_name": "The Sleep Solution", + "summaries": " improves your quality of life by identifying the myths surrounding rest that keep you from getting more of it, showing you why they\u2019re false, and teaching you how to establish proper sleep hygiene. ", + "categories": "science", + "review_score": 10.0 + }, + { + "Unnamed: 0": 83, + "book_name": "The Order Of Time", + "summaries": " expands your mind by shattering your commonly held beliefs about time, identifying how the way society views it is merely a construct of the mind and its actual characteristics are a lot more interesting than we all think.", + "categories": "science", + "review_score": 1.3 + }, + { + "Unnamed: 0": 84, + "book_name": "Willpower Doesn\u2019t Work", + "summaries": " shows you how to change your life in a more efficient way than relying on sheer grit alone by identifying the importance of your environment and other factors that affect your productivity so you can become your best self.", + "categories": "science", + "review_score": 3.0 + }, + { + "Unnamed: 0": 85, + "book_name": "Food Fix", + "summaries": " will help you eat healthier and improve the environment at the same time by explaining how bad our food is for us and our planet and what we can each do to fix these problems.", + "categories": "science", + "review_score": 4.5 + }, + { + "Unnamed: 0": 86, + "book_name": "Blueprint", + "summaries": " helps you have hope for the goodness of the human race by revealing our biologically wired social tendencies that help us survive and thrive by working together.", + "categories": "science", + "review_score": 3.0 + }, + { + "Unnamed: 0": 87, + "book_name": "The Unexpected Joy Of Being Sober", + "summaries": " will help you have a happier and healthier life by persuasively revealing the many disadvantages of alcohol and the benefits of going without it permanently. ", + "categories": "science", + "review_score": 7.7 + }, + { + "Unnamed: 0": 88, + "book_name": "Descartes\u2019 Error", + "summaries": " will help you understand why the argument that the mind and body are disconnected is false by using neuroscience and interesting case studies to identify how the body and our emotions play a vital role in logical thinking.", + "categories": "science", + "review_score": 8.4 + }, + { + "Unnamed: 0": 89, + "book_name": "Personality Isn\u2019t Permanent", + "summaries": " will shatter your long-held beliefs that you\u2019re stuck as yourself, flaws and all, by identifying why the person you are is changeable and giving you specific and actionable steps to change.", + "categories": "science", + "review_score": 3.0 + }, + { + "Unnamed: 0": 90, + "book_name": "Deep Nutrition", + "summaries": " will help you get healthier by explaining the danger of modern dieting techniques that are actually doing harm to your body and making you sick. ", + "categories": "science", + "review_score": 5.6 + }, + { + "Unnamed: 0": 91, + "book_name": "My Age Of Anxiety", + "summaries": " is your guide to understanding an aspect of mental illness that most of us don\u2019t realize is so severe, showing it\u2019s biological and environmental origins and ways to treat it.", + "categories": "science", + "review_score": 5.7 + }, + { + "Unnamed: 0": 92, + "book_name": "The Body", + "summaries": " helps you become smarter about how to take care of and use this mechanism that lets you have life by explaining how it\u2019s put together, what happens on the inside, and how it works. ", + "categories": "science", + "review_score": 8.7 + }, + { + "Unnamed: 0": 93, + "book_name": "Boost!", + "summaries": " is a guide for becoming more productive at work by using the preparation and performance techniques that world-class athletes use to win gold medals.", + "categories": "science", + "review_score": 7.1 + }, + { + "Unnamed: 0": 94, + "book_name": "AI Superpowers", + "summaries": " will help you understand what to expect of the effect that artificial intelligence will have on your future job opportunities by diving into where China and the US, the world\u2019s two leaders in AI, are heading with this breakthrough technology.", + "categories": "science", + "review_score": 5.8 + }, + { + "Unnamed: 0": 95, + "book_name": "Doubt: A History", + "summaries": " is a fascinating look at the historical influence of doubt on science, religion, and the way we think today.", + "categories": "science", + "review_score": 4.0 + }, + { + "Unnamed: 0": 96, + "book_name": "What to Eat When", + "summaries": " teaches us how food works inside our body and how to feed ourselves in a way that better suits our biology, making us healthier and stronger.", + "categories": "science", + "review_score": 2.0 + }, + { + "Unnamed: 0": 97, + "book_name": "Comfortably Unaware", + "summaries": " is a well-researched compendium on how our food choices and animal agriculture impact the well-being of the whole planet.", + "categories": "science", + "review_score": 2.9 + }, + { + "Unnamed: 0": 98, + "book_name": "Pandemic", + "summaries": " gives you an understanding of what pathogens and diseases are, how they evolve, what our lifestyle does to make them worse on us, how they can spread like wildfire, and most importantly, what we can do to stop them.", + "categories": "science", + "review_score": 1.3 + }, + { + "Unnamed: 0": 99, + "book_name": "Social", + "summaries": " explains how our innate drive to build social connections is the primary driver behind our behavior and explores ways we can use this knowledge to our advantage. ", + "categories": "science", + "review_score": 1.5 + }, + { + "Unnamed: 0": 100, + "book_name": "A Brief History Of Everyone Who Ever Lived", + "summaries": " gives you another important perspective on mankind\u2019s past and present through the lens of our genes.", + "categories": "science", + "review_score": 2.0 + }, + { + "Unnamed: 0": 101, + "book_name": "Cosmos", + "summaries": " will make you smarter by teaching you the basics of how the universe works, including our own solar system and its history.", + "categories": "science", + "review_score": 4.5 + }, + { + "Unnamed: 0": 102, + "book_name": "The Worry-Free Mind", + "summaries": " helps free you of the shackles of all types of anxieties by identifying where they come from and what steps you need to take to regain control of your thinking patterns and become mentally healthy again.", + "categories": "science", + "review_score": 7.6 + }, + { + "Unnamed: 0": 103, + "book_name": "Brief Answers To The Big Questions", + "summaries": " tackles some of the universe\u2019s biggest mysteries, as Hawking explores the laws that govern the cosmos and the future of humankind. ", + "categories": "science", + "review_score": 6.3 + }, + { + "Unnamed: 0": 104, + "book_name": "Chernobyl", + "summaries": " teaches some fascinating and important history, science, and leadership lessons by diving into the details of the events leading up to the worst nuclear disaster in human history and its aftermath.", + "categories": "science", + "review_score": 2.2 + }, + { + "Unnamed: 0": 105, + "book_name": "Seven Brief Lessons On Physics", + "summaries": " is your guide to getting up to speed with current theories on how the universe works by explaining general relativity and quantum mechanics, the two pillars of modern physics.", + "categories": "science", + "review_score": 1.6 + }, + { + "Unnamed: 0": 106, + "book_name": "Brain Rules", + "summaries": " teaches you how to become more productive at work and life by giving proven facts about how your mind works better with good sleep, exercise, and learning with all the senses.", + "categories": "science", + "review_score": 6.8 + }, + { + "Unnamed: 0": 107, + "book_name": "Broadcasting Happiness", + "summaries": " is an encouraging resource that will help you boost your health and happiness in your relationships, work, and community by showing you how to unlock the power of positive words and stories.", + "categories": "science", + "review_score": 4.0 + }, + { + "Unnamed: 0": 108, + "book_name": "The Joy Of Movement", + "summaries": " is just what you need to finally find the motivation to get out and exercise more often by teaching you the scientific reasons why it\u2019s good for you and why your body is designed to enjoy it.", + "categories": "science", + "review_score": 1.9 + }, + { + "Unnamed: 0": 109, + "book_name": "The Immortal Life of Henrietta Lacks", + "summaries": " makes you smarter and more compassionate by revealing the previously unknown story of a woman with extraordinary cells that still live today and have contributed to dozens of medical breakthroughs.", + "categories": "science", + "review_score": 4.1 + }, + { + "Unnamed: 0": 110, + "book_name": "The Body Keeps The Score", + "summaries": " teaches you how to get through the difficulties that arise from your traumatic past by revealing the psychology behind them and revealing some of the techniques therapists use to help victims recover.", + "categories": "science", + "review_score": 5.3 + }, + { + "Unnamed: 0": 111, + "book_name": "How To Change Your Mind", + "summaries": " reveals new evidence on psychedelics, confirming their power to cure mental illness, ease depression and addiction, and help people die more peacefully.\u00a0 ", + "categories": "science", + "review_score": 8.2 + }, + { + "Unnamed: 0": 112, + "book_name": "Maybe You Should Talk To Someone", + "summaries": " will help you feel more comfortable with using therapy to improve your mental health by giving a candid look into how therapy really works from the point of view of an experienced therapist who also found herself needing it.", + "categories": "science", + "review_score": 4.5 + }, + { + "Unnamed: 0": 113, + "book_name": "A General Theory Of Love", + "summaries": " will help you reprogram your mind for better emotional intelligence and relationships by teaching you what three psychiatrists have to say about the science of why we experience love and other emotions.", + "categories": "science", + "review_score": 7.5 + }, + { + "Unnamed: 0": 114, + "book_name": "The Little Book of Lykke", + "summaries": " gives Danish-derived and science-backed tips that will help you be happier.", + "categories": "science", + "review_score": 1.5 + }, + { + "Unnamed: 0": 115, + "book_name": "Why We Sleep", + "summaries": " will motivate you get more and better quality sleep by showing you the recent scientific findings on why sleep deprivation is bad for individuals and society.", + "categories": "science", + "review_score": 9.6 + }, + { + "Unnamed: 0": 116, + "book_name": "A Universe From Nothing", + "summaries": " will enlarge your knowledge of our expanding universe by showing you how it began, what we\u2019re learning about it now, and what will happen to it in the future.", + "categories": "science", + "review_score": 7.0 + }, + { + "Unnamed: 0": 117, + "book_name": "A Crack In Creation", + "summaries": " will teach you all about the power of gene editing that is made possible with CRISPR by detailing how it works, the benefits and opportunities it opens up, and the ethical risks of using it on humans.", + "categories": "science", + "review_score": 3.4 + }, + { + "Unnamed: 0": 118, + "book_name": "How To", + "summaries": " will help you get better at abstract thinking as it gives solutions to some of the strangest problems in the wackiest, but still scientific, ways.", + "categories": "science", + "review_score": 4.1 + }, + { + "Unnamed: 0": 119, + "book_name": "A Mind For Numbers", + "summaries": " will teach you how to learn math and science more efficiently and get good at them by understanding how your brain absorbs and processes information, even if these subjects don\u2019t come naturally to you.", + "categories": "science", + "review_score": 5.6 + }, + { + "Unnamed: 0": 120, + "book_name": "A Beautiful Mind", + "summaries": " tells the fascinating story of the mathematical genius, mental illness, and miraculous recovery and success of John Nash Jr.", + "categories": "science", + "review_score": 6.9 + }, + { + "Unnamed: 0": 121, + "book_name": "Feral", + "summaries": " will help you find ways to improve the well-being of humanity by illustrating the deep connection between us and Nature and offering actionable advice on how to preserve balance in our ecosystems through rewilding.", + "categories": "science", + "review_score": 8.1 + }, + { + "Unnamed: 0": 122, + "book_name": "Sleep Smarter", + "summaries": " is a collection of 21 simple tips and tricks to optimize your sleep environment once and then reap the benefits of more restful nights forever.", + "categories": "science", + "review_score": 7.4 + }, + { + "Unnamed: 0": 123, + "book_name": "What If", + "summaries": " is a compilation of well-researched, science-based answers to some of the craziest hypothetical questions you can imagine.", + "categories": "science", + "review_score": 1.5 + }, + { + "Unnamed: 0": 124, + "book_name": "Exploring The World Of Lucid Dreaming", + "summaries": " is a practical guide to dreaming consciously which uncovers an invaluable channel of communication between your conscious and unconscious mind.", + "categories": "science", + "review_score": 7.7 + }, + { + "Unnamed: 0": 125, + "book_name": "The Sports Gene", + "summaries": " is a look at how genes affect our abilities, motivations, and endurance in sports, explaining why some people are better suited for certain sports than others.", + "categories": "science", + "review_score": 1.9 + }, + { + "Unnamed: 0": 126, + "book_name": "The Brain That Changes Itself", + "summaries": " explores the groundbreaking research in neuroplasticity and shares fascinating stories of people who can use the brain\u2019s ability to adapt and be cured of ailments previously incurable. ", + "categories": "science", + "review_score": 6.6 + }, + { + "Unnamed: 0": 127, + "book_name": "Psycho-Cybernetics", + "summaries": " explains how thinking of the human mind as a machine can help improve your self-image, which will dramatically increase your success and happiness.", + "categories": "science", + "review_score": 2.6 + }, + { + "Unnamed: 0": 128, + "book_name": "Altered Traits", + "summaries": " explores the science behind meditation techniques and the way they benefit and alter our mind and body.", + "categories": "science", + "review_score": 8.0 + }, + { + "Unnamed: 0": 129, + "book_name": "Merchants of Doubt", + "summaries": " explains how a small but loud group of researchers were able to mislead the public about the truths around global warming, tobacco, DDT, and other important issues for decades. ", + "categories": "science", + "review_score": 3.4 + }, + { + "Unnamed: 0": 130, + "book_name": "How Not To Die", + "summaries": " delivers a template for extending your life based on scientific research which recommends switching to a mainly plant-based diet. ", + "categories": "science", + "review_score": 9.3 + }, + { + "Unnamed: 0": 131, + "book_name": "Behave", + "summaries": " sets out to explain the reason behind human behavior, good or bad, by exploring the influences of brain chemistry and our environment.", + "categories": "science", + "review_score": 7.8 + }, + { + "Unnamed: 0": 132, + "book_name": "Brainstorm", + "summaries": " is a fascinating look into the teenage brain that explains why adolescents act so hormonally and recklessly.", + "categories": "science", + "review_score": 2.1 + }, + { + "Unnamed: 0": 133, + "book_name": "On The Origin Of Species", + "summaries": " is the foundational book for modern evolutionary biology that marked a turning point in how we think about the beginnings of humankind.", + "categories": "science", + "review_score": 8.1 + }, + { + "Unnamed: 0": 134, + "book_name": "How Emotions Are Made", + "summaries": " explores the often misconstrued world of human feelings and the cutting-edge science behind how they\u2019re formed.", + "categories": "science", + "review_score": 2.6 + }, + { + "Unnamed: 0": 135, + "book_name": "Against Empathy", + "summaries": " explains the problems with society\u2019s obsession with empathy and explores its limitations while giving us useful alternatives for situations in which it doesn\u2019t work.", + "categories": "science", + "review_score": 8.3 + }, + { + "Unnamed: 0": 136, + "book_name": "The Biology of Belief", + "summaries": " is an overview of the recent findings in cellular biology, which are redefining the way we look at evolution, genetics and the nature of life.", + "categories": "science", + "review_score": 1.9 + }, + { + "Unnamed: 0": 137, + "book_name": "The Hidden Life of Trees", + "summaries": "\u00a0describes how trees can communicate, support each other, learn from experience, and form alliances with other inhabitants of the forest.", + "categories": "science", + "review_score": 4.8 + }, + { + "Unnamed: 0": 138, + "book_name": "Silent Spring", + "summaries": " is the story that sparked the global grassroots environmental movement in 1962, explaining how chemical pesticides work, what their drawbacks are, and how we can protect crops in better, more sustainable ways.", + "categories": "science", + "review_score": 3.4 + }, + { + "Unnamed: 0": 139, + "book_name": "Aware", + "summaries": " is a comprehensive overview of the far-reaching benefits of meditation, rooted in both science and practice, enriched with actionable advice on how to practice mindfulness. ", + "categories": "science", + "review_score": 5.6 + }, + { + "Unnamed: 0": 140, + "book_name": "Lost Connections", + "summaries": " explains why depression affects so many people and that improving our relationships, not taking medication, is the way to beat our mental health problems.", + "categories": "science", + "review_score": 8.3 + }, + { + "Unnamed: 0": 141, + "book_name": "The Age of Empathy", + "summaries": " explains that empathy comes natural to humans, as it does to most other animals, and that we\u2019re not wired to be selfish and violent, but kind and cooperative.", + "categories": "science", + "review_score": 7.9 + }, + { + "Unnamed: 0": 142, + "book_name": "Counterclockwise", + "summaries": " is a critical look at current perspectives on health with a particular focus on how we can improve our own when we shift from being mindless to mindful.", + "categories": "science", + "review_score": 7.0 + }, + { + "Unnamed: 0": 143, + "book_name": "The Yes Brain", + "summaries": " offers parenting techniques that will give your kids an open attitude towards life, balance, resilience, insight, and empathy.", + "categories": "science", + "review_score": 2.2 + }, + { + "Unnamed: 0": 144, + "book_name": "Born To Run", + "summaries": " explains the natural benefits of long-distance running, and how you can become a better runner too, based on several years of research, experiences, and training.", + "categories": "science", + "review_score": 8.7 + }, + { + "Unnamed: 0": 145, + "book_name": "The Tao of Physics", + "summaries": " questions many biases about Western science and Eastern spirituality, showing the close connections between the principles of physics and those of Buddhism, Hinduism, and Taoism", + "categories": "science", + "review_score": 4.1 + }, + { + "Unnamed: 0": 146, + "book_name": "Rest", + "summaries": " examines why traditional methods of working too long and hard are inefficient compared to working less, resting, and playing to accomplish your best work.", + "categories": "science", + "review_score": 6.3 + }, + { + "Unnamed: 0": 147, + "book_name": "The Blue Zones Solution", + "summaries": " shows you how to adopt the lifestyle and mindset practices of the healthiest, longest-living people on the planet from the five locations with the highest population of centenarians.", + "categories": "science", + "review_score": 4.5 + }, + { + "Unnamed: 0": 148, + "book_name": "Write It Down, Make It Happen", + "summaries": " is a simple guide to help you accomplish your goals through the act of writing, showing you how to use this basic skill to focus, address fears, and stay motivated.", + "categories": "science", + "review_score": 7.8 + }, + { + "Unnamed: 0": 149, + "book_name": "Atomic Habits", + "summaries": " is the definitive guide to breaking bad behaviors and adopting good ones in four steps, showing you how small, incremental, everyday routines compound into massive, positive change over time.", + "categories": "science", + "review_score": 6.0 + }, + { + "Unnamed: 0": 150, + "book_name": "Homo Deus", + "summaries": " illustrates the history of the human race from how we came to be the dominant species over what narratives are shaping our lives today all the way to which obstacles we must overcome next to continue to thrive.", + "categories": "science", + "review_score": 3.0 + }, + { + "Unnamed: 0": 151, + "book_name": "The Chimp Paradox", + "summaries": " uses a simple analogy to help you take control of your emotions and act in your own, best interest, whether it\u2019s in making decisions, communicating with others, or your health and happiness.", + "categories": "science", + "review_score": 5.4 + }, + { + "Unnamed: 0": 152, + "book_name": "Factfulness", + "summaries": " explains how our worldview has been distorted with the rise of new media, which ten human instincts cause erroneous thinking, and how we can learn to separate fact from fiction when forming our opinions.", + "categories": "science", + "review_score": 1.4 + }, + { + "Unnamed: 0": 153, + "book_name": "Problem Solving 101", + "summaries": "\u00a0is a universal, four-step template for overcoming challenges in life, based on a traditional method Japanese school children learn early on.", + "categories": "science", + "review_score": 7.2 + }, + { + "Unnamed: 0": 154, + "book_name": "Skin In The Game", + "summaries": " is an assessment of asymmetries in human interactions, aimed at helping you understand where and how gaps in uncertainty, risk, knowledge, and fairness emerge, and how to close them.", + "categories": "science", + "review_score": 6.3 + }, + { + "Unnamed: 0": 155, + "book_name": "When: The Scientific Secrets of Perfect Timing", + "summaries": " breaks down the science of time so you can stop guessing when to do things and pick the best times to work, eat, sleep, have your coffee and even quit your job.", + "categories": "science", + "review_score": 3.6 + }, + { + "Unnamed: 0": 156, + "book_name": "Leonardo Da Vinci", + "summaries": " is Walter Isaacson\u2019s account of the life of one of the most brilliant artists, thinkers, and innovators who ever lived.", + "categories": "science", + "review_score": 8.7 + }, + { + "Unnamed: 0": 157, + "book_name": "Barking Up The Wrong Tree", + "summaries": " turns standard success advice on its head by looking at both sides of many common arguments, like confidence, extroversion, or being nice, concluding it\u2019s really other factors that decide if we win, and we control more of them than we think.", + "categories": "science", + "review_score": 5.3 + }, + { + "Unnamed: 0": 158, + "book_name": "Emotional Agility", + "summaries": " provides a new, science-backed approach to navigating life\u2019s many trials and detours on your path to fulfillment, with which you\u2019ll face your emotions head on, observe them objectively, make choices based on your values and slowly tweak your mindset, motivation and habits.", + "categories": "science", + "review_score": 6.4 + }, + { + "Unnamed: 0": 159, + "book_name": "The Road Less Traveled", + "summaries": "\u00a0is a spiritual classic, combining scientific and religious views to help you grow by confronting and solving your problems through discipline, love and grace.", + "categories": "science", + "review_score": 5.0 + }, + { + "Unnamed: 0": 160, + "book_name": "The Myth Of Multitasking", + "summaries": " explains why doing everything at once is neither efficient, nor even possible, and gives you practical steps for more focus in the workplace.", + "categories": "science", + "review_score": 7.2 + }, + { + "Unnamed: 0": 161, + "book_name": "Long-Term Thinking For A Short-Sighted World", + "summaries": " explains why we rarely think about the long-term consequences of our actions, how this puts our entire species in danger and what we can do to change and ensure a thriving future for mankind.", + "categories": "science", + "review_score": 8.8 + }, + { + "Unnamed: 0": 162, + "book_name": "Genius: The Life And Science Of Richard Feynman", + "summaries": " tells the story of one the greatest minds in the history of science, all the way from his humble beginnings to changing physics as we know it and receiving the Nobel prize.", + "categories": "science", + "review_score": 3.8 + }, + { + "Unnamed: 0": 163, + "book_name": "Payoff", + "summaries": " unravels the complex construct that is human motivation and shows you how it consists of many more parts than money and recognition, such as meaning, effort and ownership, so you can motivate yourself not just today, but every day.", + "categories": "science", + "review_score": 1.8 + }, + { + "Unnamed: 0": 164, + "book_name": "Peak", + "summaries": " accumulates everything the pioneer researcher on deliberate practice has learned about expert performance through decades of exploration and analysis of what separates those, who are average, from those, who are world-class at what they do.", + "categories": "science", + "review_score": 1.7 + }, + { + "Unnamed: 0": 165, + "book_name": "The Habit Blueprint", + "summaries": " strips down behavior change to its very core, giving you the ultimate, research-backed recipe for cultivating the habits you desire, with plenty of backup steps you can take to maximize your chances of success.", + "categories": "science", + "review_score": 9.9 + }, + { + "Unnamed: 0": 166, + "book_name": "Decisive", + "summaries": " gives you a scientific, 4-step approach to making better decisions in your life and career, based on an extensive\u00a0study of the available\u00a0literature and research on the topic.", + "categories": "science", + "review_score": 8.0 + }, + { + "Unnamed: 0": 167, + "book_name": "A Short History Of Nearly Everything", + "summaries": " explains everything we\u2019ve learned about our world and the universe so far, including how they formed, how we learned to make sense of time, space and gravity, why it\u2019s such a miracle that we\u2019re alive and how much of our planet is still a complete mystery to us.", + "categories": "science", + "review_score": 1.4 + }, + { + "Unnamed: 0": 168, + "book_name": "The Art Of Choosing", + "summaries": " extensively covers the scientific research made about human decision making, showing you what affects how you make choices, how the consequences of those choices affect you, as well as how you can adapt to these circumstances to make better decisions in the future.", + "categories": "science", + "review_score": 2.1 + }, + { + "Unnamed: 0": 169, + "book_name": "Forensics: The Anatomy Of Crime", + "summaries": " gives you an inside looks at all the different fields of criminal forensics and their history, showing you how the investigation and evidence-collection of crimes has changed dramatically within the last 200 years, helping us find the truth behind more and more crimes.", + "categories": "science", + "review_score": 9.5 + }, + { + "Unnamed: 0": 170, + "book_name": "The Magic Of Reality", + "summaries": " explains many of the world\u2019s natural phenomenons in a scientific way, so that you can understand how the elementary components of our planet work together to logically, yet beautifully, create the place we all call home.", + "categories": "science", + "review_score": 7.8 + }, + { + "Unnamed: 0": 171, + "book_name": "The End Of Average", + "summaries": " explains the fundamental flaws with our culture of averages, in which we design everything for the average person, when that person doesn\u2019t exist, and shows how we can embrace our individuality and use it to succeed in a world that wants everyone to be the same.", + "categories": "science", + "review_score": 9.7 + }, + { + "Unnamed: 0": 172, + "book_name": "How Not To Be Wrong", + "summaries": " shows you that math is really just the science of common sense and that studying a few key mathematical ideas can help you assess risks better, make the right decisions, navigate the world effortlessly and be wrong a lot less.", + "categories": "science", + "review_score": 8.4 + }, + { + "Unnamed: 0": 173, + "book_name": "Grit", + "summaries": " describes what creates outstanding achievements, based on science, interviews with high achievers from various fields and the personal history of success of the author, Angela Duckworth, uncovering that achievement isn\u2019t reserved for the talented only, but for those with passion and perseverance.", + "categories": "science", + "review_score": 1.1 + }, + { + "Unnamed: 0": 174, + "book_name": "Made To Stick", + "summaries": " examines advertising campaigns, urban myths and compelling stories to determine the six traits that make ideas stick in our brains, so you don\u2019t just know why you remember some things better than others, but can also spread your own ideas more easily among the right people.", + "categories": "science", + "review_score": 1.5 + }, + { + "Unnamed: 0": 175, + "book_name": "The Botany Of Desire", + "summaries": " describes how, contrary to popular belief, we might not be using plants as much as plants use us, by getting humans to ensure their survival, thanks to appealing to our desires for beauty, sweetness, intoxication and control.", + "categories": "science", + "review_score": 7.8 + }, + { + "Unnamed: 0": 176, + "book_name": "The Magic of Math", + "summaries": " shows you not only the power, but also the beauty of mathematics, unlike you\u2019ve ever seen it in school and with practical, real-world applications.", + "categories": "science", + "review_score": 7.9 + }, + { + "Unnamed: 0": 177, + "book_name": "The Genius Of Birds", + "summaries": " shines a new light on a genuinely underrated kind of vertebrate by explaining birds\u2019 capacities to be social, intelligently solve challenges, learn languages, be artistic and navigate the planet.", + "categories": "science", + "review_score": 4.6 + }, + { + "Unnamed: 0": 178, + "book_name": "The Evolution Of Everything", + "summaries": " compares creationist to evolutionist thinking, showing how the process of evolution we know from biology underlies and permeates the entire world, including society, morality, religion, culture, economics, money, innovation and even the internet.", + "categories": "science", + "review_score": 1.9 + }, + { + "Unnamed: 0": 179, + "book_name": "The Singularity Is Near", + "summaries": " outlines the future of technology by describing how change keeps accelerating, what computers will look like and be made of, why biology and technology will become indistinguishable and how we can\u2019t possibly predict what\u2019ll happen after 2045.", + "categories": "science", + "review_score": 2.5 + }, + { + "Unnamed: 0": 180, + "book_name": "The Selfish Gene", + "summaries": " explains the process of evolution in biology using genes as its basic unit, showing how they manifest in the form of organisms, what they do to ensure their own survival, how they program our brains, which strategies have worked best throughout history and what makes humans so special in this context.", + "categories": "science", + "review_score": 6.6 + }, + { + "Unnamed: 0": 181, + "book_name": "Elon Musk", + "summaries": " is the first official biography of the creator of SolarCity, SpaceX and Tesla, based on over 30 hours of conversation time between author\u00a0Ashlee Vance", + "categories": "science", + "review_score": 3.6 + }, + { + "Unnamed: 0": 182, + "book_name": "Einstein: His Life And Universe", + "summaries": " takes a close look at the life of Albert Einstein, beginning in how his childhood shaped him, what his biggest discoveries and personal struggles were and how his focus changed in later years, without his genius\u00a0ever fading until his very last moment.", + "categories": "science", + "review_score": 1.7 + }, + { + "Unnamed: 0": 183, + "book_name": "Smarter", + "summaries": " is one \u201cslow learner\u201d turned A student\u2019s experimental account of improving his intelligence by 16% through various tests, lessons and exercises and explains how you can increase your intelligence in scientifically proven ways.", + "categories": "science", + "review_score": 2.8 + }, + { + "Unnamed: 0": 184, + "book_name": "Hackers and Painters", + "summaries": " is a collection of essays by Y Combinator founder Paul Graham about what makes a good computer programmer and how you can\u00a0code\u00a0the future if you are one, making a fortune in the process.", + "categories": "science", + "review_score": 2.0 + }, + { + "Unnamed: 0": 185, + "book_name": "Everything Is Obvious", + "summaries": " shows you that common sense isn\u2019t as reliable as you think it is, because it often fails us in helping to make predictions, and how you can change the way you or your company make decisions with\u00a0more scientific, statistically grounded methods.", + "categories": "science", + "review_score": 5.3 + }, + { + "Unnamed: 0": 186, + "book_name": "Oxygen", + "summaries": " helps you understand the biology of our evolution by taking a close look at the molecule that can make and break all life and how it\u2019s shaped the rise of animals, plants and humans, as well as why it might be the key to ending aging.", + "categories": "science", + "review_score": 3.6 + }, + { + "Unnamed: 0": 187, + "book_name": "Predictably Irrational", + "summaries": " explains the hidden forces that really drive how we make decisions, which are far less rational than we think, but can help us stay on top of our finances, interact better with others and live happier lives, once we know about them.", + "categories": "science", + "review_score": 5.4 + }, + { + "Unnamed: 0": 188, + "book_name": "The Talent Code", + "summaries": " cracks open the myth of talent and breaks it down from a neurological standpoint into three crucial parts, which anyone can pull together to become a world-class performer, artist, or athlete and form something they used to believe was not even within their own hands.", + "categories": "science", + "review_score": 8.2 + }, + { + "Unnamed: 0": 189, + "book_name": "Abundance", + "summaries": " shows you the key technological trends being developed today, to give you a glimpse of a future that\u2019s a lot brighter than you think and help you embrace the optimism we need to make it happen.", + "categories": "science", + "review_score": 8.9 + }, + { + "Unnamed: 0": 190, + "book_name": "Why We Love", + "summaries": " delivers a scientific explanation for love, shows you how it developed historically and evolutionarily, tells you what we\u2019re all attracted to and where we differ, and of course gives you actionable advice to deal with both the exciting, successful romance in your life, as well as its sometimes inevitable fallout.", + "categories": "science", + "review_score": 9.8 + }, + { + "Unnamed: 0": 191, + "book_name": "Freakonomics", + "summaries": " helps you make better decisions by showing you how your life is dominated by incentives, how to close information asymmetries between you and the experts that exploit you and how to really tell the difference between causation and correlation.", + "categories": "science", + "review_score": 2.9 + }, + { + "Unnamed: 0": 192, + "book_name": "The Blue Zones", + "summaries": " gives you advice on how to live to be 100 years and older by looking at five spots across the planet, where people live the longest, and drawing lessons about what they eat, drink, how they exercise and which habits most shape their lives.", + "categories": "science", + "review_score": 3.4 + }, + { + "Unnamed: 0": 193, + "book_name": "The China Study", + "summaries": " examines the effect of animal protein intake on cancer risk and suggests improving your health by focusing on a plant-based diet.", + "categories": "science", + "review_score": 4.5 + }, + { + "Unnamed: 0": 194, + "book_name": "Drive", + "summaries": " explores what has motivated humans throughout history and explains how we shifted from mere survival to the carrot and stick approach that\u2019s still practiced today \u2013 and why it\u2019s outdated.", + "categories": "science", + "review_score": 9.8 + }, + { + "Unnamed: 0": 195, + "book_name": "The Happiness Project", + "summaries": " will show you how to change your life, without actually changing your life, thanks to the findings of modern science, ancient history and popular culture about happiness, which the author tested for a year and now shares with you.", + "categories": "science", + "review_score": 1.8 + }, + { + "Unnamed: 0": 196, + "book_name": "Immunity", + "summaries": " is an introductory guide to how your immune system works, why it\u2019s a double-edged sword, and which laws govern its existence.", + "categories": "science", + "review_score": 6.6 + }, + { + "Unnamed: 0": 197, + "book_name": "Outliers", + "summaries": " explains why \u201cthe self-made man\u201d is a myth and what truly lies behind the success of the best people in their field, which is often a series of lucky events, rare opportunities and other external factors, which are out of our control.", + "categories": "science", + "review_score": 3.6 + }, + { + "Unnamed: 0": 198, + "book_name": "Your Brain At Work", + "summaries": " helps you overcome the daily challenges that take away\u00a0your brain power, like constant email and interruption madness, high levels of stress, lack of control and high expectations, by showing you what goes on inside your head and giving you new approaches to control it better.", + "categories": "science", + "review_score": 7.6 + }, + { + "Unnamed: 0": 199, + "book_name": "Willpower", + "summaries": " is a blend of practical tips and the latest scientific research on self-control, explaining how willpower works, what you can do to improve it, how to optimize it and which steps to take when it fails you.", + "categories": "science", + "review_score": 7.3 + }, + { + "Unnamed: 0": 200, + "book_name": "Talent Is Overrated", + "summaries": " debunks both talent and experience as the determining factors and instead makes a case for deliberate practice, intrinsic motivation and starting early.", + "categories": "science", + "review_score": 7.6 + }, + { + "Unnamed: 0": 201, + "book_name": "The Power Of Habit", + "summaries": " helps you understand why\u00a0habits are at the core of everything you\u00a0do, how you can change them, and what impact that will have on your life, your business and society.", + "categories": "science", + "review_score": 7.2 + }, + { + "Unnamed: 0": 202, + "book_name": "Bounce", + "summaries": " shows you that training\u00a0trumps talent every time, by explaining the science of deliberate practice, the mindset of high performers and how you can use those tools to become a master of whichever\u00a0skill you choose.", + "categories": "science", + "review_score": 2.9 + }, + { + "Unnamed: 0": 203, + "book_name": "Salt Sugar Fat", + "summaries": " takes you through the history of the demise of home-cooked meals by explaining why you love salt, sugar and fat so much and how the processed food industry managed to hook us by cramming all 3 of those into their products.", + "categories": "science", + "review_score": 9.7 + }, + { + "Unnamed: 0": 204, + "book_name": "Sex at Dawn", + "summaries": "\u00a0challenges conventional views on sex by diving deep into our ancestors\u2019 sexual history and the rise of monogamy, thus prompting us to rethink our understanding of what sex and relationships should really feel and be like.", + "categories": "science", + "review_score": 6.3 + }, + { + "Unnamed: 0": 205, + "book_name": "A Brief History Of Time", + "summaries": " is Stephen Hawking\u2019s way of explaining the most complex concepts and ideas of physics, such as space, time, black holes, planets, stars and gravity to the average Joe, so that even you and I can better understand how our planet was created, where it came from, and where it\u2019s going.", + "categories": "science", + "review_score": 3.5 + }, + { + "Unnamed: 0": 206, + "book_name": "Stumbling On Happiness", + "summaries": " examines the capacity of our brains to fill in gaps and simulate experiences, shows how our lack of awareness of these powers sometimes leads us to wrong decisions, and how we can change our behavior to synthesize our own happiness.", + "categories": "science", + "review_score": 9.1 + }, + { + "Unnamed: 0": 207, + "book_name": "Moonwalking With Einstein", + "summaries": " not only educates you about the history of memory, and how its standing has declined over centuries, but also gives you actionable techniques to extend and improve your own.", + "categories": "science", + "review_score": 8.1 + }, + { + "Unnamed: 0": 208, + "book_name": "Why Is Sex Fun", + "summaries": " takes a humorous look at the evolution of human sex life, explaining why the way we behave\u00a0sexually is often odd, but necessary for our survival.", + "categories": "science", + "review_score": 7.2 + }, + { + "Unnamed: 0": 209, + "book_name": "The Light We Carry", + "summaries": " is a set of practices to help you stay calm, optimistic, and confident in an unpredictable world, based on Michelle Obama\u2019s life experiences as a woman, mother, lawyer, daughter, leader, and the former First Lady of the United States.", + "categories": "biography", + "review_score": 9.7 + }, + { + "Unnamed: 0": 210, + "book_name": "Dear Girls", + "summaries": " is a collection of letters written by comedian Ali Wong to her two daughters, recounting tales from her youth and life in an attempt to pass on some hard-earned wisdom to them and anyone willing to listen to her story.", + "categories": "biography", + "review_score": 2.2 + }, + { + "Unnamed: 0": 211, + "book_name": "On Writing", + "summaries": " details Stephen King\u2019s journey to becoming one of the best-selling authors of all time while delivering hard-won advice on the craft to aspiring writers.", + "categories": "biography", + "review_score": 6.9 + }, + { + "Unnamed: 0": 212, + "book_name": "Never Finished", + "summaries": " is an inspiring blueprint for leveling up in the game of life that never ends, offering 8 evolutions of thought, painful truths, and motivating stories to help you smash any and all glass ceilings in your life.", + "categories": "biography", + "review_score": 5.2 + }, + { + "Unnamed: 0": 213, + "book_name": "Will", + "summaries": " is world-famous actor and musician Will Smith\u2019s autobiography, outlining his life\u2019s story all the way from his humble beginnings in West Philadelphia to achieving fame as a musician and then global stardom as an actor and, ultimately, one of the most influential people of our time.", + "categories": "biography", + "review_score": 2.4 + }, + { + "Unnamed: 0": 214, + "book_name": "The Code Breaker", + "summaries": " details the life of Nobel Prize winner Jennifer Doudna, who embarked on \u2014 and successfully completed \u2014 a journey to invent a tool that allows us to edit the human genetic code and thus will change our lives, health, and future generations forever.", + "categories": "biography", + "review_score": 7.3 + }, + { + "Unnamed: 0": 215, + "book_name": "Siddhartha", + "summaries": " presents the self-discovery expedition of a man during the time of the Buddha who, unsure of what life really means to him, takes an exploratory journey to pursue the highs and lows of life, which ultimately leads him to discover the equilibrium in all things and a higher wisdom within.", + "categories": "biography", + "review_score": 2.4 + }, + { + "Unnamed: 0": 216, + "book_name": "Permanent Record", + "summaries": " delves into the life story of Edward Snowden, the well-renowned national whistleblower who built the expos\u00e9 on STELLARWIND, the US mass surveillance program used to spy on American citizens.", + "categories": "biography", + "review_score": 6.0 + }, + { + "Unnamed: 0": 217, + "book_name": "The Undoing Project", + "summaries": " talks about the life and extensive research in the psychology of Kahneman and Tversky by bringing forth some of the most influential and groundbreaking discoveries they unveiled about human behavior and the biases in our decisions.", + "categories": "biography", + "review_score": 6.2 + }, + { + "Unnamed: 0": 218, + "book_name": "Love Warrior", + "summaries": " delves into the life of Glennon Doyle, a woman who battled with self-destructive behaviors, eating disorders, depression, and many more challenges before finally embracing the life she deserved and started living meaningfully while being true to herself.", + "categories": "biography", + "review_score": 4.7 + }, + { + "Unnamed: 0": 219, + "book_name": "The Light We Carry", + "summaries": " is a set of practices to help you stay calm, optimistic, and confident in an unpredictable world, based on Michelle Obama\u2019s life experiences as a woman, mother, lawyer, daughter, leader, and the former First Lady of the United States.", + "categories": "biography", + "review_score": 2.7 + }, + { + "Unnamed: 0": 220, + "book_name": "Dear Girls", + "summaries": " is a collection of letters written by comedian Ali Wong to her two daughters, recounting tales from her youth and life in an attempt to pass on some hard-earned wisdom to them and anyone willing to listen to her story.", + "categories": "biography", + "review_score": 6.3 + }, + { + "Unnamed: 0": 221, + "book_name": "On Writing", + "summaries": " details Stephen King\u2019s journey to becoming one of the best-selling authors of all time while delivering hard-won advice on the craft to aspiring writers.", + "categories": "biography", + "review_score": 4.1 + }, + { + "Unnamed: 0": 222, + "book_name": "Never Finished", + "summaries": " is an inspiring blueprint for leveling up in the game of life that never ends, offering 8 evolutions of thought, painful truths, and motivating stories to help you smash any and all glass ceilings in your life.", + "categories": "biography", + "review_score": 3.4 + }, + { + "Unnamed: 0": 223, + "book_name": "Will", + "summaries": " is world-famous actor and musician Will Smith\u2019s autobiography, outlining his life\u2019s story all the way from his humble beginnings in West Philadelphia to achieving fame as a musician and then global stardom as an actor and, ultimately, one of the most influential people of our time.", + "categories": "biography", + "review_score": 8.2 + }, + { + "Unnamed: 0": 224, + "book_name": "The Code Breaker", + "summaries": " details the life of Nobel Prize winner Jennifer Doudna, who embarked on \u2014 and successfully completed \u2014 a journey to invent a tool that allows us to edit the human genetic code and thus will change our lives, health, and future generations forever.", + "categories": "biography", + "review_score": 4.1 + }, + { + "Unnamed: 0": 225, + "book_name": "Siddhartha", + "summaries": " presents the self-discovery expedition of a man during the time of the Buddha who, unsure of what life really means to him, takes an exploratory journey to pursue the highs and lows of life, which ultimately leads him to discover the equilibrium in all things and a higher wisdom within.", + "categories": "biography", + "review_score": 8.2 + }, + { + "Unnamed: 0": 226, + "book_name": "Permanent Record", + "summaries": " delves into the life story of Edward Snowden, the well-renowned national whistleblower who built the expos\u00e9 on STELLARWIND, the US mass surveillance program used to spy on American citizens.", + "categories": "biography", + "review_score": 5.6 + }, + { + "Unnamed: 0": 227, + "book_name": "The Undoing Project", + "summaries": " talks about the life and extensive research in the psychology of Kahneman and Tversky by bringing forth some of the most influential and groundbreaking discoveries they unveiled about human behavior and the biases in our decisions.", + "categories": "biography", + "review_score": 8.0 + }, + { + "Unnamed: 0": 228, + "book_name": "Love Warrior", + "summaries": " delves into the life of Glennon Doyle, a woman who battled with self-destructive behaviors, eating disorders, depression, and many more challenges before finally embracing the life she deserved and started living meaningfully while being true to herself.", + "categories": "biography", + "review_score": 4.1 + }, + { + "Unnamed: 0": 229, + "book_name": "Killing the Mob", + "summaries": " discusses a controversial topic \u2013 the mob, by outlining how the organized crime took place in America during the twentieth century, how conmen, robbers, murderers, and many others lived their lives, and how many organizations and rich families kept their power centralized.", + "categories": "biography", + "review_score": 6.0 + }, + { + "Unnamed: 0": 230, + "book_name": "More Money Than God", + "summaries": " teaches us about the ins and outs of hedge funds, how those managing money makes a profit, and how you can learn from them and apply their techniques to your money management strategy.", + "categories": "biography", + "review_score": 2.9 + }, + { + "Unnamed: 0": 231, + "book_name": "How To Be A Bawse", + "summaries": " briefly explores the life of Youtube superstar Lilly Singh and offers straightforward, yet practical advice on how to conquer your fears, follow your dreams and learn to use failures to your advantage in order to build the life you want to live.", + "categories": "biography", + "review_score": 9.3 + }, + { + "Unnamed: 0": 232, + "book_name": "Untamed", + "summaries": " is an inspiring memoir of Glennon Doyle, a woman who found peace and inner strength by challenging life in all its areas, from love to parenting, personal growth, and work, after going through a powerful change that led her to discover crucial aspects about herself and allowed her to build a new life.", + "categories": "biography", + "review_score": 1.5 + }, + { + "Unnamed: 0": 233, + "book_name": "Tesla: Man Out of Time", + "summaries": " presents the biography and remarkable life of Nikola Tesla, one of the most notable inventors and engineers of all time, while also highlighting his bumpy relationship with Thomas Edison and his heavy childhood.", + "categories": "biography", + "review_score": 8.2 + }, + { + "Unnamed: 0": 234, + "book_name": "Minor Feelings", + "summaries": " explores the purgatory state that Asian-Americans are stuck into as immigrants who have an image of non-white and non-black people who don\u2019t speak, disturb, or make any impression at all.", + "categories": "biography", + "review_score": 5.7 + }, + { + "Unnamed: 0": 235, + "book_name": "The Story of Philosophy", + "summaries": " profiles the lives of great Western philosophers, such as Plato, Socrates, and Nietzsche, exploring their views on politics, religion, morality, the meaning of life, and plenty of other important concepts.", + "categories": "biography", + "review_score": 4.1 + }, + { + "Unnamed: 0": 236, + "book_name": "Win or Learn", + "summaries": " explores the philosophy of life and the secrets behind peak performance in MMA of John Kavanagh, the trainer and friend of superstar Conor McGregor, and their journey to success which started in a modest gym in Ireland and ended up with McGregor having a net worth of 100 million dollars. ", + "categories": "biography", + "review_score": 8.0 + }, + { + "Unnamed: 0": 237, + "book_name": "All In", + "summaries": " talks about the life of Billie Jean King, a remarkable woman and tennis player who fought for gender equality in sports and managed to change the US legislature in this regard by never giving up on her vision, which is to ensure a no discrimination zone in sports for young women.", + "categories": "biography", + "review_score": 5.6 + }, + { + "Unnamed: 0": 238, + "book_name": "Invent & Wander", + "summaries": " is a collection of Jeff Bezos\u2019s writings and letters to its shareholders, in which he expresses his philosophy of life and his way of doing business, which ultimately led him to know tremendous success and write history with his two companies: Amazon and Blue Origin.", + "categories": "biography", + "review_score": 1.1 + }, + { + "Unnamed: 0": 239, + "book_name": "Poor Charlie\u2019s Almanack", + "summaries": " explores the life of the famous investor Charlie Munger, the right hand of Warren Buffett, and teaches its readers how his inspirational take on life helped him achieve a fortune and still have time and money to dedicate towards philanthropic causes.", + "categories": "biography", + "review_score": 1.4 + }, + { + "Unnamed: 0": 240, + "book_name": "Richard Nixon: The Life", + "summaries": " presents the detailed biography of the thirty-seventh president of the United States, who became famous for his successful endeavors that put him in the White House and for his controversial life the complexities of being such a top tier political figure.", + "categories": "biography", + "review_score": 4.1 + }, + { + "Unnamed: 0": 241, + "book_name": "The Last Lecture", + "summaries": "\u00a0is a college professor\u2019s final message to the world before his impending death of cancer at a relatively young age, offering meaningful life advice, significant words of wisdom, and a great deal of optimism and hope for humanity.", + "categories": "biography", + "review_score": 5.3 + }, + { + "Unnamed: 0": 242, + "book_name": "How To Fail", + "summaries": " shows the surprising benefits of going through a difficult time through the experiences of the author, Elizabeth Day, including the failures in her life that she\u2019s grateful for and how they\u2019ve helped her grow, uncovering why we shouldn\u2019t be so afraid of failure but instead embrace it.", + "categories": "biography", + "review_score": 1.6 + }, + { + "Unnamed: 0": 243, + "book_name": "What Happened", + "summaries": " is Hillary Clinton\u2019s post-mortem on the events and surprising result of her bid for the 2016 United States presidential election, including why she ran for president in the first place, what made it so hard for her to come out on top, and how the loss affected her after election night.", + "categories": "biography", + "review_score": 4.5 + }, + { + "Unnamed: 0": 244, + "book_name": "Open", + "summaries": " is the autobiography of world-famous tennis player Andre Agassi in which he details his struggles and successes on the way to self-awareness and balance while he was also trying to handle the constant pressures and difficulties that came from being one of the best tennis players in the world.", + "categories": "biography", + "review_score": 3.5 + }, + { + "Unnamed: 0": 245, + "book_name": "Dark Towers", + "summaries": " dives into the dirty inner workings and the rise and fall of Deutsche Bank, which contributed to many notable but not always beneficial events of the past 150 years, including the American railroad system, the Nazi regime, funding Russian oligarchs, and even the election of Donald Trump.", + "categories": "biography", + "review_score": 4.2 + }, + { + "Unnamed: 0": 246, + "book_name": "Greenlights", + "summaries": " is the autobiography of Matthew McConaughey, in which he takes us on a wild ride of his journey through a childhood of tough love, rising to fame and success in Hollywood, changing his career, and more, guided by the green lights he saw that led him forward at each step.", + "categories": "biography", + "review_score": 1.6 + }, + { + "Unnamed: 0": 247, + "book_name": "The Double Helix", + "summaries": " tells the story of the discovery of DNA, which is one of the most significant scientific findings in all of history, by explaining the rivalries, struggles of the prideful scientific community to work together, and other roadblocks that James Watson had on the way to making the breakthrough of a lifetime that would change his life and the entire world.", + "categories": "biography", + "review_score": 6.7 + }, + { + "Unnamed: 0": 248, + "book_name": "Titan", + "summaries": " will inspire you to keep working hard to make your business goals happen by sharing the life story of John D. Rockefeller Sr., from his humble beginnings to his astronomical success as an oil tycoon and beyond.", + "categories": "biography", + "review_score": 2.3 + }, + { + "Unnamed: 0": 249, + "book_name": "The Truths We Hold", + "summaries": " is the autobiography of civil rights activist, Californian Senator, and Vice President Kamala Harris, which details her early years in the justice system fighting for the people and what she has been doing in the last few years to help those suffering from the inefficiencies in the United States government.", + "categories": "biography", + "review_score": 8.0 + }, + { + "Unnamed: 0": 250, + "book_name": "Mighty Be Our Powers", + "summaries": " shares the inspirational story of Leymah Gbowee who helped bring together an influential group of women that were tired of the unrest in their country and whose efforts eventually led to the end of a devastating and long-lasting civil war.", + "categories": "biography", + "review_score": 9.3 + }, + { + "Unnamed: 0": 251, + "book_name": "A Promised Land", + "summaries": "\u00a0is former president Barack Obama\u2019s memoir in which he explains how he got into politics, what it was like for him to be president of the United States from 2009 to 2017, and how he felt during some of his biggest achievements, like passing\u00a0the Affordable Care Act.", + "categories": "biography", + "review_score": 8.8 + }, + { + "Unnamed: 0": 252, + "book_name": "A Higher Loyalty", + "summaries": " shares James Comey\u2019s experiences as the director of the FBI and outlines what he learned about leadership, ethics, and politics throughout his life, career, and experiences with President Trump who was the reason he lost his job in May of 2017.", + "categories": "biography", + "review_score": 2.7 + }, + { + "Unnamed: 0": 253, + "book_name": "First They Killed My Father", + "summaries": " is Loung Ung\u2019s account of the horrific events that she and her family had to go through while living in Cambodia during the Khmer Rouge regime in the 1970s and explains how it devastated their country, the way it separated their family, and how Loung got through it all.", + "categories": "biography", + "review_score": 6.1 + }, + { + "Unnamed: 0": 254, + "book_name": "Hillbilly Elegy", + "summaries": " is the inspiring autobiography of J.D. Vance who explains how his life began in poverty and turbulence and what he had to do to beat those difficult circumstances and rise to success.", + "categories": "biography", + "review_score": 4.6 + }, + { + "Unnamed: 0": 255, + "book_name": "The Ride Of A Lifetime", + "summaries": "\u00a0illustrates Robert Iger\u2019s journey to becoming the CEO of Disney, and how his vision, strategy, and guidance successfully led the company through a time when its future was highly uncertain.", + "categories": "biography", + "review_score": 2.7 + }, + { + "Unnamed: 0": 256, + "book_name": "Imagine It Forward", + "summaries": " inspires businesses and individuals to challenge outdated thinking and ways of doing work by sharing the life and business experiences of Beth Comstock, one of America\u2019s most innovative businesswomen.", + "categories": "biography", + "review_score": 1.5 + }, + { + "Unnamed: 0": 257, + "book_name": "Educated", + "summaries": " will help you become more grateful for your schooling, freedom, and normal relationships by explaining the family difficulties that Tara Westover had to break free of so that she could get her own education.", + "categories": "biography", + "review_score": 1.8 + }, + { + "Unnamed: 0": 258, + "book_name": "Alibaba", + "summaries": " shares the inspiring story of Jack Ma\u2019s hard work, entrepreneurial vision, and smart thinking that helped him build one of the most successful and influential companies in the world. ", + "categories": "biography", + "review_score": 2.9 + }, + { + "Unnamed: 0": 259, + "book_name": "Between The World And Me", + "summaries": " helps us all fight prejudice and prepares young black men in the US for growing up by revealing Ta-Nehisi Coates\u2019s reality of life as a black man dealing with racism in America.", + "categories": "biography", + "review_score": 7.2 + }, + { + "Unnamed: 0": 260, + "book_name": "Born A Crime", + "summaries": " will inspire you to make great things happen no matter what circumstances you\u2019re born into by revealing the story of how Trevor Noah grew up as a mixed child in South Africa on the way to becoming an adult.", + "categories": "biography", + "review_score": 7.7 + }, + { + "Unnamed: 0": 261, + "book_name": "The Immortal Life of Henrietta Lacks", + "summaries": " makes you smarter and more compassionate by revealing the previously unknown story of a woman with extraordinary cells that still live today and have contributed to dozens of medical breakthroughs.", + "categories": "biography", + "review_score": 4.5 + }, + { + "Unnamed: 0": 262, + "book_name": "Barbarians At The Gate", + "summaries": " shows you how not to run a business and reveals the shocking greed of corporate America in the 1980s by telling the story of the leveraged buyout of RJR Nabisco.", + "categories": "biography", + "review_score": 3.4 + }, + { + "Unnamed: 0": 263, + "book_name": "Becoming", + "summaries": "\u00a0will use Michelle Obama\u2019s life story to\u00a0motivate you to move forward with your dreams regardless of your circumstances, criticism, or what people think.", + "categories": "biography", + "review_score": 7.8 + }, + { + "Unnamed: 0": 264, + "book_name": "The Man Who Solved The Market", + "summaries": " shares the interesting story of Jim Simons\u2019s rise to wealth and success that came from him tapping into his math genius to make incredible gains in stock market investments.", + "categories": "biography", + "review_score": 1.6 + }, + { + "Unnamed: 0": 265, + "book_name": "Alexander Hamilton", + "summaries": " will inspire you to boldly use your strengths to change the world as it tells the story of a poor orphan who grew to become one of the most intelligent, ambitious, and influential people in American history.", + "categories": "biography", + "review_score": 3.1 + }, + { + "Unnamed: 0": 266, + "book_name": "When Breath Becomes Air", + "summaries": " helps you see what\u2019s really important by diving into Paul Kalanithi\u2019s life of loving neuroscience, literature, meaning, and his family that ended from cancer in his mid-thirties. ", + "categories": "biography", + "review_score": 1.7 + }, + { + "Unnamed: 0": 267, + "book_name": "A Woman of No Importance", + "summaries": " tells the fascinating and exciting story of Virginia Hall, an American who became one of the best spies for the Allies in World War II and helped significantly in the defeat of Nazi Germany.", + "categories": "biography", + "review_score": 4.3 + }, + { + "Unnamed: 0": 268, + "book_name": "A Beautiful Mind", + "summaries": " tells the fascinating story of the mathematical genius, mental illness, and miraculous recovery and success of John Nash Jr.", + "categories": "biography", + "review_score": 5.9 + }, + { + "Unnamed: 0": 269, + "book_name": "How To Be Black", + "summaries": " is a personal story illustrating what it means to be black in a reality largely determined by the white culture.", + "categories": "biography", + "review_score": 2.8 + }, + { + "Unnamed: 0": 270, + "book_name": "Extreme Ownership", + "summaries": " contains useful leadership advice from two Navy SEALs who learned to stay strong, disciplined, and level-headed in high-stakes combat scenarios.", + "categories": "biography", + "review_score": 2.4 + }, + { + "Unnamed: 0": 271, + "book_name": "Make Your Bed", + "summaries": " encourages you to pursue your goals and change the lives of others for the better by showing that success is a combination of individual willpower and mutual support.", + "categories": "biography", + "review_score": 2.3 + }, + { + "Unnamed: 0": 272, + "book_name": "Can\u2019t Hurt Me", + "summaries": " is the story of David Goggins, who went from being overweight and depressed to becoming a record-breaking athlete, inspiring military leader, and world-class personal trainer.", + "categories": "biography", + "review_score": 6.3 + }, + { + "Unnamed: 0": 273, + "book_name": "Team Of Rivals", + "summaries": "\u00a0explains why Abraham Lincoln rose above his political rivals despite their stronger reputations and how he used empathy to unite not just his enemies, but an entire country.", + "categories": "biography", + "review_score": 1.6 + }, + { + "Unnamed: 0": 274, + "book_name": "Outwitting The Devil", + "summaries": " is an imagined interview between Napoleon Hill and the Devil himself, in which he wrings certain truths from the root of evil, which will help us avoid his grasp and live a good life.", + "categories": "biography", + "review_score": 1.7 + }, + { + "Unnamed: 0": 275, + "book_name": "Minimalism", + "summaries": " is an instructive introduction to the philosophy of less and how it helped two guys who had achieved the American dream let go of their possessions and the depressions that came with them.", + "categories": "biography", + "review_score": 6.7 + }, + { + "Unnamed: 0": 276, + "book_name": "How To Fail At Almost Everything And Still Win Big", + "summaries": " is the memoir of Dilbert cartoonist Scott Adams", + "categories": "biography", + "review_score": 6.1 + }, + { + "Unnamed: 0": 277, + "book_name": "Leonardo Da Vinci", + "summaries": " is Walter Isaacson\u2019s account of the life of one of the most brilliant artists, thinkers, and innovators who ever lived.", + "categories": "biography", + "review_score": 9.6 + }, + { + "Unnamed: 0": 278, + "book_name": "Principles", + "summaries": " holds the set of rules for work and life billionaire investor and CEO of the most successful fund in history, Ray Dalio, has acquired through his 40-year career in finance.", + "categories": "biography", + "review_score": 5.2 + }, + { + "Unnamed: 0": 279, + "book_name": "Finding My Virginity", + "summaries": " is Richard Branson\u2019s follow-up biography, which shares the highlights of his entrepreneurial journey over the past two decades.", + "categories": "biography", + "review_score": 4.6 + }, + { + "Unnamed: 0": 280, + "book_name": "Walden", + "summaries": " details Henry David Thoreau\u2019s two-year stay in a self-built cabin by a lake in the woods, sharing what he learned about solitude, nature, work, thinking and fulfillment during his break from modern city life.", + "categories": "biography", + "review_score": 9.1 + }, + { + "Unnamed: 0": 281, + "book_name": "The Monk Who Sold His Ferrari", + "summaries": " is a self-help classic telling the story of fictional lawyer Julian Mantle, who sold his mansion and Ferrari to study the seven virtues of the Sages of Sivana in the Himalayan mountains.", + "categories": "biography", + "review_score": 4.4 + }, + { + "Unnamed: 0": 282, + "book_name": "Option B", + "summaries": " shares the stories of people who\u2019ve had to deal with a traumatizing event, most notably Facebook\u2019s COO Sheryl Sandberg, to help you face adversity, become more resilient and find joy again after life punches you in the face.", + "categories": "biography", + "review_score": 6.5 + }, + { + "Unnamed: 0": 283, + "book_name": "Genius: The Life And Science Of Richard Feynman", + "summaries": " tells the story of one the greatest minds in the history of science, all the way from his humble beginnings to changing physics as we know it and receiving the Nobel prize.", + "categories": "biography", + "review_score": 3.2 + }, + { + "Unnamed: 0": 284, + "book_name": "The Snowball", + "summaries": " is the only authorized biography of Warren Buffett, the \u201cOracle of Omaha,\u201d legendary value investor and once richest man on earth, detailing his life from the very humble beginnings all the way to his unfathomable\u00a0success.", + "categories": "biography", + "review_score": 7.6 + }, + { + "Unnamed: 0": 285, + "book_name": "Napoleon The Great", + "summaries": " is the definitive, modern biography of legendary leader, French idol and European visionary Napoleon Bonaparte, detailing his life from his early years\u00a0as an immigrant, over his rise through the military ranks, all the way to his greatest battles, political achievements and ultimate exile.", + "categories": "biography", + "review_score": 8.8 + }, + { + "Unnamed: 0": 286, + "book_name": "The Man Who Fed The World", + "summaries": "\u00a0is the biography\u00a0of Dr. Norman Borlaug, Nobel Peace Prize laureate and\u00a0US national hero, who saved over a billion lives by dedicating his own to ending world hunger and leading the green revolution, which helped get agriculture to a\u00a0point where it can feed the world.", + "categories": "biography", + "review_score": 1.9 + }, + { + "Unnamed: 0": 287, + "book_name": "iWoz", + "summaries": " is Steve Wozniak\u2019s autobiography, detailing his story in his own words, from early tinkering with electronics in his home, to college and his first job, all the way to singlehandedly creating the world\u2019s first desktop\u00a0computer, the Apple I and founding what would become the most valuable company in the world.", + "categories": "biography", + "review_score": 4.9 + }, + { + "Unnamed: 0": 288, + "book_name": "Benjamin Franklin: An American Life", + "summaries": " takes a thorough look at the life of one of the most influential humans that ever lived and explains how he could achieve such greatness in so many different fields and areas.", + "categories": "biography", + "review_score": 5.4 + }, + { + "Unnamed: 0": 289, + "book_name": "Long Walk To Freedom", + "summaries": " is the autobiography of Nelson Mandela, South African anti-apartheid activist, national icon and the first South African black president, elected in the first, fully democratic election in the country.", + "categories": "biography", + "review_score": 8.8 + }, + { + "Unnamed: 0": 290, + "book_name": "Catch Me If You Can", + "summaries": " is the story of how Frank Abagnale, one of the most famous con-artists in history, faked over eight identities, several professions, and cashed over $2.5 million of forged checks in the 1960s, until the police finally caught him at age 21.", + "categories": "biography", + "review_score": 6.0 + }, + { + "Unnamed: 0": 291, + "book_name": "Shoe Dog", + "summaries": " is the autobiography of Nike\u2019s founder Phil Knight, who at last decided to share the story of how he founded one of the most iconic, profitable and world-changing brands in the world.", + "categories": "biography", + "review_score": 5.8 + }, + { + "Unnamed: 0": 292, + "book_name": "Alexander The Great", + "summaries": " is one of the latest, most updated, and contemporary books on the life of the ancient, Macedonian king, who would extend his empire from a little slide of land in Greece through Persia, Egypt, all the way to India, forming the greatest empire the ancient world had ever seen.", + "categories": "biography", + "review_score": 2.0 + }, + { + "Unnamed: 0": 293, + "book_name": "Howard Hughes: His Life And Madness", + "summaries": " details the birth, childhood, career, death and legacy of shimmering business tycoon Howard Hughes, who was a billionaire, world-renowned aviator, actor and industry magnate.", + "categories": "biography", + "review_score": 3.9 + }, + { + "Unnamed: 0": 294, + "book_name": "Elon Musk", + "summaries": " is the first official biography of the creator of SolarCity, SpaceX and Tesla, based on over 30 hours of conversation time between author\u00a0Ashlee Vance", + "categories": "biography", + "review_score": 8.3 + }, + { + "Unnamed: 0": 295, + "book_name": "Einstein: His Life And Universe", + "summaries": " takes a close look at the life of Albert Einstein, beginning in how his childhood shaped him, what his biggest discoveries and personal struggles were and how his focus changed in later years, without his genius\u00a0ever fading until his very last moment.", + "categories": "biography", + "review_score": 8.9 + }, + { + "Unnamed: 0": 296, + "book_name": "The Autobiography Of Malcolm X", + "summaries": " chronicles\u00a0the life and work of one of the most influential members of the civil rights movement in the United States.", + "categories": "biography", + "review_score": 4.8 + }, + { + "Unnamed: 0": 297, + "book_name": "Charlie Munger", + "summaries": " teaches you the investment approach and ideas about life from Warren Buffett\u2019s business partner and billionaire Charlie Munger, which the two have used for decades to run one of the most successful companies in the world.", + "categories": "biography", + "review_score": 5.6 + }, + { + "Unnamed: 0": 298, + "book_name": "A Tale of Two Cities", + "summaries": " tells the stories of two connected families in 18th-century London and Paris, exploring everything from love and loss to murder and family intrigue, thus teaching us about history, ethics, and the complexity of human relationships.", + "categories": "politics", + "review_score": 3.6 + }, + { + "Unnamed: 0": 299, + "book_name": "The Light We Carry", + "summaries": " is a set of practices to help you stay calm, optimistic, and confident in an unpredictable world, based on Michelle Obama\u2019s life experiences as a woman, mother, lawyer, daughter, leader, and the former First Lady of the United States.", + "categories": "politics", + "review_score": 3.8 + }, + { + "Unnamed: 0": 300, + "book_name": "Brave New World", + "summaries": " presents a futuristic society engineered perfectly around capitalism and scientific efficiency, in which everyone is happy, conform, and content \u2014 but only at first glance.", + "categories": "politics", + "review_score": 5.6 + }, + { + "Unnamed: 0": 301, + "book_name": "1984", + "summaries": " is the story of a man questioning the system that keeps his futuristic but dystopian society afloat and the chaos that quickly ensues once he gives in to his natural curiosity and desire to be free.", + "categories": "politics", + "review_score": 6.4 + }, + { + "Unnamed: 0": 302, + "book_name": "Permanent Record", + "summaries": " delves into the life story of Edward Snowden, the well-renowned national whistleblower who built the expos\u00e9 on STELLARWIND, the US mass surveillance program used to spy on American citizens.", + "categories": "politics", + "review_score": 2.3 + }, + { + "Unnamed: 0": 303, + "book_name": "Maoism", + "summaries": " explores the ideology of Mao Zedong, the Chinese leader of the communist party of the twentieth century, and how he managed to turn his doctrine into a mass-adopted phenomenon that continues even today, under different forms and shapes.", + "categories": "politics", + "review_score": 4.0 + }, + { + "Unnamed: 0": 304, + "book_name": "The Dawn of Everything", + "summaries": " tells the story of how we went from hunter-gatherers to city-builders, from the Stone Age to today\u2019s modern world, all by exploring a series of new discoveries made by scientists who are challenging some long-held beliefs about our history.", + "categories": "politics", + "review_score": 5.8 + }, + { + "Unnamed: 0": 305, + "book_name": "Killing the Mob", + "summaries": " discusses a controversial topic \u2013 the mob, by outlining how the organized crime took place in America during the twentieth century, how conmen, robbers, murderers, and many others lived their lives, and how many organizations and rich families kept their power centralized.", + "categories": "politics", + "review_score": 2.4 + }, + { + "Unnamed: 0": 306, + "book_name": "More Money Than God", + "summaries": " teaches us about the ins and outs of hedge funds, how those managing money makes a profit, and how you can learn from them and apply their techniques to your money management strategy.", + "categories": "politics", + "review_score": 2.5 + }, + { + "Unnamed: 0": 307, + "book_name": "The Sovereign Individual", + "summaries": " jumps into the future and presents a new world where life moves into the online environment, where the cybereconomy rules and governments are struggling to control the people like they used to, all through a revolution more powerful than anything we\u2019ve seen before.", + "categories": "politics", + "review_score": 3.8 + }, + { + "Unnamed: 0": 308, + "book_name": "A Tale of Two Cities", + "summaries": " tells the stories of two connected families in 18th-century London and Paris, exploring everything from love and loss to murder and family intrigue, thus teaching us about history, ethics, and the complexity of human relationships.", + "categories": "politics", + "review_score": 6.2 + }, + { + "Unnamed: 0": 309, + "book_name": "The Light We Carry", + "summaries": " is a set of practices to help you stay calm, optimistic, and confident in an unpredictable world, based on Michelle Obama\u2019s life experiences as a woman, mother, lawyer, daughter, leader, and the former First Lady of the United States.", + "categories": "politics", + "review_score": 9.1 + }, + { + "Unnamed: 0": 310, + "book_name": "Brave New World", + "summaries": " presents a futuristic society engineered perfectly around capitalism and scientific efficiency, in which everyone is happy, conform, and content \u2014 but only at first glance.", + "categories": "politics", + "review_score": 4.0 + }, + { + "Unnamed: 0": 311, + "book_name": "1984", + "summaries": " is the story of a man questioning the system that keeps his futuristic but dystopian society afloat and the chaos that quickly ensues once he gives in to his natural curiosity and desire to be free.", + "categories": "politics", + "review_score": 3.4 + }, + { + "Unnamed: 0": 312, + "book_name": "Permanent Record", + "summaries": " delves into the life story of Edward Snowden, the well-renowned national whistleblower who built the expos\u00e9 on STELLARWIND, the US mass surveillance program used to spy on American citizens.", + "categories": "politics", + "review_score": 2.6 + }, + { + "Unnamed: 0": 313, + "book_name": "Maoism", + "summaries": " explores the ideology of Mao Zedong, the Chinese leader of the communist party of the twentieth century, and how he managed to turn his doctrine into a mass-adopted phenomenon that continues even today, under different forms and shapes.", + "categories": "politics", + "review_score": 5.4 + }, + { + "Unnamed: 0": 314, + "book_name": "The Dawn of Everything", + "summaries": " tells the story of how we went from hunter-gatherers to city-builders, from the Stone Age to today\u2019s modern world, all by exploring a series of new discoveries made by scientists who are challenging some long-held beliefs about our history.", + "categories": "politics", + "review_score": 2.2 + }, + { + "Unnamed: 0": 315, + "book_name": "Killing the Mob", + "summaries": " discusses a controversial topic \u2013 the mob, by outlining how the organized crime took place in America during the twentieth century, how conmen, robbers, murderers, and many others lived their lives, and how many organizations and rich families kept their power centralized.", + "categories": "politics", + "review_score": 6.7 + }, + { + "Unnamed: 0": 316, + "book_name": "More Money Than God", + "summaries": " teaches us about the ins and outs of hedge funds, how those managing money makes a profit, and how you can learn from them and apply their techniques to your money management strategy.", + "categories": "politics", + "review_score": 4.9 + }, + { + "Unnamed: 0": 317, + "book_name": "The Sovereign Individual", + "summaries": " jumps into the future and presents a new world where life moves into the online environment, where the cybereconomy rules and governments are struggling to control the people like they used to, all through a revolution more powerful than anything we\u2019ve seen before.", + "categories": "politics", + "review_score": 6.2 + }, + { + "Unnamed: 0": 318, + "book_name": "How to Be Right", + "summaries": " delves into some of the thorniest issues that author O\u2019Brien had to deal with throughout his career as a radio host in London, where he came across provocative arguments, people who love to debate just for the sake of it, and many others who used manipulation to get their point across.", + "categories": "politics", + "review_score": 4.1 + }, + { + "Unnamed: 0": 319, + "book_name": "Invisible Women", + "summaries": " talks about the flaws in our societal system, which was built on the premise that men should rule and conquer the world while women should stay at home, which is why we\u2019re still seeing gender gaps in the personal, professional, and day-to-day lives of women.", + "categories": "politics", + "review_score": 3.0 + }, + { + "Unnamed: 0": 320, + "book_name": "Requiem For The American Dream", + "summaries": " argues that the gap between the wealthy and the poor is not an accident, but rather the result of intentional policy decisions made by rich individuals and corporations to increase their power and decrease that of ordinary citizens.", + "categories": "politics", + "review_score": 3.0 + }, + { + "Unnamed: 0": 321, + "book_name": "The Person You Mean to Be", + "summaries": " teaches you how to navigate cognitive biases that may prevent you from forming meaningful relationships and experiencing the world as it is by leading you to wrongful assumptions or limitations about your environment or by anchoring you in your preexisting beliefs.", + "categories": "politics", + "review_score": 8.3 + }, + { + "Unnamed: 0": 322, + "book_name": "First Principles", + "summaries": " delves into the history of American evolution and highlights how the parents of modern thinking were inspired by Roman and Greek philosophy in their mindset, military actions, views of the world, and many more.", + "categories": "politics", + "review_score": 9.4 + }, + { + "Unnamed: 0": 323, + "book_name": "The Second Sex", + "summaries": " delves into the concept of feminism by looking at historical facts and biases, and explains how being a woman implies being subjugated to a man and making yourself smaller so that you can fit in today\u2019s world, but also how women everywhere should react to the system and change it.", + "categories": "politics", + "review_score": 8.7 + }, + { + "Unnamed: 0": 324, + "book_name": "Minor Feelings", + "summaries": " explores the purgatory state that Asian-Americans are stuck into as immigrants who have an image of non-white and non-black people who don\u2019t speak, disturb, or make any impression at all.", + "categories": "politics", + "review_score": 5.8 + }, + { + "Unnamed: 0": 325, + "book_name": "The Authoritarian Moment", + "summaries": " presents the America of today, where authoritarian powers seem to be taking over while putting the democracy at risk, and pleas to protect the freedom and rights that the founding fathers of democracy built centuries ago.", + "categories": "politics", + "review_score": 7.7 + }, + { + "Unnamed: 0": 326, + "book_name": "Woke, Inc.", + "summaries": " taps into the dark secrets of the woke culture in corporate America, which organizations generate tremendous amounts of profit by hiding behind causes like social justice, gender equality, climate change, and many other popular matters.", + "categories": "politics", + "review_score": 6.9 + }, + { + "Unnamed: 0": 327, + "book_name": "The Story of Philosophy", + "summaries": " profiles the lives of great Western philosophers, such as Plato, Socrates, and Nietzsche, exploring their views on politics, religion, morality, the meaning of life, and plenty of other important concepts.", + "categories": "politics", + "review_score": 2.8 + }, + { + "Unnamed: 0": 328, + "book_name": "Richard Nixon: The Life", + "summaries": " presents the detailed biography of the thirty-seventh president of the United States, who became famous for his successful endeavors that put him in the White House and for his controversial life the complexities of being such a top tier political figure.", + "categories": "politics", + "review_score": 1.2 + }, + { + "Unnamed: 0": 329, + "book_name": "How to Be a Conservative", + "summaries": " builds the case for traditionalists and conservative people who view society through the lenses of someone who\u2019s defending their nation, the long-lasting values of the world, the free market, and many other healthy principles. ", + "categories": "politics", + "review_score": 1.7 + }, + { + "Unnamed: 0": 330, + "book_name": "The Social Contract", + "summaries": " is a political piece of writing that serves as a pylon for the democracies of today, as it theorizes the elements of a free state where people agree to coexist with each other under the rules of a common body that represents the general will.", + "categories": "politics", + "review_score": 3.0 + }, + { + "Unnamed: 0": 331, + "book_name": "An Ugly Truth", + "summaries": " offers a critical look at Facebook and its administrators, who foster a gaslighting environment and a controversial social media platform that can easily become a danger for its users both virtually and in real life due to its immense power and influence on our society.", + "categories": "politics", + "review_score": 6.8 + }, + { + "Unnamed: 0": 334, + "book_name": "Socialism", + "summaries": " by Michael Newman outlines the history of the governmental theory that everything should be owned and controlled by the community as a whole, including how this idea has impacted the world in the last 200 years, how its original aims have been lost, and ways we might use it in the future.", + "categories": "politics", + "review_score": 9.6 + }, + { + "Unnamed: 0": 335, + "book_name": "How Democracies Die", + "summaries": "\u00a0lays out the foundational principles of working democracies by looking at historical events, especially in Latin America, that show how democracies have failed in the past, how it could happen again, and how we can protect democracy from threats like bad leadership, inequality, and extremism.", + "categories": "politics", + "review_score": 3.5 + }, + { + "Unnamed: 0": 336, + "book_name": "What Happened", + "summaries": " is Hillary Clinton\u2019s post-mortem on the events and surprising result of her bid for the 2016 United States presidential election, including why she ran for president in the first place, what made it so hard for her to come out on top, and how the loss affected her after election night.", + "categories": "politics", + "review_score": 4.7 + }, + { + "Unnamed: 0": 337, + "book_name": "Hood Feminism", + "summaries": " explores the idea that traditional feminism only seeks to improve life for white women and not all women, arguing that true equality and inclusivity means seeking to lift all women, including those of color.", + "categories": "politics", + "review_score": 6.2 + }, + { + "Unnamed: 0": 338, + "book_name": "How To Be A Leader", + "summaries": " is Greek philosopher Plutarch\u2019s guide to leadership and uses practical ideas, historical narratives, political events, and more to outline the qualities of the best leaders, including serving for the right reasons, speaking persuasively, and following more experienced leaders.", + "categories": "politics", + "review_score": 8.0 + }, + { + "Unnamed: 0": 339, + "book_name": "Dark Towers", + "summaries": " dives into the dirty inner workings and the rise and fall of Deutsche Bank, which contributed to many notable but not always beneficial events of the past 150 years, including the American railroad system, the Nazi regime, funding Russian oligarchs, and even the election of Donald Trump.", + "categories": "politics", + "review_score": 4.2 + }, + { + "Unnamed: 0": 340, + "book_name": "The Great Escape", + "summaries": " challenges the idea that the world is on fire by declaring that things have never been better in many ways, although the advancements we\u2019ve made and the ways they have improved many lives haven\u2019t reached everyone equally.", + "categories": "politics", + "review_score": 9.6 + }, + { + "Unnamed: 0": 341, + "book_name": "Why Nations Fail", + "summaries": " dives into the reasons why economic inequality is so common in the world today and identifies that poor decisions of those in political power are the main reason for unfairness rather than culture, geography, climate, or any other factor.", + "categories": "politics", + "review_score": 4.1 + }, + { + "Unnamed: 0": 342, + "book_name": "The Myth Of The Strong Leader", + "summaries": " reveals why being a bold, charismatic leader might not be all it\u2019s cracked up to be, showing that we give way too much credit to \u201cstrong\u201d leaders and illustrating the problematic consequences this societal pattern entails.", + "categories": "politics", + "review_score": 6.4 + }, + { + "Unnamed: 0": 343, + "book_name": "Ten Arguments For Deleting Your Social Media Accounts Right Now", + "summaries": " shows why you should quit social media because it stops joy, makes you a jerk, erodes truth, kills empathy, takes free will, keeps the world insane, destroys authenticity, blocks economic dignity, makes politics a mess, and hates you.", + "categories": "politics", + "review_score": 4.2 + }, + { + "Unnamed: 0": 344, + "book_name": "The End Of Power", + "summaries": " explains why the old positions of power aren\u2019t as powerful as they used to be due to recent changes in society and technology and how this shift has put more influence in the hands of everyday citizens like you and what it might mean for the future of our governments and world.", + "categories": "politics", + "review_score": 1.8 + }, + { + "Unnamed: 0": 345, + "book_name": "Restart", + "summaries": " tells the story of India\u2019s almost-leadership of the world\u2019s economy, showing why and how it instead succumbed to problems from the past, how those problems still hold it back today, and what the country might do about them.", + "categories": "politics", + "review_score": 3.0 + }, + { + "Unnamed: 0": 346, + "book_name": "How To Avoid A Climate Disaster", + "summaries": " is Bill Gates\u2019 plea to the individuals, governments, and business leaders of the world to reduce greenhouse emissions by changing the way we make things, plug in, grow things, get around, and keep warm and cool.", + "categories": "politics", + "review_score": 9.9 + }, + { + "Unnamed: 0": 347, + "book_name": "The Truths We Hold", + "summaries": " is the autobiography of civil rights activist, Californian Senator, and Vice President Kamala Harris, which details her early years in the justice system fighting for the people and what she has been doing in the last few years to help those suffering from the inefficiencies in the United States government.", + "categories": "politics", + "review_score": 3.5 + }, + { + "Unnamed: 0": 348, + "book_name": "The Big Necessity", + "summaries": " makes you smarter about feces by explaining how sanitation works, the damage it causes when it\u2019s not done properly, and what we can do to improve it around the world.", + "categories": "politics", + "review_score": 3.9 + }, + { + "Unnamed: 0": 349, + "book_name": "White Fragility", + "summaries": " will help you take steps toward becoming a kinder and more fair person by helping you understand why it\u2019s so difficult for white people, especially in America, to talk about racism.", + "categories": "politics", + "review_score": 2.7 + }, + { + "Unnamed: 0": 350, + "book_name": "Shattered", + "summaries": " explains the details around Hillary Clinton\u2019s shocking 2016 presidential election loss and explains how an FBI investigation, Bernie Sanders, infighting on her team, and overconfidence in data analytics all contributed to her defeat.", + "categories": "politics", + "review_score": 7.2 + }, + { + "Unnamed: 0": 351, + "book_name": "Prisoners Of Geography", + "summaries": " explains how the location of a country dramatically affects its success and the amount of power it has in the world, and how this has determined the outcomes of major world events for centuries.", + "categories": "politics", + "review_score": 3.6 + }, + { + "Unnamed: 0": 352, + "book_name": "Green Illusions", + "summaries": " will open your mind to the true nature of our problem with energy by explaining the potential dangers and inefficiencies of alternative energy sources like wind, hydrogen, solar, and nuclear, and identifies the real culprit of our energy crisis and how to stop it.", + "categories": "politics", + "review_score": 1.8 + }, + { + "Unnamed: 0": 353, + "book_name": "Mighty Be Our Powers", + "summaries": " shares the inspirational story of Leymah Gbowee who helped bring together an influential group of women that were tired of the unrest in their country and whose efforts eventually led to the end of a devastating and long-lasting civil war.", + "categories": "politics", + "review_score": 4.0 + }, + { + "Unnamed: 0": 354, + "book_name": "A Promised Land", + "summaries": "\u00a0is former president Barack Obama\u2019s memoir in which he explains how he got into politics, what it was like for him to be president of the United States from 2009 to 2017, and how he felt during some of his biggest achievements, like passing\u00a0the Affordable Care Act.", + "categories": "politics", + "review_score": 4.7 + }, + { + "Unnamed: 0": 355, + "book_name": "A Higher Loyalty", + "summaries": " shares James Comey\u2019s experiences as the director of the FBI and outlines what he learned about leadership, ethics, and politics throughout his life, career, and experiences with President Trump who was the reason he lost his job in May of 2017.", + "categories": "politics", + "review_score": 6.2 + }, + { + "Unnamed: 0": 356, + "book_name": "The Ethics Of Ambiguity", + "summaries": "\u00a0explains existentialist philosophy in a post\u2013World War II setting, showing us how we can accept the absurdity of life and use its randomness to create rather than despair.", + "categories": "politics", + "review_score": 1.4 + }, + { + "Unnamed: 0": 357, + "book_name": "The Warmth Of Other Suns", + "summaries": " is the story of how and why millions of Black Americans left the South between 1915 and 1970 to escape the brutality of the Jim Crow Laws and find safety, better pay, and more freedom in what is known today as The Great Migration.", + "categories": "politics", + "review_score": 8.5 + }, + { + "Unnamed: 0": 358, + "book_name": "Just Mercy", + "summaries": " explains why the United States judicial system is so broken, including how its bias toward women, Blacks, minorities, and others makes communities and the entire country a worse place and what author Bryan Stevenson is doing with his Equal Justice Initiative to try to stop these injustices.", + "categories": "politics", + "review_score": 1.6 + }, + { + "Unnamed: 0": 359, + "book_name": "First They Killed My Father", + "summaries": " is Loung Ung\u2019s account of the horrific events that she and her family had to go through while living in Cambodia during the Khmer Rouge regime in the 1970s and explains how it devastated their country, the way it separated their family, and how Loung got through it all.", + "categories": "politics", + "review_score": 1.9 + }, + { + "Unnamed: 0": 360, + "book_name": "The End Of Poverty", + "summaries": " will help you develop a kinder and more compassionate heart by opening your eyes to the terrible state of the poorest countries in the world, how they got to be this way, and why solving this problem is in our best interests and may be easier than we think.", + "categories": "politics", + "review_score": 1.7 + }, + { + "Unnamed: 0": 361, + "book_name": "On Tyranny", + "summaries": " makes you more vigilant of the warning signs of oppression by identifying it\u2019s political nature, how to protect yourself and society, and what you can do to resist dangerous leadership.", + "categories": "politics", + "review_score": 1.3 + }, + { + "Unnamed: 0": 362, + "book_name": "The Hot Zone", + "summaries": " is Richard Preston\u2019s version of a terrifying true story of how the Ebola virus came to be, why it\u2019s so deadly and contagious, and how this all reveals our massive vulnerabilities and inefficiencies when it comes to fending off pandemics of all kinds.", + "categories": "politics", + "review_score": 5.7 + }, + { + "Unnamed: 0": 363, + "book_name": "Stamped From The Beginning", + "summaries": " will open your mind to the true origins of racism by challenging your long-held beliefs about it that have been perpetrated by racists throughout history.", + "categories": "politics", + "review_score": 6.2 + }, + { + "Unnamed: 0": 364, + "book_name": "Upheaval", + "summaries": " enlightens you by telling the stories of seven countries that fell into crises, including how they got there and what they did to get out, and identifies the common threads between all of them.", + "categories": "politics", + "review_score": 8.9 + }, + { + "Unnamed: 0": 365, + "book_name": "Winners Take All", + "summaries": " helps you see the ultra-rich in a more accurate light by identifying their shady strategies, including using the idea of \u201cmaking the world a better place\u201d as a front that only serves as a way to solidify their wealth and power.", + "categories": "politics", + "review_score": 4.1 + }, + { + "Unnamed: 0": 366, + "book_name": "Evicted", + "summaries": " reveals the awful situation of those living in the poorest cities in the United States by identifying how this situation came to be, the horrendous effect it has on the individuals and families that deal with it, and what we might do to stop it.", + "categories": "politics", + "review_score": 4.9 + }, + { + "Unnamed: 0": 367, + "book_name": "Dreamland", + "summaries": " blows open the story of the United States\u2019 opioid crisis, from the frustrating greed and oversight that created it, how drug dealers accelerated it\u2019s spread, and what we\u2019re doing now to stop it.", + "categories": "politics", + "review_score": 4.1 + }, + { + "Unnamed: 0": 368, + "book_name": "So You Want To Talk About Race", + "summaries": " will help you make the world a better, fairer place by explaining how deeply entrenched racism is in our culture today and giving specific tips for having effective conversations about it so you can help end this major issue with society.", + "categories": "politics", + "review_score": 4.5 + }, + { + "Unnamed: 0": 369, + "book_name": "What The Eyes Don\u2019t See", + "summaries": " tells the shocking and unfortunate story of the public drinking water crisis in Flint, Michigan and how one woman stood up against government corruption and racism to make a positive difference for the city.", + "categories": "politics", + "review_score": 9.4 + }, + { + "Unnamed: 0": 370, + "book_name": "Dark Money", + "summaries": " dives into the depths of the greed and corruption in the American political system by revealing the story of the Koch brothers who have been enabling the ultra-wealthy to influence political decisions for decades.", + "categories": "politics", + "review_score": 2.9 + }, + { + "Unnamed: 0": 371, + "book_name": "Food Fix", + "summaries": " will help you eat healthier and improve the environment at the same time by explaining how bad our food is for us and our planet and what we can each do to fix these problems.", + "categories": "politics", + "review_score": 6.3 + }, + { + "Unnamed: 0": 372, + "book_name": "Age Of Anger", + "summaries": " will help you understand the current state of the world better by explaining how we got to this present situation of upheaval we\u2019re in and how we might stand a chance of making things better.", + "categories": "politics", + "review_score": 4.0 + }, + { + "Unnamed: 0": 373, + "book_name": "How To Be An Antiracist", + "summaries": " will make you a better, kinder, and more fair person by revealing how deeply ingrained racism is in our society and outlining what we can all do to annihilate it completely.", + "categories": "politics", + "review_score": 6.7 + }, + { + "Unnamed: 0": 374, + "book_name": "Capitalism", + "summaries": " shows you how the movement of money in the world really works by outlining the dominant system in the world and its origins and future.", + "categories": "politics", + "review_score": 4.6 + }, + { + "Unnamed: 0": 375, + "book_name": "Capitalism And Freedom", + "summaries": " helps you understand some of the most important factors protecting your liberty by outlining the government\u2019s role in economics and how things go best when political entities are small and stay out of the flow of money in a country.", + "categories": "politics", + "review_score": 6.8 + }, + { + "Unnamed: 0": 376, + "book_name": "Cradle To Cradle", + "summaries": " uncovers the hidden problems with manufacturing, how they affect our planet, and what you can do to help by becoming eco-efficient.", + "categories": "politics", + "review_score": 2.6 + }, + { + "Unnamed: 0": 377, + "book_name": "Comfortably Unaware", + "summaries": " is a well-researched compendium on how our food choices and animal agriculture impact the well-being of the whole planet.", + "categories": "politics", + "review_score": 9.8 + }, + { + "Unnamed: 0": 378, + "book_name": "Impeachment", + "summaries": " is your guide to understanding how the US government has the power to remove a president and reviews the events surrounding past evictions of the commander-in-chief. ", + "categories": "politics", + "review_score": 5.3 + }, + { + "Unnamed: 0": 379, + "book_name": "The Road To Serfdom", + "summaries": " helps you keep your freedoms and individuality by taking a stand against socialism, identifying its risks to turn into totalitarianism, and why this was especially important after WWII.", + "categories": "politics", + "review_score": 9.8 + }, + { + "Unnamed: 0": 380, + "book_name": "Crippled America", + "summaries": " makes you a more informed citizen by sharing the political beliefs and reasoning behind billionaire and businessman Donald J. Trump\u2019s plans to make his country great again.", + "categories": "politics", + "review_score": 1.7 + }, + { + "Unnamed: 0": 381, + "book_name": "Fear", + "summaries": " takes an inside look through the eyes of journalist, Bob Woodward", + "categories": "politics", + "review_score": 1.8 + }, + { + "Unnamed: 0": 382, + "book_name": "Brotopia", + "summaries": " motivates you to be fairer in the workplace as an employee or employer by revealing the sad sexist state of Silicon Valley.", + "categories": "politics", + "review_score": 2.6 + }, + { + "Unnamed: 0": 383, + "book_name": "Braiding Sweetgrass", + "summaries": " offers some great ways for all of us to take better care of and be more grateful for our planet by explaining the way that Native Americans view and take care of it.", + "categories": "politics", + "review_score": 5.4 + }, + { + "Unnamed: 0": 384, + "book_name": "Pandemic", + "summaries": " gives you an understanding of what pathogens and diseases are, how they evolve, what our lifestyle does to make them worse on us, how they can spread like wildfire, and most importantly, what we can do to stop them.", + "categories": "politics", + "review_score": 4.9 + }, + { + "Unnamed: 0": 385, + "book_name": "Chasing The Scream", + "summaries": " is a scathing review of the failed war on drugs, explaining its history with surprising statistics and identifying new ways that we can think about addiction, recovery, and drug laws.", + "categories": "politics", + "review_score": 4.9 + }, + { + "Unnamed: 0": 386, + "book_name": "Common Sense", + "summaries": " is a classic piece of US history that will help you see the importance of societies coming together to form a fair governmental system and how these ideas paved the way for the American revolution.", + "categories": "politics", + "review_score": 6.0 + }, + { + "Unnamed: 0": 387, + "book_name": "Age Of Ambition", + "summaries": " explains how China has gone from impoverished and only developing to a world superpower and economic powerhouse in only the last 30 years. ", + "categories": "politics", + "review_score": 8.0 + }, + { + "Unnamed: 0": 388, + "book_name": "Chernobyl", + "summaries": " teaches some fascinating and important history, science, and leadership lessons by diving into the details of the events leading up to the worst nuclear disaster in human history and its aftermath.", + "categories": "politics", + "review_score": 2.8 + }, + { + "Unnamed: 0": 389, + "book_name": "The Power Paradox", + "summaries": " frames the concept of power in an inspiring new narrative, which can help us create better and more equal relationships, workplaces, and societies.", + "categories": "politics", + "review_score": 3.4 + }, + { + "Unnamed: 0": 390, + "book_name": "Between The World And Me", + "summaries": " helps us all fight prejudice and prepares young black men in the US for growing up by revealing Ta-Nehisi Coates\u2019s reality of life as a black man dealing with racism in America.", + "categories": "politics", + "review_score": 1.5 + }, + { + "Unnamed: 0": 391, + "book_name": "Born A Crime", + "summaries": " will inspire you to make great things happen no matter what circumstances you\u2019re born into by revealing the story of how Trevor Noah grew up as a mixed child in South Africa on the way to becoming an adult.", + "categories": "politics", + "review_score": 4.2 + }, + { + "Unnamed: 0": 392, + "book_name": "Behind The Beautiful Forevers", + "summaries": " will make you more grateful for what you have, look for ways to tear down corruption in the world, and help the poor by sharing the experiences of people living in the Annawadi slum in India.", + "categories": "politics", + "review_score": 7.2 + }, + { + "Unnamed: 0": 393, + "book_name": "Becoming", + "summaries": "\u00a0will use Michelle Obama\u2019s life story to\u00a0motivate you to move forward with your dreams regardless of your circumstances, criticism, or what people think.", + "categories": "politics", + "review_score": 4.9 + }, + { + "Unnamed: 0": 394, + "book_name": "Alexander Hamilton", + "summaries": " will inspire you to boldly use your strengths to change the world as it tells the story of a poor orphan who grew to become one of the most intelligent, ambitious, and influential people in American history.", + "categories": "politics", + "review_score": 7.6 + }, + { + "Unnamed: 0": 395, + "book_name": "A Woman of No Importance", + "summaries": " tells the fascinating and exciting story of Virginia Hall, an American who became one of the best spies for the Allies in World War II and helped significantly in the defeat of Nazi Germany.", + "categories": "politics", + "review_score": 1.0 + }, + { + "Unnamed: 0": 396, + "book_name": "A World In Disarray", + "summaries": " will open your mind to new ways of making the world a more peaceful place by guiding you through the major changes in global affairs since World War II.", + "categories": "politics", + "review_score": 2.7 + }, + { + "Unnamed: 0": 397, + "book_name": "Call Sign Chaos", + "summaries": " is a review of US foreign policy through the eyes of General Jim Mattis, who led forces in Afghanistan and Iraq.", + "categories": "politics", + "review_score": 5.4 + }, + { + "Unnamed: 0": 398, + "book_name": "23 Things They Don\u2019t Tell You About Capitalism", + "summaries": " will help you think more clearly about our current economic state by uncovering the hidden consequences of free-market capitalism and offering solutions that could give us all a more fair world.", + "categories": "politics", + "review_score": 3.0 + }, + { + "Unnamed: 0": 399, + "book_name": "A Crack In Creation", + "summaries": " will teach you all about the power of gene editing that is made possible with CRISPR by detailing how it works, the benefits and opportunities it opens up, and the ethical risks of using it on humans.", + "categories": "politics", + "review_score": 1.2 + }, + { + "Unnamed: 0": 400, + "book_name": "A Vindication Of The Rights Of Woman", + "summaries": " will help you make the world a more fair place by teaching some of the gender inequalities of the eighteenth century.", + "categories": "politics", + "review_score": 6.9 + }, + { + "Unnamed: 0": 401, + "book_name": "A People\u2019s History Of The United States", + "summaries": " will help you improve the world by giving you a better understanding of the true, sometimes shameful, story of this America\u2019s rise to power.", + "categories": "politics", + "review_score": 3.5 + }, + { + "Unnamed: 0": 402, + "book_name": "The Uninhabitable Earth", + "summaries": " explains how humanity\u2019s complacency and negligence have put this world on a course to soon be unlivable unless we each do our small part to improve how we care for this beautiful planet we live on.", + "categories": "politics", + "review_score": 4.5 + }, + { + "Unnamed: 0": 403, + "book_name": "Identity", + "summaries": " explains the evolution of identity politics and how they lead the way to deep political divisions, giving suggestions about what we can do to alleviate this ever-growing problem. ", + "categories": "politics", + "review_score": 9.9 + }, + { + "Unnamed: 0": 404, + "book_name": "A First-Rate Madness", + "summaries": " shares the stories of many world leaders and explains how they prevailed despite their mental illnesses and struggles, showing you how to turn your psychological disadvantages into leadership strengths.", + "categories": "politics", + "review_score": 3.6 + }, + { + "Unnamed: 0": 405, + "book_name": "Manufacturing Consent", + "summaries": " reveals how the upper class controls and skews the news to get the masses to believe whatever serves them best.", + "categories": "politics", + "review_score": 5.1 + }, + { + "Unnamed: 0": 406, + "book_name": "Eating Animals", + "summaries": " reveals the true burden of the modern-day meat industry that we all bear as a society and details the environmental, health-related, and ethical consequences.", + "categories": "politics", + "review_score": 7.2 + }, + { + "Unnamed: 0": 407, + "book_name": "The Sixth Extinction", + "summaries": " summarizes how human activity has contributed to the mass extinction of species and points out ways to mitigate our biggest environmental problems.", + "categories": "politics", + "review_score": 2.9 + }, + { + "Unnamed: 0": 408, + "book_name": "Merchants of Doubt", + "summaries": " explains how a small but loud group of researchers were able to mislead the public about the truths around global warming, tobacco, DDT, and other important issues for decades. ", + "categories": "politics", + "review_score": 5.5 + }, + { + "Unnamed: 0": 409, + "book_name": "Silent Spring", + "summaries": " is the story that sparked the global grassroots environmental movement in 1962, explaining how chemical pesticides work, what their drawbacks are, and how we can protect crops in better, more sustainable ways.", + "categories": "politics", + "review_score": 9.0 + }, + { + "Unnamed: 0": 410, + "book_name": "Enlightenment Now", + "summaries": " describes how the values of the Enlightenment, science, reason, humanism, and progress, keep improving our world until today, making it a better place day by day, despite the negative news.", + "categories": "politics", + "review_score": 4.2 + }, + { + "Unnamed: 0": 411, + "book_name": "Fire And Fury", + "summaries": " is a first-person account of Donald Trump\u2019s presidential campaign in 2016, his unexpected victory, and subsequent first year in the White House as 45th president of the United States.", + "categories": "politics", + "review_score": 8.3 + }, + { + "Unnamed: 0": 412, + "book_name": "A Splendid Exchange", + "summaries": " outlines the history of global trade, revealing its older than we think, has enabled the progress of civilization, and continues to change the world on a daily basis.", + "categories": "politics", + "review_score": 6.8 + }, + { + "Unnamed: 0": 413, + "book_name": "Long-Term Thinking For A Short-Sighted World", + "summaries": " explains why we rarely think about the long-term consequences of our actions, how this puts our entire species in danger and what we can do to change and ensure a thriving future for mankind.", + "categories": "politics", + "review_score": 9.5 + }, + { + "Unnamed: 0": 414, + "book_name": "The Republic", + "summaries": " is one of the most important works about philosophy and politics in history, written by Plato, one of Socrates students in ancient Greece, as a dialogue about justice and political systems.", + "categories": "politics", + "review_score": 2.8 + }, + { + "Unnamed: 0": 415, + "book_name": "Nudge", + "summaries": " shows you how you can unconsciously make better decisions by designing your environment so it nudges you in the right direction every time temptation becomes greatest and thus build your own choice architecture in advance.", + "categories": "politics", + "review_score": 2.2 + }, + { + "Unnamed: 0": 416, + "book_name": "The World According To Star Wars", + "summaries": " Summary examines not only the unrivaled popularity of this epic franchise, but also what we can learn from it about the real world about politics, law, economics and even ourselves.", + "categories": "politics", + "review_score": 8.8 + }, + { + "Unnamed: 0": 417, + "book_name": "Benjamin Franklin: An American Life", + "summaries": " takes a thorough look at the life of one of the most influential humans that ever lived and explains how he could achieve such greatness in so many different fields and areas.", + "categories": "politics", + "review_score": 3.5 + }, + { + "Unnamed: 0": 418, + "book_name": "Ghettoside", + "summaries": " explains the history of homicide in the United States and why particularly black communities struggle with high murder rates, as well as what can and must be done to change the status quo for the better.", + "categories": "politics", + "review_score": 8.9 + }, + { + "Unnamed: 0": 419, + "book_name": "Excellent Sheep", + "summaries": "\u00a0describes how fundamentally broken elite education is, why it makes students feel depressed and lost, how educational institutions have been alienated from their true purpose, what students really must learn in college and how we can go back to making college a place for self-discovery and critical thinking.", + "categories": "politics", + "review_score": 3.3 + }, + { + "Unnamed: 0": 420, + "book_name": "Farmageddon", + "summaries": " is a shocking compendium of the facts and figures about how the mass production of cheap meat influences our world, ranging from water and air pollution, to threatening species, to making us obese and sick, in order to\u00a0show why we must return to more traditional farming techniques to sustainably feed the world.", + "categories": "politics", + "review_score": 8.5 + }, + { + "Unnamed: 0": 421, + "book_name": "Fast Food Nation", + "summaries": " describes how the fast food industry has reduced the overall food quality worldwide, created poor working conditions for millions of people and ruined public health.", + "categories": "politics", + "review_score": 2.0 + }, + { + "Unnamed: 0": 422, + "book_name": "The Prince", + "summaries": " is a 16th century political treatise, famous for condoning, even encouraging evil behavior amongst political rulers, in order for them to stay in power.", + "categories": "politics", + "review_score": 9.4 + }, + { + "Unnamed: 0": 423, + "book_name": "The Audacity Of Hope", + "summaries": " explains Barack Obama\u2019s personal, political and spiritual beliefs, on which he based his 2008 presidential election campaign, which made him the first African-American president of the United States of America.\n", + "categories": "politics", + "review_score": 3.4 + }, + { + "Unnamed: 0": 424, + "book_name": "Superintelligence", + "summaries": " asks what will happen once we manage to build computers that are smarter than us, including what we need to do, how it\u2019s going to work, and why it has to be done the exact right way to make sure the human race doesn\u2019t go extinct.", + "categories": "politics", + "review_score": 7.6 + }, + { + "Unnamed: 0": 425, + "book_name": "The Facebook Effect", + "summaries": " is the only official account of the history of the world\u2019s largest social network, explaining why it\u2019s so successful and how it\u2019s changed both the world and us.", + "categories": "politics", + "review_score": 4.2 + }, + { + "Unnamed: 0": 426, + "book_name": "Creative Schools", + "summaries": " reveals how fundamentally broken our formal education system really is and how we can change our perspective to teach children the competencies and things they actually need to navigate the modern world.", + "categories": "politics", + "review_score": 8.4 + }, + { + "Unnamed: 0": 427, + "book_name": "The 4 Minute Millionaire", + "summaries": " is a collection of 44 short lessons sourced from the best finance books, each paired with an action item to help you get closer to financial freedom in just 4 minutes a day.", + "categories": "economics", + "review_score": 3.4 + }, + { + "Unnamed: 0": 428, + "book_name": "The Simple Path to Wealth", + "summaries": " is a three-step template for achieving financial freedom in a straightforward way, passed from a wealthy man to his teenage daughter through a series of letters.", + "categories": "economics", + "review_score": 3.5 + }, + { + "Unnamed: 0": 429, + "book_name": "Brave New World", + "summaries": " presents a futuristic society engineered perfectly around capitalism and scientific efficiency, in which everyone is happy, conform, and content \u2014 but only at first glance.", + "categories": "economics", + "review_score": 8.6 + }, + { + "Unnamed: 0": 430, + "book_name": "1984", + "summaries": " is the story of a man questioning the system that keeps his futuristic but dystopian society afloat and the chaos that quickly ensues once he gives in to his natural curiosity and desire to be free.", + "categories": "economics", + "review_score": 4.1 + }, + { + "Unnamed: 0": 431, + "book_name": "The Infinite Game", + "summaries": " argues that business is not a competition but an infinite journey, and that to do well in it, leaders must advance a \u201cJust Cause,\u201d build trusting teams, learn from their \u201cWorthy Rivals,\u201d and practice existential flexibility.", + "categories": "economics", + "review_score": 2.4 + }, + { + "Unnamed: 0": 432, + "book_name": "Rich Dad\u2019s Cashflow Quadrant", + "summaries": " is an inspiring read by Kiyosaki which comes as a sequel after his first groundbreaking book and presents how hard work doesn\u2019t always equal becoming rich, as wealth is likely a result of smart money decisions.", + "categories": "economics", + "review_score": 5.6 + }, + { + "Unnamed: 0": 433, + "book_name": "Maoism", + "summaries": " explores the ideology of Mao Zedong, the Chinese leader of the communist party of the twentieth century, and how he managed to turn his doctrine into a mass-adopted phenomenon that continues even today, under different forms and shapes.", + "categories": "economics", + "review_score": 2.9 + }, + { + "Unnamed: 0": 434, + "book_name": "More Money Than God", + "summaries": " teaches us about the ins and outs of hedge funds, how those managing money makes a profit, and how you can learn from them and apply their techniques to your money management strategy.", + "categories": "economics", + "review_score": 4.0 + }, + { + "Unnamed: 0": 435, + "book_name": "The Sovereign Individual", + "summaries": " jumps into the future and presents a new world where life moves into the online environment, where the cybereconomy rules and governments are struggling to control the people like they used to, all through a revolution more powerful than anything we\u2019ve seen before.", + "categories": "economics", + "review_score": 4.9 + }, + { + "Unnamed: 0": 436, + "book_name": "The 4 Minute Millionaire", + "summaries": " is a collection of 44 short lessons sourced from the best finance books, each paired with an action item to help you get closer to financial freedom in just 4 minutes a day.", + "categories": "economics", + "review_score": 9.4 + }, + { + "Unnamed: 0": 437, + "book_name": "The Simple Path to Wealth", + "summaries": " is a three-step template for achieving financial freedom in a straightforward way, passed from a wealthy man to his teenage daughter through a series of letters.", + "categories": "economics", + "review_score": 2.6 + }, + { + "Unnamed: 0": 438, + "book_name": "Brave New World", + "summaries": " presents a futuristic society engineered perfectly around capitalism and scientific efficiency, in which everyone is happy, conform, and content \u2014 but only at first glance.", + "categories": "economics", + "review_score": 5.1 + }, + { + "Unnamed: 0": 439, + "book_name": "1984", + "summaries": " is the story of a man questioning the system that keeps his futuristic but dystopian society afloat and the chaos that quickly ensues once he gives in to his natural curiosity and desire to be free.", + "categories": "economics", + "review_score": 7.8 + }, + { + "Unnamed: 0": 440, + "book_name": "The Infinite Game", + "summaries": " argues that business is not a competition but an infinite journey, and that to do well in it, leaders must advance a \u201cJust Cause,\u201d build trusting teams, learn from their \u201cWorthy Rivals,\u201d and practice existential flexibility.", + "categories": "economics", + "review_score": 2.8 + }, + { + "Unnamed: 0": 441, + "book_name": "Rich Dad\u2019s Cashflow Quadrant", + "summaries": " is an inspiring read by Kiyosaki which comes as a sequel after his first groundbreaking book and presents how hard work doesn\u2019t always equal becoming rich, as wealth is likely a result of smart money decisions.", + "categories": "economics", + "review_score": 1.7 + }, + { + "Unnamed: 0": 442, + "book_name": "Maoism", + "summaries": " explores the ideology of Mao Zedong, the Chinese leader of the communist party of the twentieth century, and how he managed to turn his doctrine into a mass-adopted phenomenon that continues even today, under different forms and shapes.", + "categories": "economics", + "review_score": 1.8 + }, + { + "Unnamed: 0": 443, + "book_name": "More Money Than God", + "summaries": " teaches us about the ins and outs of hedge funds, how those managing money makes a profit, and how you can learn from them and apply their techniques to your money management strategy.", + "categories": "economics", + "review_score": 5.2 + }, + { + "Unnamed: 0": 444, + "book_name": "The Sovereign Individual", + "summaries": " jumps into the future and presents a new world where life moves into the online environment, where the cybereconomy rules and governments are struggling to control the people like they used to, all through a revolution more powerful than anything we\u2019ve seen before.", + "categories": "economics", + "review_score": 3.9 + }, + { + "Unnamed: 0": 445, + "book_name": "Requiem For The American Dream", + "summaries": " argues that the gap between the wealthy and the poor is not an accident, but rather the result of intentional policy decisions made by rich individuals and corporations to increase their power and decrease that of ordinary citizens.", + "categories": "economics", + "review_score": 10.0 + }, + { + "Unnamed: 0": 446, + "book_name": "Die With Zero", + "summaries": " teaches us that wealth accumulation isn\u2019t the only aspect of our life that we should be chasing, but rather keep an eye on meaningful experiences, our relationships, and the limited time we have on earth.", + "categories": "economics", + "review_score": 1.3 + }, + { + "Unnamed: 0": 447, + "book_name": "The Worldly Philosophers", + "summaries": " is your hands-on guide to economics, how the world works overall but especially from a financial point of view, what are the social and economic systems that existed throughout history, and how certain people\u2019s concepts got to shape the world we know today.", + "categories": "economics", + "review_score": 3.5 + }, + { + "Unnamed: 0": 448, + "book_name": "The Invincible Company", + "summaries": " explores the secrets of a successful company by proving how focusing on strengthening the core business values and operations while concentrating on R&D in parallel is a better strategy than just disrupting continuously and seeking new markets.", + "categories": "economics", + "review_score": 7.7 + }, + { + "Unnamed: 0": 449, + "book_name": "Woke, Inc.", + "summaries": " taps into the dark secrets of the woke culture in corporate America, which organizations generate tremendous amounts of profit by hiding behind causes like social justice, gender equality, climate change, and many other popular matters.", + "categories": "economics", + "review_score": 8.4 + }, + { + "Unnamed: 0": 450, + "book_name": "Masters of Scale", + "summaries": " teaches entrepreneurs ways to open up a successful company and scale it from the grounds-up by going into detail about the right business practices, how to seize opportunities, and foster an organizational culture that encourages innovation and customer-centricity.", + "categories": "economics", + "review_score": 9.7 + }, + { + "Unnamed: 0": 451, + "book_name": "AI 2041", + "summaries": " explores the concept of artificial intelligence and delves into some thought-provoking ideas about AI taking over the world in the next twenty years, from our day-to-day lives to our jobs, becoming a worldwide used tool that will shake the world as we know it from the ground up.", + "categories": "economics", + "review_score": 6.2 + }, + { + "Unnamed: 0": 452, + "book_name": "Rationality", + "summaries": " explores the concept of ration as the pylon of all human progress and how it sets us apart from all other species, helping us evolve and developing societal layers, rules of conduct, and moral grounds for all our endeavors in life.", + "categories": "economics", + "review_score": 2.3 + }, + { + "Unnamed: 0": 453, + "book_name": "10-Minute Toughness", + "summaries": " is a hands-on guide to becoming the best version of yourself and achieving success through consistent good practices such as eating right, forming meaningful relationships, committing to your goals publicly, visualizing your achievements, and many others.", + "categories": "economics", + "review_score": 9.1 + }, + { + "Unnamed: 0": 454, + "book_name": "Testing Business Ideas", + "summaries": " highlights the importance of trial and error, learning from mistakes and prototypes, and always improving your offerings in a business, so as to bring a successful product to the market that will sell instead of causing you troubles.", + "categories": "economics", + "review_score": 2.1 + }, + { + "Unnamed: 0": 455, + "book_name": "Value Proposition Design", + "summaries": " opens up a new perspective of what added value in a product consists of, how to find and target your market correctly, how you can design a product successfully, bring it forth to your prospects and have them be excited to buy it, all through the creation of a customer-centric business", + "categories": "economics", + "review_score": 9.7 + }, + { + "Unnamed: 0": 456, + "book_name": "Stocks for the Long Run", + "summaries": " delves into the subject of investing and the implications that come with picking securities, whether they\u2019re stocks, bonds, or commodities, having in mind the generally higher returns of stocks over the years and how to build a balanced portfolio that can face times of crisis.", + "categories": "economics", + "review_score": 4.7 + }, + { + "Unnamed: 0": 457, + "book_name": "Cryptocurrency Investing For Dummies", + "summaries": " is a hands-on guide on how to get started with investing in digital coins by placing a trade using a broker what they represent, and how to pick the right ones from the batch of cryptocurrencies available on the market.", + "categories": "economics", + "review_score": 2.8 + }, + { + "Unnamed: 0": 458, + "book_name": "A Random Walk Down Wall Street", + "summaries": " explores how the individual investor can make money in the stock market by following a simple path that is guaranteed to bring success, if the investor has patience and gets accustomed to a series of concepts about stocks and what analyzing them consists of.", + "categories": "economics", + "review_score": 7.7 + }, + { + "Unnamed: 0": 459, + "book_name": "One Up on Wall Street", + "summaries": " talks about the challenges of being a stock market investor, while also exploring how anyone can pick good, well-performing stocks without having much knowledge in the field, by following a few key practices.", + "categories": "economics", + "review_score": 2.7 + }, + { + "Unnamed: 0": 460, + "book_name": "The Psychology of Money", + "summaries": " explores how money moves around in an economy and how personal biases and the emotional factor play an important role in our financial decisions, as well as how to think more rationally and make better decisions when it comes to money.", + "categories": "economics", + "review_score": 9.3 + }, + { + "Unnamed: 0": 462, + "book_name": "Socialism", + "summaries": " by Michael Newman outlines the history of the governmental theory that everything should be owned and controlled by the community as a whole, including how this idea has impacted the world in the last 200 years, how its original aims have been lost, and ways we might use it in the future.", + "categories": "economics", + "review_score": 7.0 + }, + { + "Unnamed: 0": 463, + "book_name": "Make Money Trading Options", + "summaries": " teaches the art of trading stock options, including the pitfalls to watch out for and how to use simple tools like the Test Trading Strategy and virtual trading tools to find stocks that are most likely to be profitable, so you don\u2019tm have to just guess where to invest.", + "categories": "economics", + "review_score": 1.7 + }, + { + "Unnamed: 0": 464, + "book_name": "The Data Detective", + "summaries": " will make you smarter by showing how you can understand statistics well enough to see how they, and the beliefs and cognitive biases they can make you have, make such a huge impact in your life, for better or for worse, and how to separate fact from fiction.", + "categories": "economics", + "review_score": 9.5 + }, + { + "Unnamed: 0": 465, + "book_name": "Hyper-Learning", + "summaries": " shows how people and companies can adapt in the rapidly changing world we live in today, explaining how a growth mindset, colleaboration, and losing your ego will build your confidence that you can stay relevant and competitive as the world around you accelerates.", + "categories": "economics", + "review_score": 9.7 + }, + { + "Unnamed: 0": 466, + "book_name": "Dark Towers", + "summaries": " dives into the dirty inner workings and the rise and fall of Deutsche Bank, which contributed to many notable but not always beneficial events of the past 150 years, including the American railroad system, the Nazi regime, funding Russian oligarchs, and even the election of Donald Trump.", + "categories": "economics", + "review_score": 5.6 + }, + { + "Unnamed: 0": 467, + "book_name": "The Great Escape", + "summaries": " challenges the idea that the world is on fire by declaring that things have never been better in many ways, although the advancements we\u2019ve made and the ways they have improved many lives haven\u2019t reached everyone equally.", + "categories": "economics", + "review_score": 9.8 + }, + { + "Unnamed: 0": 468, + "book_name": "Why Nations Fail", + "summaries": " dives into the reasons why economic inequality is so common in the world today and identifies that poor decisions of those in political power are the main reason for unfairness rather than culture, geography, climate, or any other factor.", + "categories": "economics", + "review_score": 3.1 + }, + { + "Unnamed: 0": 469, + "book_name": "The Bitcoin Standard", + "summaries": " uses the history of money and gold to explain why Bitcoin is the way to go if the world wants to stick to having sound money and why it\u2019s the only cryptocurrency to be focusing on right now.", + "categories": "economics", + "review_score": 3.5 + }, + { + "Unnamed: 0": 470, + "book_name": "Cryptoassets", + "summaries": " is your guide to understanding this revolutionary new digital asset class and explains the history of Bitcoin, how to invest in it and other cryptocurrencies, and how the blockchain technology behind it all works.", + "categories": "economics", + "review_score": 3.3 + }, + { + "Unnamed: 0": 471, + "book_name": "The End Of Power", + "summaries": " explains why the old positions of power aren\u2019t as powerful as they used to be due to recent changes in society and technology and how this shift has put more influence in the hands of everyday citizens like you and what it might mean for the future of our governments and world.", + "categories": "economics", + "review_score": 5.1 + }, + { + "Unnamed: 0": 472, + "book_name": "2030", + "summaries": " uses the current trajectory of the world, based on sociological, demographic, and technological trends, to outline the changes we can expect to happen in our lives by the beginning of the next decade.", + "categories": "economics", + "review_score": 4.0 + }, + { + "Unnamed: 0": 473, + "book_name": "Restart", + "summaries": " tells the story of India\u2019s almost-leadership of the world\u2019s economy, showing why and how it instead succumbed to problems from the past, how those problems still hold it back today, and what the country might do about them.", + "categories": "economics", + "review_score": 5.9 + }, + { + "Unnamed: 0": 474, + "book_name": "What I Learned Losing A Million Dollars", + "summaries": " shows you how to recognize and steer clear of the pitfalls of stock investing by sharing the story of one man who made some bad investment decisions and had to deal with some pretty terrible consequences because of them.", + "categories": "economics", + "review_score": 8.0 + }, + { + "Unnamed: 0": 475, + "book_name": "Narrative Economics", + "summaries": " explains the influence that popular stories have on the way economies operate, including the rise of Bitcoin, stock market booms and crashes, the nature of epidemics, and more.", + "categories": "economics", + "review_score": 8.0 + }, + { + "Unnamed: 0": 476, + "book_name": "The Age Of Cryptocurrency", + "summaries": " explains the past, present, and future of Bitcoin, including its benefits and drawbacks, how it aligns with the definition of money well enough to be its own currency, how it and other cryptocurrencies will change our economy and the entire world.", + "categories": "economics", + "review_score": 8.9 + }, + { + "Unnamed: 0": 477, + "book_name": "Digital Gold", + "summaries": " details the beginnings of Bitcoin, including how it was developed, why it\u2019s early years were such a struggle, the many people that contributed to its rise, and how it\u2019s changed our world so far and why it will continue doing so for a long time.", + "categories": "economics", + "review_score": 8.2 + }, + { + "Unnamed: 0": 478, + "book_name": "Moneyland", + "summaries": " uncovers the mystery of how the rich keep getting richer by revealing the great lengths they\u2019ll go to so they can avoid taxes and other things that threaten their wealth.", + "categories": "economics", + "review_score": 2.7 + }, + { + "Unnamed: 0": 479, + "book_name": "Winners Take All", + "summaries": " helps you see the ultra-rich in a more accurate light by identifying their shady strategies, including using the idea of \u201cmaking the world a better place\u201d as a front that only serves as a way to solidify their wealth and power.", + "categories": "economics", + "review_score": 3.8 + }, + { + "Unnamed: 0": 480, + "book_name": "Dark Money", + "summaries": " dives into the depths of the greed and corruption in the American political system by revealing the story of the Koch brothers who have been enabling the ultra-wealthy to influence political decisions for decades.", + "categories": "economics", + "review_score": 7.5 + }, + { + "Unnamed: 0": 481, + "book_name": "Building Social Business", + "summaries": " will teach you how to change the world for the better by starting a company that does good for mankind, giving you all the answers about how they work and how to begin one of your own.", + "categories": "economics", + "review_score": 7.5 + }, + { + "Unnamed: 0": 482, + "book_name": "Capitalism", + "summaries": " shows you how the movement of money in the world really works by outlining the dominant system in the world and its origins and future.", + "categories": "economics", + "review_score": 3.9 + }, + { + "Unnamed: 0": 483, + "book_name": "Capitalism And Freedom", + "summaries": " helps you understand some of the most important factors protecting your liberty by outlining the government\u2019s role in economics and how things go best when political entities are small and stay out of the flow of money in a country.", + "categories": "economics", + "review_score": 7.3 + }, + { + "Unnamed: 0": 484, + "book_name": "Life After Google", + "summaries": " explains why Silicon Valley is suffering a nervous breakdown as big data and machine intelligence comes to an end and the post-Google era dawns.", + "categories": "economics", + "review_score": 5.8 + }, + { + "Unnamed: 0": 485, + "book_name": "Thank You For Being Late", + "summaries": " helps you slow down and take life at a more reasonable pace by explaining the state of our rapidly changing environment, economy, and technology.", + "categories": "economics", + "review_score": 8.9 + }, + { + "Unnamed: 0": 486, + "book_name": "The Box", + "summaries": " teaches how the drive and imagination of one entrepreneur impacted the world economy and changed the face of global trade with container shipping. ", + "categories": "economics", + "review_score": 9.7 + }, + { + "Unnamed: 0": 487, + "book_name": "Business Adventures", + "summaries": " will teach you how to run a company, invest in the stock market, change jobs, and many other things by sharing some of the most interesting experiences that big companies and their leaders have had over the last century.", + "categories": "economics", + "review_score": 9.0 + }, + { + "Unnamed: 0": 488, + "book_name": "The Man Who Solved The Market", + "summaries": " shares the interesting story of Jim Simons\u2019s rise to wealth and success that came from him tapping into his math genius to make incredible gains in stock market investments.", + "categories": "economics", + "review_score": 5.8 + }, + { + "Unnamed: 0": 489, + "book_name": "Adaptive Markets", + "summaries": " gives you a better understanding of how the movement of money in the world works by outlining the characteristics of the market, some of which are more like living creatures than you might think.", + "categories": "economics", + "review_score": 2.0 + }, + { + "Unnamed: 0": 490, + "book_name": "Money", + "summaries": " is your guide for learning how to stop pushing yourself to do more at your job and live a happier and more fulfilling life by making your money work hard for you. ", + "categories": "economics", + "review_score": 9.4 + }, + { + "Unnamed: 0": 491, + "book_name": "Cooked", + "summaries": " is a historical exploration of the four primary elements we use to transform our food, from fire to water, air, and earth, celebrating traditional cooking methods while showing you practical ways to improve your eating habits and prepare more of your own food.", + "categories": "economics", + "review_score": 3.0 + }, + { + "Unnamed: 0": 492, + "book_name": "23 Things They Don\u2019t Tell You About Capitalism", + "summaries": " will help you think more clearly about our current economic state by uncovering the hidden consequences of free-market capitalism and offering solutions that could give us all a more fair world.", + "categories": "economics", + "review_score": 3.3 + }, + { + "Unnamed: 0": 493, + "book_name": "A People\u2019s History Of The United States", + "summaries": " will help you improve the world by giving you a better understanding of the true, sometimes shameful, story of this America\u2019s rise to power.", + "categories": "economics", + "review_score": 3.9 + }, + { + "Unnamed: 0": 494, + "book_name": "A Beautiful Mind", + "summaries": " tells the fascinating story of the mathematical genius, mental illness, and miraculous recovery and success of John Nash Jr.", + "categories": "economics", + "review_score": 3.3 + }, + { + "Unnamed: 0": 495, + "book_name": "Doughnut Economics", + "summaries": " is a wake-up call to transform our capitalist worldview obsessed with growth into a more balanced, sustainable perspective that allows both humans and our planet to thrive.", + "categories": "economics", + "review_score": 5.2 + }, + { + "Unnamed: 0": 496, + "book_name": "Skin In The Game", + "summaries": " is an assessment of asymmetries in human interactions, aimed at helping you understand where and how gaps in uncertainty, risk, knowledge, and fairness emerge, and how to close them.", + "categories": "economics", + "review_score": 9.3 + }, + { + "Unnamed: 0": 497, + "book_name": "When To Rob A Bank", + "summaries": " is a collection of the best of the Freakonomics authors\u2019 blog posts from over 10 years of blogging about economics in all areas of our life.", + "categories": "economics", + "review_score": 6.7 + }, + { + "Unnamed: 0": 498, + "book_name": "Superfreakonomics", + "summaries": " reveals how you can find non-obvious solutions to tricky problems by focusing on raw, hard data and thinking like an economist, which will\u00a0get you\u00a0closer to the truth than everyone else.", + "categories": "economics", + "review_score": 6.9 + }, + { + "Unnamed: 0": 499, + "book_name": "Lean In", + "summaries": " explains why women are still underrepresented in the workforce, what holds them back, how we can enable and support them, and how any woman can take the lead and hold the flag of female leadership high.", + "categories": "economics", + "review_score": 6.4 + }, + { + "Unnamed: 0": 500, + "book_name": "The World According To Star Wars", + "summaries": " Summary examines not only the unrivaled popularity of this epic franchise, but also what we can learn from it about the real world about politics, law, economics and even ourselves.", + "categories": "economics", + "review_score": 1.4 + }, + { + "Unnamed: 0": 501, + "book_name": "In Defense Of Food", + "summaries": "\u00a0describes the decline of natural eating in exchange for diets driven by science and nutritional data, how this decline has ruined our health, and what we can do to return to food as a simple, cultural, natural aspect of life.", + "categories": "economics", + "review_score": 6.0 + }, + { + "Unnamed: 0": 502, + "book_name": "Predictably Irrational", + "summaries": " explains the hidden forces that really drive how we make decisions, which are far less rational than we think, but can help us stay on top of our finances, interact better with others and live happier lives, once we know about them.", + "categories": "economics", + "review_score": 8.8 + }, + { + "Unnamed: 0": 503, + "book_name": "Freakonomics", + "summaries": " helps you make better decisions by showing you how your life is dominated by incentives, how to close information asymmetries between you and the experts that exploit you and how to really tell the difference between causation and correlation.", + "categories": "economics", + "review_score": 5.6 + }, + { + "Unnamed: 0": 504, + "book_name": "The Omnivore\u2019s Dilemma", + "summaries": " explains the range of food choices we face today using four meals on a spectrum from highly processed to entirely self-gathered, thus teaching us how the industrial revolution changed the way we eat, why organic food isn\u2019t necessarily better, what truly natural food looks like, and which options we have in making the tradeoff between fast, delicious, cheap, ethical, sustainable, and environmentally friendly meals.", + "categories": "economics", + "review_score": 8.5 + }, + { + "Unnamed: 0": 505, + "book_name": "The Little Prince", + "summaries": " is a beautiful children\u2019s story full of valuable lessons for adults, recounting the tale of an aviator and a little boy from a distant planet, both stranded in the desert, looking to get home, sharing what they\u2019ve learned about life.", + "categories": "environment", + "review_score": 3.8 + }, + { + "Unnamed: 0": 506, + "book_name": "This Is Your Mind On Plants", + "summaries": " ", + "categories": "environment", + "review_score": 9.2 + }, + { + "Unnamed: 0": 507, + "book_name": "Guns, Germs, and Steel", + "summaries": " is a multidisciplinary study that employs anthropological, biological, evolutionary, and socio-economic analyses to chart the fates of different peoples throughout human history and understand why some groups succeeded to develop and advance, while others haven\u2019t.", + "categories": "environment", + "review_score": 9.9 + }, + { + "Unnamed: 0": 508, + "book_name": "The God Equation", + "summaries": " presents a factual approach to the theory of life, the inception of the universe, and how modern physics lay the foundation of all natural laws that govern the galaxies, the planets, and our home called Earth.", + "categories": "environment", + "review_score": 2.2 + }, + { + "Unnamed: 0": 509, + "book_name": "Astrophysics for People in a Hurry", + "summaries": " talks about the laws of nature, physics, astronomy, and the mysterious inception of our cosmos, the universe, stars, and implicitly our beautiful planet where life thrives and perpetuates.", + "categories": "environment", + "review_score": 5.8 + }, + { + "Unnamed: 0": 510, + "book_name": "The Inner Life of Animals", + "summaries": " presents complex research on animals and the life of our ecosystem, which is not so different than ours, given that they can feel pain, experience emotions, and share other similarities with us, humans.", + "categories": "environment", + "review_score": 5.7 + }, + { + "Unnamed: 0": 511, + "book_name": "The Bhagavad Gita", + "summaries": " is the number one spiritual text in Hinduism, packed with wisdom about life and purpose as well as powerful advice on living virtuously but authentically without succumbing to life\u2019s temptations or other people\u2019s dreams.", + "categories": "environment", + "review_score": 3.5 + }, + { + "Unnamed: 0": 512, + "book_name": "All In", + "summaries": " talks about the life of Billie Jean King, a remarkable woman and tennis player who fought for gender equality in sports and managed to change the US legislature in this regard by never giving up on her vision, which is to ensure a no discrimination zone in sports for young women.", + "categories": "environment", + "review_score": 4.5 + }, + { + "Unnamed: 0": 513, + "book_name": "Surrounded by Idiots", + "summaries": " offers great advice on how to get your point across more effectively, communicate better, and work your way up in your personal and professional life by getting to know the four types of personalities people generally have and how to address each one in particular to kickstart a beneficial dialogue, instead of engaging in a conflict.", + "categories": "environment", + "review_score": 3.2 + }, + { + "Unnamed: 0": 514, + "book_name": "The Little Prince", + "summaries": " is a beautiful children\u2019s story full of valuable lessons for adults, recounting the tale of an aviator and a little boy from a distant planet, both stranded in the desert, looking to get home, sharing what they\u2019ve learned about life.", + "categories": "environment", + "review_score": 4.8 + }, + { + "Unnamed: 0": 515, + "book_name": "This Is Your Mind On Plants", + "summaries": " ", + "categories": "environment", + "review_score": 1.8 + }, + { + "Unnamed: 0": 516, + "book_name": "Guns, Germs, and Steel", + "summaries": " is a multidisciplinary study that employs anthropological, biological, evolutionary, and socio-economic analyses to chart the fates of different peoples throughout human history and understand why some groups succeeded to develop and advance, while others haven\u2019t.", + "categories": "environment", + "review_score": 4.9 + }, + { + "Unnamed: 0": 517, + "book_name": "The God Equation", + "summaries": " presents a factual approach to the theory of life, the inception of the universe, and how modern physics lay the foundation of all natural laws that govern the galaxies, the planets, and our home called Earth.", + "categories": "environment", + "review_score": 8.7 + }, + { + "Unnamed: 0": 518, + "book_name": "Astrophysics for People in a Hurry", + "summaries": " talks about the laws of nature, physics, astronomy, and the mysterious inception of our cosmos, the universe, stars, and implicitly our beautiful planet where life thrives and perpetuates.", + "categories": "environment", + "review_score": 5.2 + }, + { + "Unnamed: 0": 519, + "book_name": "The Inner Life of Animals", + "summaries": " presents complex research on animals and the life of our ecosystem, which is not so different than ours, given that they can feel pain, experience emotions, and share other similarities with us, humans.", + "categories": "environment", + "review_score": 3.0 + }, + { + "Unnamed: 0": 520, + "book_name": "The Bhagavad Gita", + "summaries": " is the number one spiritual text in Hinduism, packed with wisdom about life and purpose as well as powerful advice on living virtuously but authentically without succumbing to life\u2019s temptations or other people\u2019s dreams.", + "categories": "environment", + "review_score": 8.0 + }, + { + "Unnamed: 0": 521, + "book_name": "All In", + "summaries": " talks about the life of Billie Jean King, a remarkable woman and tennis player who fought for gender equality in sports and managed to change the US legislature in this regard by never giving up on her vision, which is to ensure a no discrimination zone in sports for young women.", + "categories": "environment", + "review_score": 8.3 + }, + { + "Unnamed: 0": 522, + "book_name": "Surrounded by Idiots", + "summaries": " offers great advice on how to get your point across more effectively, communicate better, and work your way up in your personal and professional life by getting to know the four types of personalities people generally have and how to address each one in particular to kickstart a beneficial dialogue, instead of engaging in a conflict.", + "categories": "environment", + "review_score": 7.4 + }, + { + "Unnamed: 0": 523, + "book_name": "Everyday Zen", + "summaries": " explains the philosophy of a meaningful life and teaches you how to reinvent yourself by accepting the grand wisdom and energy of the universe and learning to sit still, have more compassion, love more, and find beauty in your life.", + "categories": "environment", + "review_score": 3.4 + }, + { + "Unnamed: 0": 524, + "book_name": "Invent & Wander", + "summaries": " is a collection of Jeff Bezos\u2019s writings and letters to its shareholders, in which he expresses his philosophy of life and his way of doing business, which ultimately led him to know tremendous success and write history with his two companies: Amazon and Blue Origin.", + "categories": "environment", + "review_score": 9.2 + }, + { + "Unnamed: 0": 525, + "book_name": "Your Erroneous Zones", + "summaries": " offers a hands-on guide on how to escape negative thinking, falling into your own self-destructive patterns, take charge of your thoughts and implicitly, your emotions, and how to build a better version of yourself starting with putting yourself first and not caring about what others may think.", + "categories": "environment", + "review_score": 6.9 + }, + { + "Unnamed: 0": 526, + "book_name": "Chatter", + "summaries": " will help you make sense of the inner mind chatter that frequently takes over your mind, showing you how to quiet negative thoughts, stop overthinking, feel less anxious, and develop useful practices to consistently alleviate negative emotions.", + "categories": "environment", + "review_score": 5.8 + }, + { + "Unnamed: 0": 527, + "book_name": "Wintering", + "summaries": " highlights the similarities between the cold season of the year and the period of hardship in a human life, by emphasizing how everything eventually passes in time, and how we can learn to embrace challenging times by learning from wolves, from the cold, and how our ancestors dealt with the winter.", + "categories": "environment", + "review_score": 2.9 + }, + { + "Unnamed: 0": 528, + "book_name": "What Is Life?", + "summaries": "compresses a series of lectures given by the notorious physicist Erwin Schr\u00f6dinger, and is a compelling research on how science, especially biology, chemistry and physics account for the ongoing process that the human body undertakes to simply exist and live", + "categories": "environment", + "review_score": 9.8 + }, + { + "Unnamed: 0": 529, + "book_name": "The Secret World of Weather", + "summaries": " is a guide to forecasting weather through various clues found in nature, such as plants, the wind, or clouds, to come up with an accurate calculation of the weather without having to check the news.", + "categories": "environment", + "review_score": 7.4 + }, + { + "Unnamed: 0": 530, + "book_name": "The Genius of Dogs", + "summaries": " explores the curious mind of man\u2019s best friend in relation to human intelligence, as dogs and humans are connected and have many similarities that make the relationship between them so strong and unique. ", + "categories": "environment", + "review_score": 2.2 + }, + { + "Unnamed: 0": 531, + "book_name": "Forest Bathing", + "summaries": " explores the Japanese tradition of shinrin-yoku, a kind of forest therapy based on immersion in nature, and the various health and wellbeing benefits we can derive from it to live better, calmer lives.", + "categories": "environment", + "review_score": 5.8 + }, + { + "Unnamed: 0": 532, + "book_name": "The World Until Yesterday", + "summaries": " identifies some of the most valuable lessons we can learn from societies of the past like hunter-gatherers, including how to resolve conflicts better, more effective ways to raise children, how to stay healthier for longer, and much more.", + "categories": "environment", + "review_score": 7.7 + }, + { + "Unnamed: 0": 533, + "book_name": "Raising A Secure Child", + "summaries": " teaches new parents how to feel confident that they can meet their child\u2019s needs without making them too attached by outlining the experience that Hoffman, Cooper, and Powell have in helping parents form healthy attachments with their kids in ways that help them avoid becoming too hard on themselves and their children.", + "categories": "environment", + "review_score": 6.2 + }, + { + "Unnamed: 0": 534, + "book_name": "How To Avoid A Climate Disaster", + "summaries": " is Bill Gates\u2019 plea to the individuals, governments, and business leaders of the world to reduce greenhouse emissions by changing the way we make things, plug in, grow things, get around, and keep warm and cool.", + "categories": "environment", + "review_score": 2.9 + }, + { + "Unnamed: 0": 535, + "book_name": "Green Illusions", + "summaries": " will open your mind to the true nature of our problem with energy by explaining the potential dangers and inefficiencies of alternative energy sources like wind, hydrogen, solar, and nuclear, and identifies the real culprit of our energy crisis and how to stop it.", + "categories": "environment", + "review_score": 6.3 + }, + { + "Unnamed: 0": 536, + "book_name": "Energy", + "summaries": " makes you smarter by helping you understand where this important aspect of our lives comes from, how we\u2019ve used it throughout history to get to where we are today, and why we need to be careful about how we consume it so that we can have a better future.", + "categories": "environment", + "review_score": 6.6 + }, + { + "Unnamed: 0": 537, + "book_name": "Food Fix", + "summaries": " will help you eat healthier and improve the environment at the same time by explaining how bad our food is for us and our planet and what we can each do to fix these problems.", + "categories": "environment", + "review_score": 9.4 + }, + { + "Unnamed: 0": 538, + "book_name": "Cradle To Cradle", + "summaries": " uncovers the hidden problems with manufacturing, how they affect our planet, and what you can do to help by becoming eco-efficient.", + "categories": "environment", + "review_score": 7.3 + }, + { + "Unnamed: 0": 539, + "book_name": "Thank You For Being Late", + "summaries": " helps you slow down and take life at a more reasonable pace by explaining the state of our rapidly changing environment, economy, and technology.", + "categories": "environment", + "review_score": 2.4 + }, + { + "Unnamed: 0": 540, + "book_name": "Comfortably Unaware", + "summaries": " is a well-researched compendium on how our food choices and animal agriculture impact the well-being of the whole planet.", + "categories": "environment", + "review_score": 7.0 + }, + { + "Unnamed: 0": 541, + "book_name": "Affluenza", + "summaries": " asserts that the reason we are so unhappy is because of our obsession with consumption and the sickness that it brings upon ourselves and the world around us as well.", + "categories": "environment", + "review_score": 1.0 + }, + { + "Unnamed: 0": 542, + "book_name": "Braiding Sweetgrass", + "summaries": " offers some great ways for all of us to take better care of and be more grateful for our planet by explaining the way that Native Americans view and take care of it.", + "categories": "environment", + "review_score": 2.9 + }, + { + "Unnamed: 0": 543, + "book_name": "Pandemic", + "summaries": " gives you an understanding of what pathogens and diseases are, how they evolve, what our lifestyle does to make them worse on us, how they can spread like wildfire, and most importantly, what we can do to stop them.", + "categories": "environment", + "review_score": 8.8 + }, + { + "Unnamed: 0": 544, + "book_name": "Animal, Vegetable, Miracle", + "summaries": " gives ways to improve your health and the environment by learning how to garden, cook, and eat more fruits and vegetables. ", + "categories": "environment", + "review_score": 9.3 + }, + { + "Unnamed: 0": 545, + "book_name": "Cooked", + "summaries": " is a historical exploration of the four primary elements we use to transform our food, from fire to water, air, and earth, celebrating traditional cooking methods while showing you practical ways to improve your eating habits and prepare more of your own food.", + "categories": "environment", + "review_score": 1.5 + }, + { + "Unnamed: 0": 546, + "book_name": "A Walk In The Woods", + "summaries": " tells the interesting story of the adventures Bill Bryson and Stephen Katz had while walking the beautiful, rugged, and historic Appalachian Trail.", + "categories": "environment", + "review_score": 5.5 + }, + { + "Unnamed: 0": 547, + "book_name": "Feral", + "summaries": " will help you find ways to improve the well-being of humanity by illustrating the deep connection between us and Nature and offering actionable advice on how to preserve balance in our ecosystems through rewilding.", + "categories": "environment", + "review_score": 1.3 + }, + { + "Unnamed: 0": 548, + "book_name": "The Uninhabitable Earth", + "summaries": " explains how humanity\u2019s complacency and negligence have put this world on a course to soon be unlivable unless we each do our small part to improve how we care for this beautiful planet we live on.", + "categories": "environment", + "review_score": 7.9 + }, + { + "Unnamed: 0": 549, + "book_name": "Eating Animals", + "summaries": " reveals the true burden of the modern-day meat industry that we all bear as a society and details the environmental, health-related, and ethical consequences.", + "categories": "environment", + "review_score": 6.4 + }, + { + "Unnamed: 0": 550, + "book_name": "The Sixth Extinction", + "summaries": " summarizes how human activity has contributed to the mass extinction of species and points out ways to mitigate our biggest environmental problems.", + "categories": "environment", + "review_score": 9.4 + }, + { + "Unnamed: 0": 551, + "book_name": "Merchants of Doubt", + "summaries": " explains how a small but loud group of researchers were able to mislead the public about the truths around global warming, tobacco, DDT, and other important issues for decades. ", + "categories": "environment", + "review_score": 7.6 + }, + { + "Unnamed: 0": 552, + "book_name": "On The Origin Of Species", + "summaries": " is the foundational book for modern evolutionary biology that marked a turning point in how we think about the beginnings of humankind.", + "categories": "environment", + "review_score": 9.5 + }, + { + "Unnamed: 0": 553, + "book_name": "The Hidden Life of Trees", + "summaries": "\u00a0describes how trees can communicate, support each other, learn from experience, and form alliances with other inhabitants of the forest.", + "categories": "environment", + "review_score": 3.5 + }, + { + "Unnamed: 0": 554, + "book_name": "Silent Spring", + "summaries": " is the story that sparked the global grassroots environmental movement in 1962, explaining how chemical pesticides work, what their drawbacks are, and how we can protect crops in better, more sustainable ways.", + "categories": "environment", + "review_score": 8.9 + }, + { + "Unnamed: 0": 555, + "book_name": "Minimalism", + "summaries": " is an instructive introduction to the philosophy of less and how it helped two guys who had achieved the American dream let go of their possessions and the depressions that came with them.", + "categories": "environment", + "review_score": 1.5 + }, + { + "Unnamed: 0": 556, + "book_name": "Doughnut Economics", + "summaries": " is a wake-up call to transform our capitalist worldview obsessed with growth into a more balanced, sustainable perspective that allows both humans and our planet to thrive.", + "categories": "environment", + "review_score": 2.8 + }, + { + "Unnamed: 0": 557, + "book_name": "Walden", + "summaries": " details Henry David Thoreau\u2019s two-year stay in a self-built cabin by a lake in the woods, sharing what he learned about solitude, nature, work, thinking and fulfillment during his break from modern city life.", + "categories": "environment", + "review_score": 9.7 + }, + { + "Unnamed: 0": 558, + "book_name": "Long-Term Thinking For A Short-Sighted World", + "summaries": " explains why we rarely think about the long-term consequences of our actions, how this puts our entire species in danger and what we can do to change and ensure a thriving future for mankind.", + "categories": "environment", + "review_score": 2.2 + }, + { + "Unnamed: 0": 559, + "book_name": "When To Rob A Bank", + "summaries": " is a collection of the best of the Freakonomics authors\u2019 blog posts from over 10 years of blogging about economics in all areas of our life.", + "categories": "environment", + "review_score": 9.8 + }, + { + "Unnamed: 0": 560, + "book_name": "Farmageddon", + "summaries": " is a shocking compendium of the facts and figures about how the mass production of cheap meat influences our world, ranging from water and air pollution, to threatening species, to making us obese and sick, in order to\u00a0show why we must return to more traditional farming techniques to sustainably feed the world.", + "categories": "environment", + "review_score": 8.9 + }, + { + "Unnamed: 0": 561, + "book_name": "The Botany Of Desire", + "summaries": " describes how, contrary to popular belief, we might not be using plants as much as plants use us, by getting humans to ensure their survival, thanks to appealing to our desires for beauty, sweetness, intoxication and control.", + "categories": "environment", + "review_score": 6.2 + }, + { + "Unnamed: 0": 562, + "book_name": "A New Earth", + "summaries": " outlines a crazy and destructive place we call home, but not without showing us that we can all save it together, by looking into our minds and detaching ourselves from our ego, so we can practice acceptance and enjoyment.", + "categories": "environment", + "review_score": 5.8 + }, + { + "Unnamed: 0": 563, + "book_name": "The Little Prince", + "summaries": " is a beautiful children\u2019s story full of valuable lessons for adults, recounting the tale of an aviator and a little boy from a distant planet, both stranded in the desert, looking to get home, sharing what they\u2019ve learned about life.", + "categories": "relationships", + "review_score": 4.2 + }, + { + "Unnamed: 0": 564, + "book_name": "The Picture of Dorian Gray", + "summaries": " tells the story of a young, beautiful man who trades his soul for eternal youth, then descends further and further into a moral abyss \u2014 until he discovers there is, after all, a price to pay for his actions.", + "categories": "relationships", + "review_score": 2.4 + }, + { + "Unnamed: 0": 565, + "book_name": "The Great Gatsby is an American classic following Jay Gatsby\u2019s quest to win back his long-lost love by faking a successful life,\u00a0", + "summaries": "depicting the struggles around love, relationships, societal standing, and consumerism of people in the \u201croaring\u201d 1920s.", + "categories": "relationships", + "review_score": 8.1 + }, + { + "Unnamed: 0": 566, + "book_name": "A Tale of Two Cities", + "summaries": " tells the stories of two connected families in 18th-century London and Paris, exploring everything from love and loss to murder and family intrigue, thus teaching us about history, ethics, and the complexity of human relationships.", + "categories": "relationships", + "review_score": 3.6 + }, + { + "Unnamed: 0": 567, + "book_name": "The Light We Carry", + "summaries": " is a set of practices to help you stay calm, optimistic, and confident in an unpredictable world, based on Michelle Obama\u2019s life experiences as a woman, mother, lawyer, daughter, leader, and the former First Lady of the United States.", + "categories": "relationships", + "review_score": 9.1 + }, + { + "Unnamed: 0": 568, + "book_name": "Dear Girls", + "summaries": " is a collection of letters written by comedian Ali Wong to her two daughters, recounting tales from her youth and life in an attempt to pass on some hard-earned wisdom to them and anyone willing to listen to her story.", + "categories": "relationships", + "review_score": 5.5 + }, + { + "Unnamed: 0": 569, + "book_name": "The Highly Sensitive Person", + "summaries": "\u00a0is a self-assessment guide and how-to-live template for people who feel, relate, process, and notice more deeply than others, and who frequently suffer from overstimulation as a result.", + "categories": "relationships", + "review_score": 4.6 + }, + { + "Unnamed: 0": 570, + "book_name": "Bittersweet", + "summaries": " explains where emotions like sorrow, longing, and sadness come from and what their purpose in our lives is, as well as helping us deal with grief, loss, and our own mortality.", + "categories": "relationships", + "review_score": 5.5 + }, + { + "Unnamed: 0": 571, + "book_name": "The Power of Regret", + "summaries": " is a deep dive into an emotion we all experience, outlining in three parts why regret makes us more human, not less, which four core regrets plague us all, and how we can accept and reshape our mistakes into better futures instead of keeping them as skeletons in our closets.", + "categories": "relationships", + "review_score": 5.6 + }, + { + "Unnamed: 0": 572, + "book_name": "Why Has Nobody Told Me This Before?", + "summaries": " is a collection of a clinical psychologist\u2019s best practical advice to combat anxiety and depression and improve our mental health in small increments, collected from over a decade of 1-on-1 work with patients.", + "categories": "relationships", + "review_score": 6.6 + }, + { + "Unnamed: 0": 573, + "book_name": "The Little Prince", + "summaries": " is a beautiful children\u2019s story full of valuable lessons for adults, recounting the tale of an aviator and a little boy from a distant planet, both stranded in the desert, looking to get home, sharing what they\u2019ve learned about life.", + "categories": "relationships", + "review_score": 6.6 + }, + { + "Unnamed: 0": 574, + "book_name": "The Picture of Dorian Gray", + "summaries": " tells the story of a young, beautiful man who trades his soul for eternal youth, then descends further and further into a moral abyss \u2014 until he discovers there is, after all, a price to pay for his actions.", + "categories": "relationships", + "review_score": 7.7 + }, + { + "Unnamed: 0": 575, + "book_name": "The Great Gatsby is an American classic following Jay Gatsby\u2019s quest to win back his long-lost love by faking a successful life,\u00a0", + "summaries": "depicting the struggles around love, relationships, societal standing, and consumerism of people in the \u201croaring\u201d 1920s.", + "categories": "relationships", + "review_score": 7.8 + }, + { + "Unnamed: 0": 576, + "book_name": "A Tale of Two Cities", + "summaries": " tells the stories of two connected families in 18th-century London and Paris, exploring everything from love and loss to murder and family intrigue, thus teaching us about history, ethics, and the complexity of human relationships.", + "categories": "relationships", + "review_score": 9.0 + }, + { + "Unnamed: 0": 577, + "book_name": "The Light We Carry", + "summaries": " is a set of practices to help you stay calm, optimistic, and confident in an unpredictable world, based on Michelle Obama\u2019s life experiences as a woman, mother, lawyer, daughter, leader, and the former First Lady of the United States.", + "categories": "relationships", + "review_score": 4.6 + }, + { + "Unnamed: 0": 578, + "book_name": "Dear Girls", + "summaries": " is a collection of letters written by comedian Ali Wong to her two daughters, recounting tales from her youth and life in an attempt to pass on some hard-earned wisdom to them and anyone willing to listen to her story.", + "categories": "relationships", + "review_score": 8.7 + }, + { + "Unnamed: 0": 579, + "book_name": "The Highly Sensitive Person", + "summaries": "\u00a0is a self-assessment guide and how-to-live template for people who feel, relate, process, and notice more deeply than others, and who frequently suffer from overstimulation as a result.", + "categories": "relationships", + "review_score": 9.0 + }, + { + "Unnamed: 0": 580, + "book_name": "Bittersweet", + "summaries": " explains where emotions like sorrow, longing, and sadness come from and what their purpose in our lives is, as well as helping us deal with grief, loss, and our own mortality.", + "categories": "relationships", + "review_score": 8.6 + }, + { + "Unnamed: 0": 581, + "book_name": "The Power of Regret", + "summaries": " is a deep dive into an emotion we all experience, outlining in three parts why regret makes us more human, not less, which four core regrets plague us all, and how we can accept and reshape our mistakes into better futures instead of keeping them as skeletons in our closets.", + "categories": "relationships", + "review_score": 9.2 + }, + { + "Unnamed: 0": 582, + "book_name": "Why Has Nobody Told Me This Before?", + "summaries": " is a collection of a clinical psychologist\u2019s best practical advice to combat anxiety and depression and improve our mental health in small increments, collected from over a decade of 1-on-1 work with patients.", + "categories": "relationships", + "review_score": 7.5 + }, + { + "Unnamed: 0": 583, + "book_name": "The Midnight Library", + "summaries": " tells the story of Nora, a depressed woman in her 30s, who, on the day she decides to die, finds herself in a library full of lives she could have lived, where she discovers there\u2019s a lot more to life, even her current one, than she had ever imagined.", + "categories": "relationships", + "review_score": 2.0 + }, + { + "Unnamed: 0": 584, + "book_name": "Brave New World", + "summaries": " presents a futuristic society engineered perfectly around capitalism and scientific efficiency, in which everyone is happy, conform, and content \u2014 but only at first glance.", + "categories": "relationships", + "review_score": 6.5 + }, + { + "Unnamed: 0": 585, + "book_name": "The Daily Laws", + "summaries": "\u00a0is a page-a-day, calendar-style book covering the three big topics of mastery, power, and emotions, sharing Robert Greene\u2019s best lessons from 20 years of research of the dynamics within and between humans.", + "categories": "relationships", + "review_score": 5.1 + }, + { + "Unnamed: 0": 586, + "book_name": "The Life-Changing Science of Detecting Bullshit", + "summaries": " teaches its readers how to avoid falling for the lies and false information that other people spread by helping them build essential thinking skills through examples from the real world.", + "categories": "relationships", + "review_score": 1.8 + }, + { + "Unnamed: 0": 587, + "book_name": "No Hard Feelings", + "summaries": " is a practical book for better managing the emotional side of work and building the skills needed to enhance your performance both within your role and more broadly throughout your career path by finding motivation again and managing negative emotions.", + "categories": "relationships", + "review_score": 9.0 + }, + { + "Unnamed: 0": 588, + "book_name": "One Decision", + "summaries": " explains how flawed decisions occur and how you can avoid them by analyzing data at first, asking for fact-checked opinions, eliminating your biases and prejudice, and many more useful practices derived from psychological research.", + "categories": "relationships", + "review_score": 6.5 + }, + { + "Unnamed: 0": 589, + "book_name": "Love Warrior", + "summaries": " delves into the life of Glennon Doyle, a woman who battled with self-destructive behaviors, eating disorders, depression, and many more challenges before finally embracing the life she deserved and started living meaningfully while being true to herself.", + "categories": "relationships", + "review_score": 4.0 + }, + { + "Unnamed: 0": 590, + "book_name": "The Courage to Be Happy", + "summaries": " offers a hands-on guide to living a meaningful life and letting go of negative thoughts by compiling the groundbreaking theories of psychologist Alfred Adler with other valuable research into an all-in-one book for becoming a happy and fulfilled person.", + "categories": "relationships", + "review_score": 8.1 + }, + { + "Unnamed: 0": 591, + "book_name": "Untamed", + "summaries": " is an inspiring memoir of Glennon Doyle, a woman who found peace and inner strength by challenging life in all its areas, from love to parenting, personal growth, and work, after going through a powerful change that led her to discover crucial aspects about herself and allowed her to build a new life.", + "categories": "relationships", + "review_score": 7.8 + }, + { + "Unnamed: 0": 592, + "book_name": "Good Vibes, Good Life", + "summaries": " explores ways to unlock your true potential by loving yourself more, practicing self-care, manifesting your wishes, and transforming negative emotions into positive ones using simple tips and tricks for a happy life.", + "categories": "relationships", + "review_score": 8.6 + }, + { + "Unnamed: 0": 593, + "book_name": "What to Say When You Talk to Yourself", + "summaries": " is a book by Shad Helmstetter, a self-help guru who has written several pieces on the subject of self-talk, and who argues that in order to achieve our highest self we need to work on how we talk to ourselves and identify our biggest challenge to conquer.", + "categories": "relationships", + "review_score": 3.7 + }, + { + "Unnamed: 0": 594, + "book_name": "Daily Rituals", + "summaries": " is a compilation of the best practices and habits of successful people from different fields aimed to help anyone increase productivity, get past writer\u2019s block, and become more creative and efficient in their everyday work.", + "categories": "relationships", + "review_score": 3.1 + }, + { + "Unnamed: 0": 595, + "book_name": "That Sounds Fun", + "summaries": " uncovers the secrets of a happy life: mindfulness, love, joy, and a good dose of doing whatever makes us happy as often as we can, starting from simple, day-to-day activities, to much bigger life experiences that speak to our soul.", + "categories": "relationships", + "review_score": 3.4 + }, + { + "Unnamed: 0": 596, + "book_name": "Hug Your Haters", + "summaries": " talks about the importance of acknowledging your haters or dissatisfied customers and valuing their opinion in the process of building better products, improving the existing offerings, and growing your strategies overall.", + "categories": "relationships", + "review_score": 6.4 + }, + { + "Unnamed: 0": 597, + "book_name": "Minor Feelings", + "summaries": " explores the purgatory state that Asian-Americans are stuck into as immigrants who have an image of non-white and non-black people who don\u2019t speak, disturb, or make any impression at all.", + "categories": "relationships", + "review_score": 5.7 + }, + { + "Unnamed: 0": 598, + "book_name": "The Year of Magical Thinking", + "summaries": " ", + "categories": "relationships", + "review_score": 5.3 + }, + { + "Unnamed: 0": 599, + "book_name": "Real Change", + "summaries": " offers a way out of the burdening problems around the world that sometimes weigh on our spirit and make us feel powerless by presenting meditation practices that help us alleviate negative emotions and face these issues with determination and change them for the better.", + "categories": "relationships", + "review_score": 10.0 + }, + { + "Unnamed: 0": 600, + "book_name": "The Inner Life of Animals", + "summaries": " presents complex research on animals and the life of our ecosystem, which is not so different than ours, given that they can feel pain, experience emotions, and share other similarities with us, humans.", + "categories": "relationships", + "review_score": 3.3 + }, + { + "Unnamed: 0": 601, + "book_name": "How to Talk to Anyone, Anytime, Anywhere", + "summaries": " shares the secrets of effective communication and teaches you how to adopt a charisma that\u2019ll help you navigate conversations easier, break the ice, and get your point across right away, and talk to people in general.", + "categories": "relationships", + "review_score": 4.2 + }, + { + "Unnamed: 0": 602, + "book_name": "Love People Use Things", + "summaries": " conceptualizes the idea of living a simple, minimalist life while focusing on what\u2019s important, such as the people next to us, and making the most of every moment spent with those we love.", + "categories": "relationships", + "review_score": 1.1 + }, + { + "Unnamed: 0": 603, + "book_name": "The Lost Art of Connecting", + "summaries": " explores ways to build meaningful and genuine relationships in life by using the Gather, Ask, Do method and relying less on gaining benefits from networking, but rather on deepening your connection with other human beings and cultivating authentic emotions.", + "categories": "relationships", + "review_score": 5.5 + }, + { + "Unnamed: 0": 604, + "book_name": "The Art of Possibility", + "summaries": " explores the remarkable effects of an open mentality and being prepared to seize opportunities, allowing a variety of possibilities into your life, and finding solutions to problems by being a hopeful person.", + "categories": "relationships", + "review_score": 6.8 + }, + { + "Unnamed: 0": 605, + "book_name": "The Comfort Crisis", + "summaries": " addresses contemporary people who live a stressful life and talks about being comfortable with discomfort and reclaiming a happy, healthy mindset by implementing a few odd, but highly effective practices in their daily lives.", + "categories": "relationships", + "review_score": 6.2 + }, + { + "Unnamed: 0": 606, + "book_name": "I Hear You", + "summaries": " explores the idea of becoming a better listener, engaging in productive conversations and avoiding building up frustrations by taking charge of your communication patterns and improving them in your further dialogues.", + "categories": "relationships", + "review_score": 7.7 + }, + { + "Unnamed: 0": 607, + "book_name": "Happy Together", + "summaries": " is written by two of the world\u2019s most renowned psychologists, and it explores the concept of love and relationships by teaching its readers how to build and maintain happy, flourishing connections and how to optimize their couple life by focusing on the good and healthily dealing with the bad.", + "categories": "relationships", + "review_score": 6.5 + }, + { + "Unnamed: 0": 608, + "book_name": "The Practice of Groundedness", + "summaries": " provides a more grounded way of living by eliminating the cult of being productive all the time to achieve success, instead offering a way to be at peace with yourself, prioritizing mental health and a simple yet meaningful life. ", + "categories": "relationships", + "review_score": 5.5 + }, + { + "Unnamed: 0": 609, + "book_name": "Rationality", + "summaries": " explores the concept of ration as the pylon of all human progress and how it sets us apart from all other species, helping us evolve and developing societal layers, rules of conduct, and moral grounds for all our endeavors in life.", + "categories": "relationships", + "review_score": 4.2 + }, + { + "Unnamed: 0": 610, + "book_name": "Atlas of the Heart", + "summaries": " maps out a series of human emotions and their meaning and explores the psychology behind a human\u2019s feelings and how they make up our lives and change our behaviors, and how to build meaningful connections by learning how to deal with them.", + "categories": "relationships", + "review_score": 4.9 + }, + { + "Unnamed: 0": 611, + "book_name": "Why Zebras Don\u2019t Get Ulcers", + "summaries": " explores the leading causes of stress and how to keep it under control, as well as the biological science behind stress, which can be a catalyst for performance in the short term, but a potential threat in the long run.", + "categories": "relationships", + "review_score": 8.5 + }, + { + "Unnamed: 0": 612, + "book_name": "How to Raise an Adult", + "summaries": " serves as a practical guide for all the parents who want to raise responsible and independent adults, but often catch themselves falling into the trap of over protecting their children and actually inhibiting their natural evolution and the growing up process.", + "categories": "relationships", + "review_score": 5.7 + }, + { + "Unnamed: 0": 613, + "book_name": "Perfectly Confident", + "summaries": " explores the idea of confidence and offers a series of valuable practices that anyone can implement in their life to improve this aspect, as well as an overview of how confidence is supposed to look and feel like in its realest form, without adding or subtracting too much of it. ", + "categories": "relationships", + "review_score": 1.8 + }, + { + "Unnamed: 0": 614, + "book_name": "Love Worth Making", + "summaries": " delves into the subject of sexuality and explores ways to create meaningful and exciting sexual experiences in a long-lasting relationship, based on his experience of over thirty years working with couples, all by focusing on the sexual feelings instead of the techniques.", + "categories": "relationships", + "review_score": 5.8 + }, + { + "Unnamed: 0": 615, + "book_name": "No More Mr. Nice Guy", + "summaries": " explores ways to eliminate the \u201cNice Guy Syndrome\u201d, which implies being a man that avoids conflicts at all costs and prefers to show only his nice side to the world, even when it affects him negatively by damaging his personality and preventing him from achieving his goals in life.", + "categories": "relationships", + "review_score": 4.5 + }, + { + "Unnamed: 0": 616, + "book_name": "Real Help", + "summaries": " offers a hands-on approach to improving your life and achieving unconventional success through a happy, fulfilled, ordinary life, rather than fighting the broken system until you\u2019ve got millions in the bank and out-of-the-ordinary achievements.", + "categories": "relationships", + "review_score": 5.1 + }, + { + "Unnamed: 0": 617, + "book_name": "The Art of Rhetoric", + "summaries": " is an ancient, time-proven reference book that explores the secrets behind persuasion, rhetoric, and good public speaking by providing compelling information on what a good speech should consist of and how truth and virtue are at the foundation of every good story.", + "categories": "relationships", + "review_score": 2.9 + }, + { + "Unnamed: 0": 618, + "book_name": "Humor, Seriously", + "summaries": " explores how bringing fun and entertainment into the workplace can enhance team productivity, spark creativity, increase trust between members and improve people\u2019s overall sentiment in relation to work and job-related activities.", + "categories": "relationships", + "review_score": 9.7 + }, + { + "Unnamed: 0": 619, + "book_name": "U Thrive", + "summaries": " explores the topic of college life and offers practical advice on how to diminish stress and anxiety from exams, deadlines, unfitting roommates, while thriving in the campus, academic life, and creating meaningful experiences.", + "categories": "relationships", + "review_score": 6.4 + }, + { + "Unnamed: 0": 620, + "book_name": "The Joy of Missing Out", + "summaries": " explores today\u2019s idea of productivity and common misconceptions about what it means to be productive, as well as how eliminating unnecessary stress by prioritizing effectively can help us live a better life.", + "categories": "relationships", + "review_score": 6.7 + }, + { + "Unnamed: 0": 621, + "book_name": "Legendary Service", + "summaries": " talks about the principles behind extraordinary customer service and how a company can implement them to achieve a competitive advantage and stand out on the market using simple, yet crucial tactics to satisfy customers.", + "categories": "relationships", + "review_score": 5.4 + }, + { + "Unnamed: 0": 622, + "book_name": "Safe People", + "summaries": " focuses on the importance of recognizing the types of people, distinguishing between the safe and unsafe ones, avoiding toxic relationships, and establishing meaningful ones by reading people and trusting God.", + "categories": "relationships", + "review_score": 6.5 + }, + { + "Unnamed: 0": 623, + "book_name": "Be Where Your Feet Are", + "summaries": " explores the enlightening life lessons that one of America\u2019s top-tier sports personalities has to give, from being present in the moment and living in a meaningful way, to achieving a more fulfilling and successful life.", + "categories": "relationships", + "review_score": 4.9 + }, + { + "Unnamed: 0": 624, + "book_name": "The Leader In You", + "summaries": " explores how the world leaders managed to achieve performance in their lives by creating meaningful connections and reaching a higher level of productivity through a positive, proactive mindset.", + "categories": "relationships", + "review_score": 1.6 + }, + { + "Unnamed: 0": 625, + "book_name": "How To Do The Work", + "summaries": " is a go-to guide that teaches us how to establish a mind-body-spirit connection and create better connections with the people around us by exploring how these aspects are interconnected and influenced by the way we eat, think, and feel.", + "categories": "relationships", + "review_score": 1.9 + }, + { + "Unnamed: 0": 626, + "book_name": "The Power of Focus", + "summaries": " offers its readers a focus-based approach that they can use to achieve their financial and personal goals through practical exercises and habits that they can implement into their daily lives to actively shape their future.", + "categories": "relationships", + "review_score": 8.0 + }, + { + "Unnamed: 0": 627, + "book_name": "Keep Showing Up", + "summaries": " explores the struggles that married couples face on a daily basis, from falling into a routine to fighting over their children, and how to overcome them by being grateful, positive and re-establishing a connection with God. ", + "categories": "relationships", + "review_score": 8.5 + }, + { + "Unnamed: 0": 628, + "book_name": "The Genius of Dogs", + "summaries": " explores the curious mind of man\u2019s best friend in relation to human intelligence, as dogs and humans are connected and have many similarities that make the relationship between them so strong and unique. ", + "categories": "relationships", + "review_score": 4.2 + }, + { + "Unnamed: 0": 629, + "book_name": "Collaborative Intelligence", + "summaries": " helps you enhance your unique thinking traits and develop an individualized form of intelligence based on what works best for you, what your strengths are, and how you communicate with others.", + "categories": "relationships", + "review_score": 7.5 + }, + { + "Unnamed: 0": 633, + "book_name": "How To Fail", + "summaries": " shows the surprising benefits of going through a difficult time through the experiences of the author, Elizabeth Day, including the failures in her life that she\u2019s grateful for and how they\u2019ve helped her grow, uncovering why we shouldn\u2019t be so afraid of failure but instead embrace it.", + "categories": "relationships", + "review_score": 4.3 + }, + { + "Unnamed: 0": 634, + "book_name": "How To Change", + "summaries": "\u00a0identifies the stumbling blocks that are in your way of reaching your goals and improving yourself and the research-backed ways to get over them, including how to beat some of the worst productivity and life problems like procrastination, laziness, and much more.", + "categories": "relationships", + "review_score": 5.0 + }, + { + "Unnamed: 0": 635, + "book_name": "The Art of Stopping Time", + "summaries": " teaches a framework of mindfulness, philosophy, and time-management you can use to achieve Time Prosperity, which is having plenty of time to reach your dreams without overwhelm, tumult, or constriction.", + "categories": "relationships", + "review_score": 6.0 + }, + { + "Unnamed: 0": 636, + "book_name": "Boundaries", + "summaries": " explains, with the help of modern psychology and Christian ideals, how to improve your mental health and personal growth by establishing guidelines for self-care that include saying no more often and standing firm in your decisions rather than letting people walk all over you.", + "categories": "relationships", + "review_score": 2.8 + }, + { + "Unnamed: 0": 637, + "book_name": "Intimacy And Desire", + "summaries": " uses case studies of couples in therapy to show how partners can turn their normal sexual struggles and issues with sexual desire into a journey of personal, spiritual, and psychological growth that leads to a stronger bond and deeper, healthier desires for each other.", + "categories": "relationships", + "review_score": 2.3 + }, + { + "Unnamed: 0": 638, + "book_name": "Open", + "summaries": " is the autobiography of world-famous tennis player Andre Agassi in which he details his struggles and successes on the way to self-awareness and balance while he was also trying to handle the constant pressures and difficulties that came from being one of the best tennis players in the world.", + "categories": "relationships", + "review_score": 9.1 + }, + { + "Unnamed: 0": 639, + "book_name": "How To Be A Leader", + "summaries": " is Greek philosopher Plutarch\u2019s guide to leadership and uses practical ideas, historical narratives, political events, and more to outline the qualities of the best leaders, including serving for the right reasons, speaking persuasively, and following more experienced leaders.", + "categories": "relationships", + "review_score": 2.6 + }, + { + "Unnamed: 0": 640, + "book_name": "Greenlights", + "summaries": " is the autobiography of Matthew McConaughey, in which he takes us on a wild ride of his journey through a childhood of tough love, rising to fame and success in Hollywood, changing his career, and more, guided by the green lights he saw that led him forward at each step.", + "categories": "relationships", + "review_score": 8.8 + }, + { + "Unnamed: 0": 641, + "book_name": "Think Again", + "summaries": " will make you more intelligent, persuasive, and self-aware by identifying the power of being humble about what you don\u2019t know, how to recognize blind spots in your thinking before they start causing you problems, and what you can do to become more effective at convincing others of your way of thinking.", + "categories": "relationships", + "review_score": 9.6 + }, + { + "Unnamed: 0": 642, + "book_name": "Caste", + "summaries": " unveils the hidden cultural and societal rules of our class system, including where it comes from, why it\u2019s so deeply entrenched in society, and how we can dismantle it forever and finally allow all people to have the equality they deserve.\u00a0", + "categories": "relationships", + "review_score": 8.8 + }, + { + "Unnamed: 0": 643, + "book_name": "Raising A Secure Child", + "summaries": " teaches new parents how to feel confident that they can meet their child\u2019s needs without making them too attached by outlining the experience that Hoffman, Cooper, and Powell have in helping parents form healthy attachments with their kids in ways that help them avoid becoming too hard on themselves and their children.", + "categories": "relationships", + "review_score": 8.3 + }, + { + "Unnamed: 0": 644, + "book_name": "Say Nothing", + "summaries": " contains the awful story of murder amid the Northern Ireland Conflict and a reflection on what caused it, those who were primarily involved, some of the worst parts of what happened, and other details of this dark era in the history of Ireland.", + "categories": "relationships", + "review_score": 2.5 + }, + { + "Unnamed: 0": 645, + "book_name": "Boys & Sex", + "summaries": " shares the best insights that Peggy Orenstein had after two years of asking young men about their sex lives, including why stereotypes make life harder for them, how hookup culture is destroying relationships, and what we as a society can do to help these boys have better, healthier views about and experiences with sex.", + "categories": "relationships", + "review_score": 2.1 + }, + { + "Unnamed: 0": 646, + "book_name": "The Relationship Cure", + "summaries": " will show you how to improve all your relationships whether in a marriage, at work, or with friends, by revealing the science of understanding how others communicate their needs and how to efficiently express your own desires too.", + "categories": "relationships", + "review_score": 7.1 + }, + { + "Unnamed: 0": 647, + "book_name": "The Social Leap", + "summaries": " will help you understand human nature better by explaining the most significant event in our species\u2019 evolutionary history and looking at how we adapted socially, emotionally, and psychologically to survive.", + "categories": "relationships", + "review_score": 5.3 + }, + { + "Unnamed: 0": 648, + "book_name": "Survival Of The Friendliest", + "summaries": " explains why the #1 thing you can do for success is to focus on your social connections, how friendliness was the reason that our early ancestors survived as well as they did, and what you can do today to grow your social capital.", + "categories": "relationships", + "review_score": 5.9 + }, + { + "Unnamed: 0": 649, + "book_name": "Relationship Goals", + "summaries": " will open your mind to the true nature of healthy connections with others and help you prepare for health and happiness while you\u2019re single and when you get married by outlining common relationship traps and how to avoid them.", + "categories": "relationships", + "review_score": 5.4 + }, + { + "Unnamed: 0": 650, + "book_name": "Power Relationships", + "summaries": " shows you how to have a fantastic career and a fulfilling life by connecting with the right people early and growing those relationships.", + "categories": "relationships", + "review_score": 9.2 + }, + { + "Unnamed: 0": 651, + "book_name": "How To Love", + "summaries": " teaches the secrets of caring for and connecting with yourself, your partner, and everyone in the world by looking at love through the lens of mindfulness.", + "categories": "relationships", + "review_score": 9.9 + }, + { + "Unnamed: 0": 652, + "book_name": "Quiet Power", + "summaries": " identifies the hidden superpowers of introverts and empowers them by helping them understand why it\u2019s so difficult to be quiet in a world that\u2019s loud and how to ease their way into becoming confident in social situations.", + "categories": "relationships", + "review_score": 9.7 + }, + { + "Unnamed: 0": 653, + "book_name": "Thank You For Arguing", + "summaries": " outlines the importance of arguments and rhetoric and teaches you how to persuade other people by setting clear goals for your conversations, identifying core issues, using logic, being the kind of person that can win arguments, and much more.", + "categories": "relationships", + "review_score": 2.6 + }, + { + "Unnamed: 0": 654, + "book_name": "Games People Play", + "summaries": " is a classic book about human behavior which explains the wild and interesting psychological games that you and everybody around you play to manipulate each other in self-destructive and divisive ways and how to tame your ego so you can quit playing and enjoy healthier relationships.", + "categories": "relationships", + "review_score": 2.1 + }, + { + "Unnamed: 0": 655, + "book_name": "The Leadership Challenge", + "summaries": " shares the top leadership lessons from 25 years of experience and research of authors James Kouzes and Barry Posner and explains what makes successful managers and how you can apply the same principles to become one yourself.", + "categories": "relationships", + "review_score": 6.8 + }, + { + "Unnamed: 0": 656, + "book_name": "The Wisdom Of Finance", + "summaries": " is a fascinating book that identifies the differences and similarities between the world of money and life experiences like relationships, showing how principles from each of these can benefit each other.", + "categories": "relationships", + "review_score": 6.1 + }, + { + "Unnamed: 0": 657, + "book_name": "The Apology Impulse", + "summaries": " will help you and your business become more authentic in your relationships with others by identifying how much companies say sorry, why they do, how they get it wrong, and the right way to do it.", + "categories": "relationships", + "review_score": 6.7 + }, + { + "Unnamed: 0": 658, + "book_name": "The Art Of Communicating", + "summaries": " will improve your interpersonal and relationship skills by identifying the power of using mindfulness when talking with others, showing you how to listen with respect, convey your ideas efficiently, and most of all deepen your connections with others.", + "categories": "relationships", + "review_score": 6.5 + }, + { + "Unnamed: 0": 659, + "book_name": "Good People", + "summaries": " is a book about business and leadership which explains the importance of focusing on and building integrity in the workplace, including why it\u2019s so vital if you want your company to be successful, how you can get it, and why an emphasis on competencies alone won\u2019t cut it anymore.", + "categories": "relationships", + "review_score": 7.4 + }, + { + "Unnamed: 0": 660, + "book_name": "The Lucifer Effect", + "summaries": " is a book by Philip Zimbardo that explains why you\u2019re not always a good person, identifying the often misunderstood line between good and evil that we all walk by uncovering the shocking results of the authors Stanford Prison Experiment and other cases that show how evil people can be.", + "categories": "relationships", + "review_score": 7.4 + }, + { + "Unnamed: 0": 661, + "book_name": "Come As You Are", + "summaries": " is sex educator Dr. Emily Nagoski\u2019s explanation of the truth about female sexuality, including the hidden science of what turns women on, why it works, how to utilize this knowledge to improve your sex life, and why sexual myths make you feel inadequate in bed.", + "categories": "relationships", + "review_score": 6.5 + }, + { + "Unnamed: 0": 662, + "book_name": "The Seven Principles For Making Marriage Work", + "summaries": " is a compilation of the best lessons from John Gottman\u2019s research on how healthy relationships happen and will teach you exactly what you and your spouse need to do to have a happy, healthy, and successful marriage.", + "categories": "relationships", + "review_score": 4.7 + }, + { + "Unnamed: 0": 663, + "book_name": "She Comes First", + "summaries": " is sex therapist Dr. Ian Kerner\u2019s guide to improving sex by emphasizing the female orgasm, explaining why changing your mindset about sex and focusing on the stimulation of the right places in the right ways can be more enjoyable than intercourse for both men and women.", + "categories": "relationships", + "review_score": 7.3 + }, + { + "Unnamed: 0": 664, + "book_name": "Mating In Captivity", + "summaries": " explains the best sex advice that couples therapist Esther Perel has discovered in over twenty years of experience, and explains the barriers that can kill sexual desire in our domesticated society and what you and your spouse can do to remove them so you can enjoy better emotional and physical intimacy together.", + "categories": "relationships", + "review_score": 4.9 + }, + { + "Unnamed: 0": 665, + "book_name": "First They Killed My Father", + "summaries": " is Loung Ung\u2019s account of the horrific events that she and her family had to go through while living in Cambodia during the Khmer Rouge regime in the 1970s and explains how it devastated their country, the way it separated their family, and how Loung got through it all.", + "categories": "relationships", + "review_score": 7.3 + }, + { + "Unnamed: 0": 666, + "book_name": "Getting To Yes", + "summaries": " is a handbook for having successful negotiations that teaches everything you need to know about resolving conflicts of all kinds and reaching win-win solutions in every discussion without giving in or making the other person unhappy.", + "categories": "relationships", + "review_score": 9.2 + }, + { + "Unnamed: 0": 667, + "book_name": "Emotional Intelligence 2.0", + "summaries": " explains what Emotional Intelligence is and how you can use it to build fantastic relationships in your personal life and career by utilizing the powers of self-awareness, self-management, social awareness, and relationship management.", + "categories": "relationships", + "review_score": 3.6 + }, + { + "Unnamed: 0": 668, + "book_name": "Presence", + "summaries": " is a life-changing guide to growing your self-confidence that shows how posture, mindset, and body language all expand your feeling of empowerment and your communication skills.", + "categories": "relationships", + "review_score": 8.8 + }, + { + "Unnamed: 0": 669, + "book_name": "On Tyranny", + "summaries": " makes you more vigilant of the warning signs of oppression by identifying it\u2019s political nature, how to protect yourself and society, and what you can do to resist dangerous leadership.", + "categories": "relationships", + "review_score": 3.9 + }, + { + "Unnamed: 0": 670, + "book_name": "Radical Candor", + "summaries": "\u00a0will teach you how to connect with people at work, push them to be their best, know when and how to fire them, and create an environment of trust and innovation in the workplace.", + "categories": "relationships", + "review_score": 9.3 + }, + { + "Unnamed: 0": 671, + "book_name": "Weird Parenting Wins", + "summaries": " will make you better at raising your kids by sharing some strange ways that fathers and mothers have had success with their children, helping you see that your intuition might just be the greatest tool you have at your disposal.", + "categories": "relationships", + "review_score": 5.7 + }, + { + "Unnamed: 0": 672, + "book_name": "Hillbilly Elegy", + "summaries": " is the inspiring autobiography of J.D. Vance who explains how his life began in poverty and turbulence and what he had to do to beat those difficult circumstances and rise to success.", + "categories": "relationships", + "review_score": 7.4 + }, + { + "Unnamed: 0": 673, + "book_name": "Leadership and Self-Deception", + "summaries": " is a guide to becoming self-aware by learning to see your faults more accurately, understanding other\u2019s strengths and needs, and leaning into your natural instinct to help other people as much as possible.", + "categories": "relationships", + "review_score": 8.4 + }, + { + "Unnamed: 0": 674, + "book_name": "Becoming The Boss", + "summaries": " shows leaders of all kinds, whether new or experienced, how to identify the pitfalls that stand in the way of influencing others for the better and overcome them.", + "categories": "relationships", + "review_score": 2.0 + }, + { + "Unnamed: 0": 675, + "book_name": "Who Not How", + "summaries": " will skyrocket your success, happiness, and fulfillment in all areas of your life by identifying why you\u2019re looking at your problems the wrong way and how simply seeking to get the right people to help you will make all the difference.", + "categories": "relationships", + "review_score": 2.8 + }, + { + "Unnamed: 0": 676, + "book_name": "The Power Of Showing Up", + "summaries": " inspires parents to help their kids develop strong bonds and emotional intelligence by identifying how to be fully present as well as the benefits of doing so.", + "categories": "relationships", + "review_score": 4.4 + }, + { + "Unnamed: 0": 677, + "book_name": "Thanks For The Feedback", + "summaries": " will skyrocket your personal growth and success by helping you see the vital role that criticism of all kinds plays in your ability to improve as a person and by teaching you how to receive it well.", + "categories": "relationships", + "review_score": 7.2 + }, + { + "Unnamed: 0": 678, + "book_name": "Words Can Change Your Brain", + "summaries": " is the ultimate guide to becoming an expert communicator, teaching you how to use psychology to your advantage to express yourself better, listen more, and create an environment of trust with anyone you speak with.", + "categories": "relationships", + "review_score": 6.4 + }, + { + "Unnamed: 0": 679, + "book_name": "Happier", + "summaries": " will improve your mental state and level of success by identifying what you get wrong about joy and how to discover what\u2019s most important to you and how to make those things a more significant part of your life.", + "categories": "relationships", + "review_score": 2.6 + }, + { + "Unnamed: 0": 680, + "book_name": "Bad Feminist", + "summaries": " will show you a new way of looking at equality by revealing some not so common ideas about race, gender, and feminism in the United States.", + "categories": "relationships", + "review_score": 2.4 + }, + { + "Unnamed: 0": 681, + "book_name": "The Power Of Bad", + "summaries": " gives some excellent tips on how to become happier by identifying your tendency toward negativity and what psychology and research have to show you about how to beat it.", + "categories": "relationships", + "review_score": 6.1 + }, + { + "Unnamed: 0": 682, + "book_name": "Everybody Matters", + "summaries": " identifies the best way to become successful in business, help your team members trust you, and enable people to reach their full potential by showing the power of taking better care of your employees as if they were family.", + "categories": "relationships", + "review_score": 3.4 + }, + { + "Unnamed: 0": 683, + "book_name": "Hold Me Tight", + "summaries": " gives you advice on how to build and sustain a deeper connection with your spouse or partner by identifying the importance that every kind of emotion has in creating a lasting relationship and how to handle each of them maturely.", + "categories": "relationships", + "review_score": 2.5 + }, + { + "Unnamed: 0": 684, + "book_name": "Conscious Uncoupling", + "summaries": " will improve your love life by showing you how to break up the right way and why things are going to be okay after you separate from someone you once loved.", + "categories": "relationships", + "review_score": 6.5 + }, + { + "Unnamed: 0": 685, + "book_name": "So You Want To Talk About Race", + "summaries": " will help you make the world a better, fairer place by explaining how deeply entrenched racism is in our culture today and giving specific tips for having effective conversations about it so you can help end this major issue with society.", + "categories": "relationships", + "review_score": 3.1 + }, + { + "Unnamed: 0": 686, + "book_name": "The Pragmatist\u2019s Guide To Relationships", + "summaries": " is an extensive, practical guide to finding a companion, be it for marriage, dating, or sex and building a healthy, happy life with them.", + "categories": "relationships", + "review_score": 4.1 + }, + { + "Unnamed: 0": 687, + "book_name": "Battle Hymn Of The Tiger Mother", + "summaries": " opens your eyes to the potential benefits of tough love by sharing the traditionally Chinese parenting style and experiences of Amy Chua.", + "categories": "relationships", + "review_score": 4.1 + }, + { + "Unnamed: 0": 688, + "book_name": "13 Things Mentally Strong Parents Don\u2019t Do", + "summaries": " teaches parents how to stop being a roadblock to their kids academic, behavioral, and emotional success by outlining ways to develop the right thinking habits.", + "categories": "relationships", + "review_score": 2.9 + }, + { + "Unnamed: 0": 689, + "book_name": "Blueprint", + "summaries": " helps you have hope for the goodness of the human race by revealing our biologically wired social tendencies that help us survive and thrive by working together.", + "categories": "relationships", + "review_score": 8.8 + }, + { + "Unnamed: 0": 690, + "book_name": "How To Be An Antiracist", + "summaries": " will make you a better, kinder, and more fair person by revealing how deeply ingrained racism is in our society and outlining what we can all do to annihilate it completely.", + "categories": "relationships", + "review_score": 8.7 + }, + { + "Unnamed: 0": 691, + "book_name": "SPIN Selling", + "summaries": " is your guide to becoming an expert salesperson by identifying what the author learned from 35,000 sales calls and 12 years of research on the topic.", + "categories": "relationships", + "review_score": 4.5 + }, + { + "Unnamed: 0": 692, + "book_name": "The Coaching Habit", + "summaries": " outlines the questions, attitudes, and habits required of managers who want to become great at motivating their team to become self-sustaining.", + "categories": "relationships", + "review_score": 3.8 + }, + { + "Unnamed: 0": 693, + "book_name": "Educated", + "summaries": " will help you become more grateful for your schooling, freedom, and normal relationships by explaining the family difficulties that Tara Westover had to break free of so that she could get her own education.", + "categories": "relationships", + "review_score": 7.2 + }, + { + "Unnamed: 0": 694, + "book_name": "The Advice Trap", + "summaries": "\u00a0will drastically improve your communication skills and make you more likable, thanks to explaining why defaulting to sharing your opinion about everything is a bad idea and how listening until you truly understand people\u2019s needs will make a much bigger positive difference in their lives.", + "categories": "relationships", + "review_score": 1.3 + }, + { + "Unnamed: 0": 695, + "book_name": "The Book You Wish Your Parents Had Read", + "summaries": " will help you step back and focus more on the big picture of parenting to foster a strong relationship with your child so they can grow up emotionally and mentally healthy.", + "categories": "relationships", + "review_score": 6.4 + }, + { + "Unnamed: 0": 696, + "book_name": "You\u2019re Not Listening", + "summaries": " is a book that will improve your communication skills by revealing how uncommon the skill of paying attention to what others are saying is and what experts teach about how to get better at it.", + "categories": "relationships", + "review_score": 5.1 + }, + { + "Unnamed: 0": 697, + "book_name": "Insight", + "summaries": " will help you understand what self-awareness is, why it\u2019s vital if you want to become your best self, and how to overcome the obstacles in the way of having more of it.", + "categories": "relationships", + "review_score": 8.5 + }, + { + "Unnamed: 0": 698, + "book_name": "All About Love", + "summaries": " teaches you how to get more affection and connection in your relationships by explaining why true love is so difficult these days and how to combat the unrealistic expectations society has set up that makes it so hard.", + "categories": "relationships", + "review_score": 8.6 + }, + { + "Unnamed: 0": 699, + "book_name": "Selfish Reasons to Have More Kids", + "summaries": " explains how parents accidentally allowed modernity to suck all the pleasure out of family life, and why they should feel no guilt over choosing a low-stress way of parenting instead. ", + "categories": "relationships", + "review_score": 3.7 + }, + { + "Unnamed: 0": 700, + "book_name": "The Road Back To You", + "summaries": " will teach you more about what kind of person you are by identifying the pros and cons of each personality type within the Enneagram test.", + "categories": "relationships", + "review_score": 1.4 + }, + { + "Unnamed: 0": 701, + "book_name": "The Hero Factor", + "summaries": " teaches by example that real leadership success focuses on people as much as profits.", + "categories": "relationships", + "review_score": 7.9 + }, + { + "Unnamed: 0": 702, + "book_name": "The Business Romantic", + "summaries": " shows how doing business that is focused on passion and connection leads to more success in today\u2019s world.", + "categories": "relationships", + "review_score": 3.0 + }, + { + "Unnamed: 0": 703, + "book_name": "Brotopia", + "summaries": " motivates you to be fairer in the workplace as an employee or employer by revealing the sad sexist state of Silicon Valley.", + "categories": "relationships", + "review_score": 3.9 + }, + { + "Unnamed: 0": 704, + "book_name": "What They Don\u2019t Teach You At Harvard Business School", + "summaries": " teaches why succeeding in business has less to do with accumulated theoretical knowledge through schooling and books, and more about people and communication.", + "categories": "relationships", + "review_score": 2.0 + }, + { + "Unnamed: 0": 705, + "book_name": "30 Lessons For Loving", + "summaries": " gives the relationship advice of hundreds of couples who have stayed together into old age and will teach you how to have happiness and longevity in your love life.", + "categories": "relationships", + "review_score": 9.6 + }, + { + "Unnamed: 0": 706, + "book_name": "Leadership Strategy And Tactics", + "summaries": " shows you how to become effective when you\u2019re in charge by using the power of traits like accountability, humility, and others that Jocko Willink uses to lead his team of Navy SEALs.", + "categories": "relationships", + "review_score": 4.4 + }, + { + "Unnamed: 0": 707, + "book_name": "The Algebra of Happiness", + "summaries": " outlines the variables in the equation for happiness and how to build them in your life.", + "categories": "relationships", + "review_score": 7.4 + }, + { + "Unnamed: 0": 708, + "book_name": "The Power Paradox", + "summaries": " frames the concept of power in an inspiring new narrative, which can help us create better and more equal relationships, workplaces, and societies.", + "categories": "relationships", + "review_score": 7.7 + }, + { + "Unnamed: 0": 709, + "book_name": "Between The World And Me", + "summaries": " helps us all fight prejudice and prepares young black men in the US for growing up by revealing Ta-Nehisi Coates\u2019s reality of life as a black man dealing with racism in America.", + "categories": "relationships", + "review_score": 2.8 + }, + { + "Unnamed: 0": 710, + "book_name": "The Body Keeps The Score", + "summaries": " teaches you how to get through the difficulties that arise from your traumatic past by revealing the psychology behind them and revealing some of the techniques therapists use to help victims recover.", + "categories": "relationships", + "review_score": 6.7 + }, + { + "Unnamed: 0": 711, + "book_name": "An Invisible Thread", + "summaries": " will help you feel more motivated to be kind to others by sharing the heartwarming story of the incredible friendship between a boy afflicted with poverty and a successful businesswoman.", + "categories": "relationships", + "review_score": 4.9 + }, + { + "Unnamed: 0": 712, + "book_name": "A Beginner\u2019s Guide To The End", + "summaries": " is your guide to using the principles of stillness, cleaning, and grief to prepare for your own or a loved one\u2019s death.", + "categories": "relationships", + "review_score": 2.0 + }, + { + "Unnamed: 0": 713, + "book_name": "When Breath Becomes Air", + "summaries": " helps you see what\u2019s really important by diving into Paul Kalanithi\u2019s life of loving neuroscience, literature, meaning, and his family that ended from cancer in his mid-thirties. ", + "categories": "relationships", + "review_score": 1.7 + }, + { + "Unnamed: 0": 714, + "book_name": "Why Are We Yelling?", + "summaries": " will improve your relationships, professional life, and the way you view the world by showing you that arguments aren\u2019t bad, but important growing experiences if we learn to make them productive.", + "categories": "relationships", + "review_score": 7.9 + }, + { + "Unnamed: 0": 715, + "book_name": "A General Theory Of Love", + "summaries": " will help you reprogram your mind for better emotional intelligence and relationships by teaching you what three psychiatrists have to say about the science of why we experience love and other emotions.", + "categories": "relationships", + "review_score": 7.3 + }, + { + "Unnamed: 0": 716, + "book_name": "The Go-Giver", + "summaries": " teaches a pattern for becoming a better person and seeing more success in business and work by focusing on being authentic and giving as much value as possible. ", + "categories": "relationships", + "review_score": 5.7 + }, + { + "Unnamed: 0": 717, + "book_name": "The Anatomy Of Peace", + "summaries": " will help you make your life and the world more calm by explaining the inefficiencies in our go-to pattern of using conflict to resolve differences and giving specific tips for how to use understanding to settle issues.", + "categories": "relationships", + "review_score": 2.0 + }, + { + "Unnamed: 0": 718, + "book_name": "The Little Book of Lykke", + "summaries": " gives Danish-derived and science-backed tips that will help you be happier.", + "categories": "relationships", + "review_score": 1.4 + }, + { + "Unnamed: 0": 719, + "book_name": "Extraordinary Influence", + "summaries": " helps you become a better leader by revealing what neuroscience has to say about effective leadership, identifying communication as the key to the highest levels of performance.", + "categories": "relationships", + "review_score": 3.9 + }, + { + "Unnamed: 0": 720, + "book_name": "A Return To Love", + "summaries": " will help you let go of resentment, fear, and anger to have happier and healthier jobs and relationships by teaching you how to embrace the power of love.", + "categories": "relationships", + "review_score": 3.0 + }, + { + "Unnamed: 0": 721, + "book_name": "A Vindication Of The Rights Of Woman", + "summaries": " will help you make the world a more fair place by teaching some of the gender inequalities of the eighteenth century.", + "categories": "relationships", + "review_score": 3.2 + }, + { + "Unnamed: 0": 722, + "book_name": "Unlocking Potential", + "summaries": " is a guide that will help you as a leader make a difference in people\u2019s lives in the long run by learning how to coach people in a way that brings to light their greatest strengths and capabilities.", + "categories": "relationships", + "review_score": 1.0 + }, + { + "Unnamed: 0": 723, + "book_name": "Tell Me More", + "summaries": " will help you make everything, even the worst of times, go more smoothly by learning about a few useful phrases to habitually use come rain or shine.", + "categories": "relationships", + "review_score": 6.0 + }, + { + "Unnamed: 0": 724, + "book_name": "How To Be Black", + "summaries": " is a personal story illustrating what it means to be black in a reality largely determined by the white culture.", + "categories": "relationships", + "review_score": 1.9 + }, + { + "Unnamed: 0": 725, + "book_name": "The 5 Levels Of Leadership", + "summaries": " will teach you how to lead others with lasting influence by focusing on your people instead of your position.", + "categories": "relationships", + "review_score": 7.8 + }, + { + "Unnamed: 0": 726, + "book_name": "Talking To Strangers", + "summaries": " helps you better understand and accurately judge the people you don\u2019t know while staying patient and tolerant with others.", + "categories": "relationships", + "review_score": 5.3 + }, + { + "Unnamed: 0": 727, + "book_name": "Big Potential", + "summaries": " will show you that the real secret to success and thriving in all aspects of life is developing strong connections with others and treating them in a way that lifts them up.", + "categories": "relationships", + "review_score": 5.0 + }, + { + "Unnamed: 0": 728, + "book_name": "The Second Mountain", + "summaries": " argues that the key to living a meaningful, fulfilling, and happy life is not found in the pursuit of self-improvement but instead a life of service to others.", + "categories": "relationships", + "review_score": 9.4 + }, + { + "Unnamed: 0": 729, + "book_name": "Invisible Influence", + "summaries": " will help you make better choices by revealing and reducing the effect that others have on your actions, thoughts, and preferences.", + "categories": "relationships", + "review_score": 4.6 + }, + { + "Unnamed: 0": 730, + "book_name": "The Fine Art Of Small Talk", + "summaries": " will teach you how to skillfully start, continue, and end conversations with anyone, no matter how shy you think you are.", + "categories": "relationships", + "review_score": 5.2 + }, + { + "Unnamed: 0": 731, + "book_name": "Necessary Endings", + "summaries": " is a guide to change that explains how you can get rid of unwanted behaviors, events, and people in your life and use the magic of new beginnings to build a better life.", + "categories": "relationships", + "review_score": 2.7 + }, + { + "Unnamed: 0": 732, + "book_name": "Never Split the Difference", + "summaries": "\u00a0is one of the best negotiation manuals ever written, explaining why you should never compromise, and how to negotiate like a pro in your everyday life as well as high-stakes situations.", + "categories": "relationships", + "review_score": 1.4 + }, + { + "Unnamed: 0": 733, + "book_name": "Finite And Infinite Games", + "summaries": "\u00a0offers the theory that we play many different games in life, showing you that work and relationships are long-term endeavors and how to play them in order to win.", + "categories": "relationships", + "review_score": 7.0 + }, + { + "Unnamed: 0": 734, + "book_name": "The Charisma Myth", + "summaries": " debunks the idea that charisma is a born trait, outlining several tools and exercises you can use to develop a charming social appeal and magnetic personality, even if you\u2019re not extroverted.", + "categories": "relationships", + "review_score": 2.8 + }, + { + "Unnamed: 0": 735, + "book_name": "Nonviolent Communication", + "summaries": " explains how focusing on people\u2019s underlying needs and making observations instead of judgments can revolutionize the way you interact with anybody, even your worst enemies.", + "categories": "relationships", + "review_score": 8.9 + }, + { + "Unnamed: 0": 736, + "book_name": "Difficult Conversations", + "summaries": " identifies why we shy away from some conversations more than others, and what we can do to navigate them successfully and without stress.", + "categories": "relationships", + "review_score": 9.0 + }, + { + "Unnamed: 0": 737, + "book_name": "The Secret Life of Pronouns", + "summaries": " is a collection of research and case studies explaining what our use of pronouns, articles, and other style words can reveal about ourselves.", + "categories": "relationships", + "review_score": 6.4 + }, + { + "Unnamed: 0": 738, + "book_name": "QBQ!", + "summaries": " will teach you to ask better questions and stay accountable and why doing so will change every aspect of your life for the better.", + "categories": "relationships", + "review_score": 6.2 + }, + { + "Unnamed: 0": 739, + "book_name": "The Road to Character", + "summaries": " explains why today\u2019s ever-increasing obsession with the self is eclipsing moral virtues and our ability to build character, and how that gets in the way of our happiness.", + "categories": "relationships", + "review_score": 3.1 + }, + { + "Unnamed: 0": 740, + "book_name": "Multipliers", + "summaries": "\u00a0explains the five types of people who inspire, support, and improve others in their organization, showing you how to become one as well as avoid diminishers, the people who drag down others and make it harder for them to perform.", + "categories": "relationships", + "review_score": 3.7 + }, + { + "Unnamed: 0": 741, + "book_name": "Spy the Lie", + "summaries": " is a collection of professional tips on how to more accurately detect when someone is lying to you through a combination of verbal and non-verbal cues.", + "categories": "relationships", + "review_score": 3.8 + }, + { + "Unnamed: 0": 742, + "book_name": "Social Intelligence", + "summaries": " is a complete guide to the neuroscience of relationships, explaining how your social interactions shape you and how you can use these effects to your advantage.", + "categories": "relationships", + "review_score": 9.4 + }, + { + "Unnamed: 0": 743, + "book_name": "Just Listen", + "summaries": " teaches how to get your message across to anyone by using proven listening and persuasion techniques. ", + "categories": "relationships", + "review_score": 4.0 + }, + { + "Unnamed: 0": 744, + "book_name": "Brainstorm", + "summaries": " is a fascinating look into the teenage brain that explains why adolescents act so hormonally and recklessly.", + "categories": "relationships", + "review_score": 6.3 + }, + { + "Unnamed: 0": 745, + "book_name": "How Emotions Are Made", + "summaries": " explores the often misconstrued world of human feelings and the cutting-edge science behind how they\u2019re formed.", + "categories": "relationships", + "review_score": 7.9 + }, + { + "Unnamed: 0": 746, + "book_name": "Against Empathy", + "summaries": " explains the problems with society\u2019s obsession with empathy and explores its limitations while giving us useful alternatives for situations in which it doesn\u2019t work.", + "categories": "relationships", + "review_score": 5.2 + }, + { + "Unnamed: 0": 747, + "book_name": "The Hidden Life of Trees", + "summaries": "\u00a0describes how trees can communicate, support each other, learn from experience, and form alliances with other inhabitants of the forest.", + "categories": "relationships", + "review_score": 1.2 + }, + { + "Unnamed: 0": 748, + "book_name": "The Moral Animal", + "summaries": " introduces you to the fascinating world of evolutionary psychology and uncovers the genetic strategies that explain why we do everything we do. ", + "categories": "relationships", + "review_score": 5.9 + }, + { + "Unnamed: 0": 749, + "book_name": "The Five Dysfunctions of a Team", + "summaries": " uses a fable to explain why even the best teams struggle to work together, offering actionable strategies to overcome distrust and office politics in order to achieve important goals as a cohesive, effective unit.", + "categories": "relationships", + "review_score": 2.3 + }, + { + "Unnamed: 0": 750, + "book_name": "Lost Connections", + "summaries": " explains why depression affects so many people and that improving our relationships, not taking medication, is the way to beat our mental health problems.", + "categories": "relationships", + "review_score": 7.7 + }, + { + "Unnamed: 0": 751, + "book_name": "Crucial Conversations", + "summaries": " will teach you how to avoid conflict and come to positive solutions in high-stakes conversations so you can be effective in your personal and professional life. ", + "categories": "relationships", + "review_score": 4.4 + }, + { + "Unnamed: 0": 752, + "book_name": "Executive Presence", + "summaries": "\u00a0is an actionable guide to the essential components of a strong leader\u2019s charisma, including and teaching you elements like gravitas, communication, appearance, and others.", + "categories": "relationships", + "review_score": 8.4 + }, + { + "Unnamed: 0": 753, + "book_name": "No-Drama Discipline", + "summaries": " is a refreshing approach to parenting that looks at the neuroscience of a developing child\u2019s brain to understand how to best discipline and teach kids while making them feel loved.", + "categories": "relationships", + "review_score": 8.9 + }, + { + "Unnamed: 0": 754, + "book_name": "Tribal Leadership", + "summaries": "\u00a0explains the various roles people take on in organizations, showing you how to navigate, connect, and lead change across the five different stages of your company\u2019s \u201ctribal society.\u201d", + "categories": "relationships", + "review_score": 7.0 + }, + { + "Unnamed: 0": 755, + "book_name": "The Yes Brain", + "summaries": " offers parenting techniques that will give your kids an open attitude towards life, balance, resilience, insight, and empathy.", + "categories": "relationships", + "review_score": 4.7 + }, + { + "Unnamed: 0": 756, + "book_name": "The 5 Love Languages", + "summaries": " shows couples how to make their love last by learning to recognize the unique way their partner feels love.", + "categories": "relationships", + "review_score": 4.3 + }, + { + "Unnamed: 0": 757, + "book_name": "Men Are From Mars, Women Are From Venus", + "summaries": " helps you improve your relationships by identifying the key differences between men and women.", + "categories": "relationships", + "review_score": 4.6 + }, + { + "Unnamed: 0": 758, + "book_name": "The Social Animal", + "summaries": " weaves social science research into the story of a fictional couple to shed light on the decision-making power of our unconscious minds.", + "categories": "relationships", + "review_score": 9.0 + }, + { + "Unnamed: 0": 759, + "book_name": "The Third Door", + "summaries": " follows an 18-year-old\u2019s wild quest of interviewing many of the world\u2019s most successful people to discover what it takes to get to the top.", + "categories": "relationships", + "review_score": 7.9 + }, + { + "Unnamed: 0": 760, + "book_name": "How Luck Happens", + "summaries": " shows you how to foster your own luck by creating the conditions for it to manifest itself in your work, love and all other aspects of life.", + "categories": "relationships", + "review_score": 3.5 + }, + { + "Unnamed: 0": 761, + "book_name": "Liespotting", + "summaries": " teaches you how to identify deceptive behavior with practical advice and foster a culture of trust, truth, and honesty in your immediate environment.", + "categories": "relationships", + "review_score": 1.8 + }, + { + "Unnamed: 0": 762, + "book_name": "The Blue Zones Solution", + "summaries": " shows you how to adopt the lifestyle and mindset practices of the healthiest, longest-living people on the planet from the five locations with the highest population of centenarians.", + "categories": "relationships", + "review_score": 2.1 + }, + { + "Unnamed: 0": 763, + "book_name": "Braving The Wilderness", + "summaries": " offers a four-step process to find true belonging through authenticity, bravery, trust, and vulnerability since it\u2019s mostly about learning to stand alone rather than trying to fit in.", + "categories": "relationships", + "review_score": 6.9 + }, + { + "Unnamed: 0": 764, + "book_name": "The Courage To Be Disliked", + "summaries": " is a Japanese analysis of the work of 19th-century psychologist Alfred Adler, who established that happiness lies in the hands of each human individual and does not depend on past traumas.", + "categories": "relationships", + "review_score": 8.6 + }, + { + "Unnamed: 0": 765, + "book_name": "Make Time", + "summaries": " is about creating space in your life for what truly matters using highlights, laser-style focus, energizing breaks, and regularly reflecting on how you spend your most valuable asset.", + "categories": "relationships", + "review_score": 7.9 + }, + { + "Unnamed: 0": 766, + "book_name": "The Energy Bus", + "summaries": " is a fable that will help you create positive energy with ten simple rules and make it the center of your life, work, and relationships.", + "categories": "relationships", + "review_score": 7.4 + }, + { + "Unnamed: 0": 767, + "book_name": "Atomic Habits", + "summaries": " is the definitive guide to breaking bad behaviors and adopting good ones in four steps, showing you how small, incremental, everyday routines compound into massive, positive change over time.", + "categories": "relationships", + "review_score": 8.9 + }, + { + "Unnamed: 0": 768, + "book_name": "The Art Of Seduction", + "summaries": " is a template for persuading anyone, whether it\u2019s a business contact, a political adversary, or a love interest, to\u00a0act in your best interest.", + "categories": "relationships", + "review_score": 7.9 + }, + { + "Unnamed: 0": 769, + "book_name": "The Laws of Human Nature", + "summaries": " helps you understand why people do what they do and how you can use both your own psychological flaws and those of others to your advantage at work, in relationships, and in life.", + "categories": "relationships", + "review_score": 8.9 + }, + { + "Unnamed: 0": 770, + "book_name": "Dare To Lead", + "summaries": " dispels common myths about modern-day workplace culture and shows you that true leadership requires nothing but vulnerability, values, trust, and resilience.", + "categories": "relationships", + "review_score": 6.2 + }, + { + "Unnamed: 0": 771, + "book_name": "How Successful People Think", + "summaries": " lays out eleven specific ways of thinking you can practice to live a better, happier, more successful life.", + "categories": "relationships", + "review_score": 4.8 + }, + { + "Unnamed: 0": 772, + "book_name": "How To Be A Stoic", + "summaries": " is a practical guide to ancient philosophy in modern life, covering the principles Socrates, Epictetus, and Cato followed in the three disciplines of desire, action, and assent.", + "categories": "relationships", + "review_score": 5.1 + }, + { + "Unnamed: 0": 773, + "book_name": "The Culture Code", + "summaries": " examines the dynamics of groups, large and small, formal and informal, to help you understand how great teams work and what you can do to improve your relationships wherever you cooperate with others.", + "categories": "relationships", + "review_score": 1.3 + }, + { + "Unnamed: 0": 774, + "book_name": "12 Rules For Life", + "summaries": "\u00a0is a story-based, stern yet entertaining self-help manual for young people laying out a set of simple rules to help us become more disciplined, behave better, act with integrity, and balance our lives while enjoying them as much as we can.", + "categories": "relationships", + "review_score": 6.6 + }, + { + "Unnamed: 0": 775, + "book_name": "Principles", + "summaries": " holds the set of rules for work and life billionaire investor and CEO of the most successful fund in history, Ray Dalio, has acquired through his 40-year career in finance.", + "categories": "relationships", + "review_score": 4.6 + }, + { + "Unnamed: 0": 776, + "book_name": "The Road Less Traveled", + "summaries": "\u00a0is a spiritual classic, combining scientific and religious views to help you grow by confronting and solving your problems through discipline, love and grace.", + "categories": "relationships", + "review_score": 1.5 + }, + { + "Unnamed: 0": 777, + "book_name": "Finding My Virginity", + "summaries": " is Richard Branson\u2019s follow-up biography, which shares the highlights of his entrepreneurial journey over the past two decades.", + "categories": "relationships", + "review_score": 1.2 + }, + { + "Unnamed: 0": 778, + "book_name": "I Thought It Was Just Me (But It Isn\u2019t)", + "summaries": " helps you understand and better manage the complicated and painful feeling of shame.", + "categories": "relationships", + "review_score": 6.6 + }, + { + "Unnamed: 0": 779, + "book_name": "Pre-Suasion", + "summaries": " takes you through the latest social psychology research to explain how marketers, persuaders and our environment primes us to say certain things and take specific actions, as well as how you can harness the same ideas to master the art of persuasion.", + "categories": "relationships", + "review_score": 8.2 + }, + { + "Unnamed: 0": 780, + "book_name": "If You\u2019re So Smart, Why Aren\u2019t You Happy", + "summaries": " walks you through the seven deadly sins of unhappiness, which will show you how small the correlation between success and happiness truly is and help you avoid chasing the wrong things in your short time here on earth.", + "categories": "relationships", + "review_score": 8.4 + }, + { + "Unnamed: 0": 781, + "book_name": "The Life-Changing Magic Of Not Giving A F*ck", + "summaries": " is a funny, practical guide to mental decluttering, giving you actionable tips to stop caring about things that don\u2019t really matter to you, without feeling ashamed or guilty.", + "categories": "relationships", + "review_score": 5.9 + }, + { + "Unnamed: 0": 782, + "book_name": "You Are A Badass", + "summaries": " helps you become self-aware, figure out what you want in life and then summon the guts to not worry about the how, kick others\u2019 opinions to the curb and focus your life on the thing that will make you happy.", + "categories": "relationships", + "review_score": 5.2 + }, + { + "Unnamed: 0": 783, + "book_name": "Labor of Love", + "summaries": " illustrates the history of modern dating as we know it, starting from its origins in the late 1800s all the way to the dating websites and apps we know today.", + "categories": "relationships", + "review_score": 9.1 + }, + { + "Unnamed: 0": 784, + "book_name": "At Home", + "summaries": " takes you on a tour of the modern home, using each room as occasion to reminisce about the history of its tradition, thus enlightening you with how the amenities and comforts of everyday life you now take for granted have come to be.", + "categories": "relationships", + "review_score": 1.3 + }, + { + "Unnamed: 0": 785, + "book_name": "Ego Is The Enemy", + "summaries": " reveals why a tendency that\u2019s hardwired into our brains \u2014 the belief that the world revolves around us and us alone \u2014 keeps holding us back from living the very life it dreams up for us, including what we can do to overcome our ego, be kinder to others and ourselves, and achieve true greatness.", + "categories": "relationships", + "review_score": 7.2 + }, + { + "Unnamed: 0": 786, + "book_name": "Plato At The Googleplex", + "summaries": "\u00a0asks what would happen if ancient philosopher Plato were alive today and came in contact with the modern world, for example by touring Google\u2019s headquarters, and what the implications of his encounters are for the relevance of philosophy in our civilized, hyper-technological world.", + "categories": "relationships", + "review_score": 5.6 + }, + { + "Unnamed: 0": 787, + "book_name": "The Power Of The Other", + "summaries": " shows you the surprisingly big influence other people have on your life, what different kinds of relationships you have with them and how you can cultivate more good ones to replace the bad, fake or unconnected and\u00a0live a more fulfilled life.", + "categories": "relationships", + "review_score": 6.7 + }, + { + "Unnamed: 0": 788, + "book_name": "Unlimited Power", + "summaries": " is a self-help classic, which breaks down how Tony Robbins has helped top performers achieve at their highest level and how you can use the same mental and physical tactics to accomplish your biggest goals in life.", + "categories": "relationships", + "review_score": 4.3 + }, + { + "Unnamed: 0": 789, + "book_name": "When To Rob A Bank", + "summaries": " is a collection of the best of the Freakonomics authors\u2019 blog posts from over 10 years of blogging about economics in all areas of our life.", + "categories": "relationships", + "review_score": 1.4 + }, + { + "Unnamed: 0": 790, + "book_name": "The Gifts Of Imperfection", + "summaries": " shows you how to embrace your inner flaws to accept who you are, instead of constantly chasing the image of who you\u2019re trying to be, because other people expect you to act in certain ways.", + "categories": "relationships", + "review_score": 4.4 + }, + { + "Unnamed: 0": 791, + "book_name": "The Sunflower", + "summaries": " recounts an experience of holocaust survivor Simon Wiesenthal", + "categories": "relationships", + "review_score": 4.5 + }, + { + "Unnamed: 0": 792, + "book_name": "How Will You Measure Your Life", + "summaries": " shows you how to sustain motivation at work and in life to spend your time on earth happily and fulfilled, by focusing not just on money and your career, but your family, relationships and personal well-being.", + "categories": "relationships", + "review_score": 2.4 + }, + { + "Unnamed: 0": 793, + "book_name": "Move Your Bus", + "summaries": "\u00a0illustrates the different kinds of groups in organizations, how leaders can inspire those groups, and what individuals can do to become highly valued, productive members of the organizations they serve.", + "categories": "relationships", + "review_score": 2.9 + }, + { + "Unnamed: 0": 794, + "book_name": "The 8th Habit", + "summaries": " is about finding your voice and helping others discover their own, in order to thrive at work in the Information Age, where interdependence is more important than independence.", + "categories": "relationships", + "review_score": 5.4 + }, + { + "Unnamed: 0": 795, + "book_name": "The Longevity Project", + "summaries": " shows you how you can live longer by analyzing the results from one of the world\u2019s longest-lasting studies and drawing\u00a0surprising\u00a0conclusions about the work ethic, happiness, love, marriage and religion of people who have lived to old age.", + "categories": "relationships", + "review_score": 8.8 + }, + { + "Unnamed: 0": 796, + "book_name": "Mindsight", + "summaries": " offers a new way of transforming your life for the better by connecting emotional awareness with the right reactions in your body, based on the work of a renowned pyschologist\u00a0and his patients.", + "categories": "relationships", + "review_score": 3.9 + }, + { + "Unnamed: 0": 797, + "book_name": "The World According To Star Wars", + "summaries": " Summary examines not only the unrivaled popularity of this epic franchise, but also what we can learn from it about the real world about politics, law, economics and even ourselves.", + "categories": "relationships", + "review_score": 6.9 + }, + { + "Unnamed: 0": 798, + "book_name": "A Force For Good", + "summaries": " is a universal call to turn our\u00a0compassion outward and use it to improve ourselves and the world around us in science, religion, social issues, business and education.", + "categories": "relationships", + "review_score": 2.6 + }, + { + "Unnamed: 0": 799, + "book_name": "The Lessons Of History", + "summaries": " describes recurring themes and trends throughout 5,000 years of human history, viewed through the lenses of 12 different fields, aimed at explaining the present, the future, human nature and the inner workings of states.", + "categories": "relationships", + "review_score": 3.5 + }, + { + "Unnamed: 0": 800, + "book_name": "59 Seconds", + "summaries": " shows you several self-improvement hacks, grounded in the science of psychology, which you can use to improve your mindset, happiness and life in less than a minute.", + "categories": "relationships", + "review_score": 8.7 + }, + { + "Unnamed: 0": 801, + "book_name": "Give And Take", + "summaries": " explains the three different types of how we interact with others and shows you why being a giver is, contrary to popular belief, the best way to success in business and life.", + "categories": "relationships", + "review_score": 3.9 + }, + { + "Unnamed: 0": 802, + "book_name": "Rising Strong", + "summaries": " describes a 3-phase process of bouncing back from failure, which you can implement both in your own life and as a team or company, in order to embrace setbacks as part of life, deal with your emotions, confront your own ideas and rise stronger every time.", + "categories": "relationships", + "review_score": 8.8 + }, + { + "Unnamed: 0": 803, + "book_name": "The Art Of Asking", + "summaries": " teaches you to finally accept the help of others, stop trying to do everything on your own, and show you how you can build a closely knit family of friends and supporters by being honest, generous and not afraid to ask.", + "categories": "relationships", + "review_score": 8.7 + }, + { + "Unnamed: 0": 804, + "book_name": "The Better Angels Of Our Nature", + "summaries": " illustrates why we live in the most peaceful time ever in history, by looking at what motivates us to behave violently, how these motivators are outweighed by our tendencies towards a peaceful life and which major shifts in history caused this global reduction in crime.", + "categories": "relationships", + "review_score": 1.8 + }, + { + "Unnamed: 0": 805, + "book_name": "Ignore Everybody", + "summaries": " outlines 40 ways for creative people to let their inner artist bubble to the surface by staying in control of their art, not selling out and refusing\u00a0to conform to\u00a0what the world wants you to do.", + "categories": "relationships", + "review_score": 3.3 + }, + { + "Unnamed: 0": 806, + "book_name": "I Wear The Black Hat", + "summaries": " shows you that determining if a person is good or bad isn\u2019t as straightforward as you might think, by uncovering some of the biases that make us see people in a different light, regardless of their true intentions.", + "categories": "relationships", + "review_score": 7.0 + }, + { + "Unnamed: 0": 807, + "book_name": "The Facebook Effect", + "summaries": " is the only official account of the history of the world\u2019s largest social network, explaining why it\u2019s so successful and how it\u2019s changed both the world and us.", + "categories": "relationships", + "review_score": 6.9 + }, + { + "Unnamed: 0": 808, + "book_name": "The Education Of A Value Investor", + "summaries": " is the story of how Guy Spier turned away from his greedy, morally corrupted investment banking environment and into a true value investor by modeling his work and life after Warren Buffett and his value investing approach.", + "categories": "relationships", + "review_score": 1.2 + }, + { + "Unnamed: 0": 809, + "book_name": "The Selfish Gene", + "summaries": " explains the process of evolution in biology using genes as its basic unit, showing how they manifest in the form of organisms, what they do to ensure their own survival, how they program our brains, which strategies have worked best throughout history and what makes humans so special in this context.", + "categories": "relationships", + "review_score": 7.0 + }, + { + "Unnamed: 0": 810, + "book_name": "The Upside Of Irrationality", + "summaries": "\u00a0shows you the many ways in which you act irrational, while thinking what you\u2019re doing makes perfect sense, and how this irrational behavior can actually be beneficial, as long as you use it the right way.", + "categories": "relationships", + "review_score": 4.2 + }, + { + "Unnamed: 0": 811, + "book_name": "To Sell Is Human", + "summaries": " shows you that selling is part of your life, no matter what you do, and what a successful salesperson looks like in the 21st century, with practical ideas to help you convince others in a more honest, natural and sustainable way.", + "categories": "relationships", + "review_score": 2.9 + }, + { + "Unnamed: 0": 812, + "book_name": "Are You Fully Charged", + "summaries": " shows you the three keys to arriving at work and life with a battery that\u2019s brimming with happiness and motivation, which are energy, interactions and meaning, and how to implement them in your day.", + "categories": "relationships", + "review_score": 1.6 + }, + { + "Unnamed: 0": 813, + "book_name": "People Over Profit", + "summaries": " evaluates the four stages most companies go through as they mature, moving from honest over efficiency to deception and, if they\u2019re lucky, redemption, unless they foster seven core beliefs and stay honest all the way to the end.", + "categories": "relationships", + "review_score": 3.5 + }, + { + "Unnamed: 0": 814, + "book_name": "Year of Yes", + "summaries": " details famous TV-show creator Shonda Rhimes\u2019s change from introversion to socialite by saying \u201cYes\u201d to anything for a full year and how she was finally able to face her fears and start loving herself.", + "categories": "relationships", + "review_score": 2.7 + }, + { + "Unnamed: 0": 815, + "book_name": "Peak: How Great Companies Get Their Mojo From Maslow", + "summaries": " explains why relationships are the most valuable currency in both business and life, by examining how Chip Conley", + "categories": "relationships", + "review_score": 1.9 + }, + { + "Unnamed: 0": 816, + "book_name": "Who Moved My Cheese", + "summaries": " tells a parable, which you can directly apply to your own life, in order to stop fearing what lies ahead and instead thrive in an environment of change and uncertainty.", + "categories": "relationships", + "review_score": 1.0 + }, + { + "Unnamed: 0": 817, + "book_name": "The One Minute Manager", + "summaries": " gives managers three simple tools that each take 60 seconds or less to use but can tremendously improve their efficiency in getting people to stay motivated, happy, and ready to deliver great work.", + "categories": "relationships", + "review_score": 1.9 + }, + { + "Unnamed: 0": 818, + "book_name": "Never Eat Alone", + "summaries": " is a modern classic, which explains the art of networking and gives you actionable advice on how you can harness the power of good relationships and become a good networker to build a career you love.", + "categories": "relationships", + "review_score": 5.8 + }, + { + "Unnamed: 0": 819, + "book_name": "How To Be A Positive Leader", + "summaries": " taps into the expertise of 17 leadership experts to show you how you can become a positive leader, who empowers everyone around him, whether at work or at home, with small changes, that compound into a big impact.", + "categories": "relationships", + "review_score": 7.5 + }, + { + "Unnamed: 0": 820, + "book_name": "Why We Love", + "summaries": " delivers a scientific explanation for love, shows you how it developed historically and evolutionarily, tells you what we\u2019re all attracted to and where we differ, and of course gives you actionable advice to deal with both the exciting, successful romance in your life, as well as its sometimes inevitable fallout.", + "categories": "relationships", + "review_score": 8.4 + }, + { + "Unnamed: 0": 821, + "book_name": "Emotional Intelligence", + "summaries": " explains the importance of emotions in your life, how they help and hurt your ability to navigate the world, followed by practical advice on how to improve your own emotional intelligence and why that is the\u00a0key to leading a successful life.", + "categories": "relationships", + "review_score": 7.1 + }, + { + "Unnamed: 0": 822, + "book_name": "The Blue Zones", + "summaries": " gives you advice on how to live to be 100 years and older by looking at five spots across the planet, where people live the longest, and drawing lessons about what they eat, drink, how they exercise and which habits most shape their lives.", + "categories": "relationships", + "review_score": 4.7 + }, + { + "Unnamed: 0": 823, + "book_name": "The Truth", + "summaries": " sees Neil Strauss draw lessons about monogamy, love and relationships learned from depression, sex addiction treatment, swinger parties and science labs, in the decade after becoming one of the world\u2019s most notorious pick-up artists and desired single men on the planet.", + "categories": "relationships", + "review_score": 5.6 + }, + { + "Unnamed: 0": 824, + "book_name": "First Things First", + "summaries": " shows you how to stop looking at the clock and start looking at the compass, by figuring out what\u2019s important, prioritizing those things in your life, developing a vision for the future, building the right relationships and becoming a strong leader wherever you go.", + "categories": "relationships", + "review_score": 7.6 + }, + { + "Unnamed: 0": 825, + "book_name": "Happier At Home", + "summaries": " is an instruction manual to transform your home into a castle of happiness by figuring out what needs to be changed, what needs to stay the same, and embracing the gift of family.", + "categories": "relationships", + "review_score": 8.2 + }, + { + "Unnamed: 0": 826, + "book_name": "Tribes", + "summaries": " turns you from a sheepwalker into a heretic, by giving you the tools to start your own tribe, explaining why they\u2019re the future of business and showing you that you too, can be a leader.", + "categories": "relationships", + "review_score": 2.9 + }, + { + "Unnamed: 0": 827, + "book_name": "The Happiness Project", + "summaries": " will show you how to change your life, without actually changing your life, thanks to the findings of modern science, ancient history and popular culture about happiness, which the author tested for a year and now shares with you.", + "categories": "relationships", + "review_score": 3.7 + }, + { + "Unnamed: 0": 828, + "book_name": "Attached", + "summaries": " delivers a scientific explanation why some relationships thrive and steer a clear path over a lifetime, while others crash and burn, based on the human need for attachment and the three different styles of it.", + "categories": "relationships", + "review_score": 9.3 + }, + { + "Unnamed: 0": 829, + "book_name": "The Power Of Full Engagement", + "summaries": null, + "categories": "relationships", + "review_score": 3.5 + }, + { + "Unnamed: 0": 830, + "book_name": "The Honest Truth About Dishonesty", + "summaries": " reveals our motivation behind cheating, why it\u2019s not entirely rational, and, based on many experiments, what we can do to lessen the conflict between wanting to get ahead and being good people.", + "categories": "relationships", + "review_score": 3.0 + }, + { + "Unnamed: 0": 831, + "book_name": "How To Win Friends And Influence People", + "summaries": " teaches you countless principles to become a likable person, handle your relationships well, win others over and help them change their behavior without being intrusive.", + "categories": "relationships", + "review_score": 4.4 + }, + { + "Unnamed: 0": 832, + "book_name": "The Power Of No", + "summaries": " is an encompassing instruction manual for you to harness the power of this little word to get healthy, rid yourself of bad relationships, embrace abundance and ultimately say yes to yourself.", + "categories": "relationships", + "review_score": 4.5 + }, + { + "Unnamed: 0": 833, + "book_name": "The Achievement Habit", + "summaries": " shows you that being an achiever can be learned, by using the principles of design thinking to walk you through several stories and exercises, which will get you to stop wishing and start doing.", + "categories": "relationships", + "review_score": 3.0 + }, + { + "Unnamed: 0": 834, + "book_name": "Mistakes Were Made, But Not By Me", + "summaries": " takes you on a journey of famous examples and areas of life where mistakes are hushed up instead of admitted, showing you along the way how this\u00a0hinders progress, why we do it in the first place, and what you can do to start honestly admitting your own.", + "categories": "relationships", + "review_score": 9.9 + }, + { + "Unnamed: 0": 835, + "book_name": "What Every Body Is Saying", + "summaries": " is an ex-FBI agents guide to reading non-verbal cues, which will help you spot others\u2019 true intentions and feelings, even when their mouths are saying something different.", + "categories": "relationships", + "review_score": 2.0 + }, + { + "Unnamed: 0": 836, + "book_name": "The Speed Of Trust", + "summaries": " not only explains the economics of trust, but also shows you how to cultivate great trust in yourself, your relationships, and the three kinds of stakeholders you\u2019ll deal with when you\u2019re running a company.", + "categories": "relationships", + "review_score": 2.1 + }, + { + "Unnamed: 0": 837, + "book_name": "Choose Yourself", + "summaries": " is a call to give up traditional career paths and take your life into your own hands by building good habits, creating your own career, and making a decision to choose yourself.", + "categories": "relationships", + "review_score": 2.4 + }, + { + "Unnamed: 0": 838, + "book_name": "Sex at Dawn", + "summaries": "\u00a0challenges conventional views on sex by diving deep into our ancestors\u2019 sexual history and the rise of monogamy, thus prompting us to rethink our understanding of what sex and relationships should really feel and be like.", + "categories": "relationships", + "review_score": 2.9 + }, + { + "Unnamed: 0": 839, + "book_name": "Influence", + "summaries": " has been the go-to book for marketers since its release in 1984, which delivers\u00a0six key principles behind human influence and explains them with countless practical examples.", + "categories": "relationships", + "review_score": 8.0 + }, + { + "Unnamed: 0": 840, + "book_name": "The 7 Habits Of Highly Effective People", + "summaries": " teaches you both personal and professional effectiveness by\u00a0changing your view of how the world works and giving you 7 habits, which, if adopted well, will lead you to immense success.", + "categories": "relationships", + "review_score": 9.7 + }, + { + "Unnamed: 0": 841, + "book_name": "The Little Prince", + "summaries": " is a beautiful children\u2019s story full of valuable lessons for adults, recounting the tale of an aviator and a little boy from a distant planet, both stranded in the desert, looking to get home, sharing what they\u2019ve learned about life.", + "categories": "happiness", + "review_score": 7.4 + }, + { + "Unnamed: 0": 842, + "book_name": "The Picture of Dorian Gray", + "summaries": " tells the story of a young, beautiful man who trades his soul for eternal youth, then descends further and further into a moral abyss \u2014 until he discovers there is, after all, a price to pay for his actions.", + "categories": "happiness", + "review_score": 4.1 + }, + { + "Unnamed: 0": 843, + "book_name": "The Great Gatsby is an American classic following Jay Gatsby\u2019s quest to win back his long-lost love by faking a successful life,\u00a0", + "summaries": "depicting the struggles around love, relationships, societal standing, and consumerism of people in the \u201croaring\u201d 1920s.", + "categories": "happiness", + "review_score": 8.8 + }, + { + "Unnamed: 0": 844, + "book_name": "The Light We Carry", + "summaries": " is a set of practices to help you stay calm, optimistic, and confident in an unpredictable world, based on Michelle Obama\u2019s life experiences as a woman, mother, lawyer, daughter, leader, and the former First Lady of the United States.", + "categories": "happiness", + "review_score": 2.1 + }, + { + "Unnamed: 0": 845, + "book_name": "Dear Girls", + "summaries": " is a collection of letters written by comedian Ali Wong to her two daughters, recounting tales from her youth and life in an attempt to pass on some hard-earned wisdom to them and anyone willing to listen to her story.", + "categories": "happiness", + "review_score": 10.0 + }, + { + "Unnamed: 0": 846, + "book_name": "Never Finished", + "summaries": " is an inspiring blueprint for leveling up in the game of life that never ends, offering 8 evolutions of thought, painful truths, and motivating stories to help you smash any and all glass ceilings in your life.", + "categories": "happiness", + "review_score": 7.2 + }, + { + "Unnamed: 0": 847, + "book_name": "The Highly Sensitive Person", + "summaries": "\u00a0is a self-assessment guide and how-to-live template for people who feel, relate, process, and notice more deeply than others, and who frequently suffer from overstimulation as a result.", + "categories": "happiness", + "review_score": 4.2 + }, + { + "Unnamed: 0": 848, + "book_name": "Bittersweet", + "summaries": " explains where emotions like sorrow, longing, and sadness come from and what their purpose in our lives is, as well as helping us deal with grief, loss, and our own mortality.", + "categories": "happiness", + "review_score": 7.2 + }, + { + "Unnamed: 0": 849, + "book_name": "The Power of Regret", + "summaries": " is a deep dive into an emotion we all experience, outlining in three parts why regret makes us more human, not less, which four core regrets plague us all, and how we can accept and reshape our mistakes into better futures instead of keeping them as skeletons in our closets.", + "categories": "happiness", + "review_score": 5.8 + }, + { + "Unnamed: 0": 850, + "book_name": "Why Has Nobody Told Me This Before?", + "summaries": " is a collection of a clinical psychologist\u2019s best practical advice to combat anxiety and depression and improve our mental health in small increments, collected from over a decade of 1-on-1 work with patients.", + "categories": "happiness", + "review_score": 8.8 + }, + { + "Unnamed: 0": 851, + "book_name": "The Little Prince", + "summaries": " is a beautiful children\u2019s story full of valuable lessons for adults, recounting the tale of an aviator and a little boy from a distant planet, both stranded in the desert, looking to get home, sharing what they\u2019ve learned about life.", + "categories": "happiness", + "review_score": 5.0 + }, + { + "Unnamed: 0": 852, + "book_name": "The Picture of Dorian Gray", + "summaries": " tells the story of a young, beautiful man who trades his soul for eternal youth, then descends further and further into a moral abyss \u2014 until he discovers there is, after all, a price to pay for his actions.", + "categories": "happiness", + "review_score": 6.9 + }, + { + "Unnamed: 0": 853, + "book_name": "The Great Gatsby is an American classic following Jay Gatsby\u2019s quest to win back his long-lost love by faking a successful life,\u00a0", + "summaries": "depicting the struggles around love, relationships, societal standing, and consumerism of people in the \u201croaring\u201d 1920s.", + "categories": "happiness", + "review_score": 8.5 + }, + { + "Unnamed: 0": 854, + "book_name": "The Light We Carry", + "summaries": " is a set of practices to help you stay calm, optimistic, and confident in an unpredictable world, based on Michelle Obama\u2019s life experiences as a woman, mother, lawyer, daughter, leader, and the former First Lady of the United States.", + "categories": "happiness", + "review_score": 5.4 + }, + { + "Unnamed: 0": 855, + "book_name": "Dear Girls", + "summaries": " is a collection of letters written by comedian Ali Wong to her two daughters, recounting tales from her youth and life in an attempt to pass on some hard-earned wisdom to them and anyone willing to listen to her story.", + "categories": "happiness", + "review_score": 6.8 + }, + { + "Unnamed: 0": 856, + "book_name": "Never Finished", + "summaries": " is an inspiring blueprint for leveling up in the game of life that never ends, offering 8 evolutions of thought, painful truths, and motivating stories to help you smash any and all glass ceilings in your life.", + "categories": "happiness", + "review_score": 3.3 + }, + { + "Unnamed: 0": 857, + "book_name": "The Highly Sensitive Person", + "summaries": "\u00a0is a self-assessment guide and how-to-live template for people who feel, relate, process, and notice more deeply than others, and who frequently suffer from overstimulation as a result.", + "categories": "happiness", + "review_score": 3.3 + }, + { + "Unnamed: 0": 858, + "book_name": "Bittersweet", + "summaries": " explains where emotions like sorrow, longing, and sadness come from and what their purpose in our lives is, as well as helping us deal with grief, loss, and our own mortality.", + "categories": "happiness", + "review_score": 5.9 + }, + { + "Unnamed: 0": 859, + "book_name": "The Power of Regret", + "summaries": " is a deep dive into an emotion we all experience, outlining in three parts why regret makes us more human, not less, which four core regrets plague us all, and how we can accept and reshape our mistakes into better futures instead of keeping them as skeletons in our closets.", + "categories": "happiness", + "review_score": 7.5 + }, + { + "Unnamed: 0": 860, + "book_name": "Why Has Nobody Told Me This Before?", + "summaries": " is a collection of a clinical psychologist\u2019s best practical advice to combat anxiety and depression and improve our mental health in small increments, collected from over a decade of 1-on-1 work with patients.", + "categories": "happiness", + "review_score": 9.5 + }, + { + "Unnamed: 0": 861, + "book_name": "The Financial Diet", + "summaries": " is a compendium of clever money tips for beginners, offering thrifty spending advice and sound money strategies in a wide range of areas, such as budgeting, investing, work, food, home, and even love.", + "categories": "happiness", + "review_score": 3.0 + }, + { + "Unnamed: 0": 862, + "book_name": "Just Keep Buying", + "summaries": " will help you answer the big questions about saving and investing money with clever stories and interesting data, all while acknowledging that your needs and desires will change throughout life and that, therefore, your financial behavior will have to do the same.", + "categories": "happiness", + "review_score": 6.5 + }, + { + "Unnamed: 0": 863, + "book_name": "The Midnight Library", + "summaries": " tells the story of Nora, a depressed woman in her 30s, who, on the day she decides to die, finds herself in a library full of lives she could have lived, where she discovers there\u2019s a lot more to life, even her current one, than she had ever imagined.", + "categories": "happiness", + "review_score": 4.1 + }, + { + "Unnamed: 0": 864, + "book_name": "Brave New World", + "summaries": " presents a futuristic society engineered perfectly around capitalism and scientific efficiency, in which everyone is happy, conform, and content \u2014 but only at first glance.", + "categories": "happiness", + "review_score": 3.4 + }, + { + "Unnamed: 0": 865, + "book_name": "The Catcher in the Rye", + "summaries": " describes the adventures of well-off teenage boy Holden Caulfield on a weekend out alone in New York City, illuminating the struggles of young adults with existential questions of morality, identity, meaning, and connection.", + "categories": "happiness", + "review_score": 5.6 + }, + { + "Unnamed: 0": 866, + "book_name": "Stolen Focus", + "summaries": "\u00a0explains why our attention spans have been dwindling for decades, how technology accelerates this worrying trend, and what we can do to reclaim our focus and thus our capacity to live meaningful lives.", + "categories": "happiness", + "review_score": 9.1 + }, + { + "Unnamed: 0": 867, + "book_name": "The Daily Laws", + "summaries": "\u00a0is a page-a-day, calendar-style book covering the three big topics of mastery, power, and emotions, sharing Robert Greene\u2019s best lessons from 20 years of research of the dynamics within and between humans.", + "categories": "happiness", + "review_score": 7.7 + }, + { + "Unnamed: 0": 868, + "book_name": "Dopamine Nation", + "summaries": "talks about the importance of living a balanced life in relation to all the pleasure and stimuli we\u2019re surrounded with on a daily basis, such as drugs, devices, porn, gambling facilities, showing us how to avoid becoming dopamine addicts by restricting our access to them.\u00a0", + "categories": "happiness", + "review_score": 1.4 + }, + { + "Unnamed: 0": 869, + "book_name": "Discipline Is Destiny", + "summaries": " is a three-part manual to master and implement the Stoic virtue of temperance, aka discipline, in your life, thus improving your body, mind, and spirit.", + "categories": "happiness", + "review_score": 1.4 + }, + { + "Unnamed: 0": 870, + "book_name": "The How of Happiness", + "summaries": " describes a scientific approach to being happier by giving you a short quiz to determine your \u201chappiness set point,\u201d followed by various tools and tactics to help you take control of the large chunk of happiness that\u2019s fully within your grasp.", + "categories": "happiness", + "review_score": 5.6 + }, + { + "Unnamed: 0": 871, + "book_name": "Will", + "summaries": " is world-famous actor and musician Will Smith\u2019s autobiography, outlining his life\u2019s story all the way from his humble beginnings in West Philadelphia to achieving fame as a musician and then global stardom as an actor and, ultimately, one of the most influential people of our time.", + "categories": "happiness", + "review_score": 8.6 + }, + { + "Unnamed: 0": 872, + "book_name": "Resilience", + "summaries": " will help you find joy in self-transformation, showing you ways to become more positive, hard-working, and face hardship with the kind of bravery and optimism that will get you through any challenge.", + "categories": "happiness", + "review_score": 5.2 + }, + { + "Unnamed: 0": 873, + "book_name": "The Greatest Secret", + "summaries": " comes as a sequel to \u201cThe Secret,\u201d which was a worldwide phenomenon when it first came out as it presented the idea that one can change their own life by tapping into the Universe\u2019s powers and asking for their wildest dreams to come true using the law of attraction.", + "categories": "happiness", + "review_score": 1.8 + }, + { + "Unnamed: 0": 874, + "book_name": "Loserthink", + "summaries": " talks about the sabotaging thinking habits that run our minds and paralyze us when it comes to taking charge of life, and how we can overcome them with small, incremental steps that drive powerful change.", + "categories": "happiness", + "review_score": 4.1 + }, + { + "Unnamed: 0": 875, + "book_name": "Siddhartha", + "summaries": " presents the self-discovery expedition of a man during the time of the Buddha who, unsure of what life really means to him, takes an exploratory journey to pursue the highs and lows of life, which ultimately leads him to discover the equilibrium in all things and a higher wisdom within.", + "categories": "happiness", + "review_score": 2.2 + }, + { + "Unnamed: 0": 876, + "book_name": "No Hard Feelings", + "summaries": " is a practical book for better managing the emotional side of work and building the skills needed to enhance your performance both within your role and more broadly throughout your career path by finding motivation again and managing negative emotions.", + "categories": "happiness", + "review_score": 9.8 + }, + { + "Unnamed: 0": 877, + "book_name": "The Art of Living", + "summaries": " talks about living a peaceful life through meditation and gratitude, especially by using the Vipassana meditation technique and the philosophy behind Buddhism, which promotes developing a clearer vision of life and seeing things as they truly are.", + "categories": "happiness", + "review_score": 6.9 + }, + { + "Unnamed: 0": 878, + "book_name": "The Universe Has Your Back", + "summaries": " explores the importance of spiritual elevation, meditation, and ways to live by a mantra that serves you in your self-discovery journey that will shape your reality through new and improved thoughts and inner beliefs.", + "categories": "happiness", + "review_score": 7.5 + }, + { + "Unnamed: 0": 879, + "book_name": "Love Warrior", + "summaries": " delves into the life of Glennon Doyle, a woman who battled with self-destructive behaviors, eating disorders, depression, and many more challenges before finally embracing the life she deserved and started living meaningfully while being true to herself.", + "categories": "happiness", + "review_score": 1.8 + }, + { + "Unnamed: 0": 880, + "book_name": "The Mind Illuminated", + "summaries": " is the definitive guide to meditation and consciousness, as it teaches its readers how meditation works, and how to navigate the ten stages of conscious breathing and intentional practice of mindfulness, all while highlighting why meditation is so crucial in everyone\u2019s lives.", + "categories": "happiness", + "review_score": 5.6 + }, + { + "Unnamed: 0": 881, + "book_name": "The Courage to Be Happy", + "summaries": " offers a hands-on guide to living a meaningful life and letting go of negative thoughts by compiling the groundbreaking theories of psychologist Alfred Adler with other valuable research into an all-in-one book for becoming a happy and fulfilled person.", + "categories": "happiness", + "review_score": 1.6 + }, + { + "Unnamed: 0": 882, + "book_name": "Die With Zero", + "summaries": " teaches us that wealth accumulation isn\u2019t the only aspect of our life that we should be chasing, but rather keep an eye on meaningful experiences, our relationships, and the limited time we have on earth.", + "categories": "happiness", + "review_score": 3.6 + }, + { + "Unnamed: 0": 883, + "book_name": "Untamed", + "summaries": " is an inspiring memoir of Glennon Doyle, a woman who found peace and inner strength by challenging life in all its areas, from love to parenting, personal growth, and work, after going through a powerful change that led her to discover crucial aspects about herself and allowed her to build a new life.", + "categories": "happiness", + "review_score": 2.0 + }, + { + "Unnamed: 0": 884, + "book_name": "Your Money Or Your Life", + "summaries": " is the ultimate guide to financial freedom, as it explores nine effective ways to stop living paycheck to paycheck, get out of debt, earn enough money to make more than just a living, and start living your life worry free from a financial point of view.", + "categories": "happiness", + "review_score": 7.1 + }, + { + "Unnamed: 0": 885, + "book_name": "Good Vibes, Good Life", + "summaries": " explores ways to unlock your true potential by loving yourself more, practicing self-care, manifesting your wishes, and transforming negative emotions into positive ones using simple tips and tricks for a happy life.", + "categories": "happiness", + "review_score": 1.4 + }, + { + "Unnamed: 0": 886, + "book_name": "What to Say When You Talk to Yourself", + "summaries": " is a book by Shad Helmstetter, a self-help guru who has written several pieces on the subject of self-talk, and who argues that in order to achieve our highest self we need to work on how we talk to ourselves and identify our biggest challenge to conquer.", + "categories": "happiness", + "review_score": 8.3 + }, + { + "Unnamed: 0": 887, + "book_name": "Daily Rituals", + "summaries": " is a compilation of the best practices and habits of successful people from different fields aimed to help anyone increase productivity, get past writer\u2019s block, and become more creative and efficient in their everyday work.", + "categories": "happiness", + "review_score": 5.1 + }, + { + "Unnamed: 0": 888, + "book_name": "The 100-Year Life", + "summaries": " teaches you how to be resourceful and prepare ahead of time for a world in which people not only live longer but reach an age in the triple-digits, and talks about what you should be doing right now to ensure you have enough money for retirement.", + "categories": "happiness", + "review_score": 2.0 + }, + { + "Unnamed: 0": 889, + "book_name": "The Daily Stoic", + "summaries": " is a year-long compilation of short, daily meditations from ancient Stoic philosophers like Seneca, Epictetus, Marcus Aurelius, and others, teaching you equanimity, resilience, and perseverance\u00a0", + "categories": "happiness", + "review_score": 1.9 + }, + { + "Unnamed: 0": 890, + "book_name": "That Sounds Fun", + "summaries": " uncovers the secrets of a happy life: mindfulness, love, joy, and a good dose of doing whatever makes us happy as often as we can, starting from simple, day-to-day activities, to much bigger life experiences that speak to our soul.", + "categories": "happiness", + "review_score": 7.6 + }, + { + "Unnamed: 0": 891, + "book_name": "Designing Your Work Life", + "summaries": " is a helpful guidebook for anyone who wants to create and maintain a work environment that is both happy and productive by working with what they already have, rather than keep on changing jobs in hope of finding better.", + "categories": "happiness", + "review_score": 5.5 + }, + { + "Unnamed: 0": 892, + "book_name": "The Bhagavad Gita", + "summaries": " is the number one spiritual text in Hinduism, packed with wisdom about life and purpose as well as powerful advice on living virtuously but authentically without succumbing to life\u2019s temptations or other people\u2019s dreams.", + "categories": "happiness", + "review_score": 4.6 + }, + { + "Unnamed: 0": 893, + "book_name": "Love People Use Things", + "summaries": " conceptualizes the idea of living a simple, minimalist life while focusing on what\u2019s important, such as the people next to us, and making the most of every moment spent with those we love.", + "categories": "happiness", + "review_score": 5.1 + }, + { + "Unnamed: 0": 894, + "book_name": "Everyday Zen", + "summaries": " explains the philosophy of a meaningful life and teaches you how to reinvent yourself by accepting the grand wisdom and energy of the universe and learning to sit still, have more compassion, love more, and find beauty in your life.", + "categories": "happiness", + "review_score": 9.4 + }, + { + "Unnamed: 0": 895, + "book_name": "Your Erroneous Zones", + "summaries": " offers a hands-on guide on how to escape negative thinking, falling into your own self-destructive patterns, take charge of your thoughts and implicitly, your emotions, and how to build a better version of yourself starting with putting yourself first and not caring about what others may think.", + "categories": "happiness", + "review_score": 8.2 + }, + { + "Unnamed: 0": 896, + "book_name": "Courage Is Calling", + "summaries": "\u00a0analyzes the actions taken in difficult situations by some of history\u2019s leading figures, thus drawing conclusions about what makes someone courageous and showing you how to become a braver person day-by-day, step-by-step.", + "categories": "happiness", + "review_score": 4.9 + }, + { + "Unnamed: 0": 897, + "book_name": "Chatter", + "summaries": " will help you make sense of the inner mind chatter that frequently takes over your mind, showing you how to quiet negative thoughts, stop overthinking, feel less anxious, and develop useful practices to consistently alleviate negative emotions.", + "categories": "happiness", + "review_score": 2.9 + }, + { + "Unnamed: 0": 898, + "book_name": "The Mountain Is You", + "summaries": " is a self-discovery book that aims to help its readers tap into their own power and discover their potential by overcoming trauma, life\u2019s challenges, and working on their emotional damages, all through accepting change, envisioning a prosperous future, and stopping the self-sabotage.", + "categories": "happiness", + "review_score": 3.5 + }, + { + "Unnamed: 0": 899, + "book_name": "Wintering", + "summaries": " highlights the similarities between the cold season of the year and the period of hardship in a human life, by emphasizing how everything eventually passes in time, and how we can learn to embrace challenging times by learning from wolves, from the cold, and how our ancestors dealt with the winter.", + "categories": "happiness", + "review_score": 7.5 + }, + { + "Unnamed: 0": 900, + "book_name": "The Almanack of Naval Ravikant", + "summaries": " compiles the valuable lessons of Naval Ravikant, who teaches people how to build wealth and achieve long-term happiness by working on a few essential skills, all while discovering the secrets of living a good life.", + "categories": "happiness", + "review_score": 2.4 + }, + { + "Unnamed: 0": 901, + "book_name": "Four Thousand Weeks", + "summaries": " explores the popularized concept of time management from a different point of view, by tapping into ancient knowledge from famous philosophers, researchers, and spiritual figures, rather than promoting the contemporary idea of high-level productivity and constant self-optimization.", + "categories": "happiness", + "review_score": 3.1 + }, + { + "Unnamed: 0": 902, + "book_name": "The Nicomachean Ethics", + "summaries": "\u00a0is a historically important text compiling Aristotle\u2019s extensive discussion of existential questions concerning happiness, ethics, friendship, knowledge, pleasure, virtue, and even society at large.", + "categories": "happiness", + "review_score": 2.3 + }, + { + "Unnamed: 0": 903, + "book_name": "Happy Together", + "summaries": " is written by two of the world\u2019s most renowned psychologists, and it explores the concept of love and relationships by teaching its readers how to build and maintain happy, flourishing connections and how to optimize their couple life by focusing on the good and healthily dealing with the bad.", + "categories": "happiness", + "review_score": 6.9 + }, + { + "Unnamed: 0": 904, + "book_name": "The Practice of Groundedness", + "summaries": " provides a more grounded way of living by eliminating the cult of being productive all the time to achieve success, instead offering a way to be at peace with yourself, prioritizing mental health and a simple yet meaningful life. ", + "categories": "happiness", + "review_score": 1.4 + }, + { + "Unnamed: 0": 905, + "book_name": "Atlas of the Heart", + "summaries": " maps out a series of human emotions and their meaning and explores the psychology behind a human\u2019s feelings and how they make up our lives and change our behaviors, and how to build meaningful connections by learning how to deal with them.", + "categories": "happiness", + "review_score": 1.7 + }, + { + "Unnamed: 0": 906, + "book_name": "The High 5 Habit", + "summaries": " is a self-improvement book that aims to help anyone who deals with self-limitations take charge of their life by establishing a morning routine, ditching negative talk, and transforming their life through positivity and confidence.", + "categories": "happiness", + "review_score": 9.4 + }, + { + "Unnamed: 0": 907, + "book_name": "Why Zebras Don\u2019t Get Ulcers", + "summaries": " explores the leading causes of stress and how to keep it under control, as well as the biological science behind stress, which can be a catalyst for performance in the short term, but a potential threat in the long run.", + "categories": "happiness", + "review_score": 4.6 + }, + { + "Unnamed: 0": 908, + "book_name": "How to Raise an Adult", + "summaries": " serves as a practical guide for all the parents who want to raise responsible and independent adults, but often catch themselves falling into the trap of over protecting their children and actually inhibiting their natural evolution and the growing up process.", + "categories": "happiness", + "review_score": 5.1 + }, + { + "Unnamed: 0": 909, + "book_name": "Trust Yourself", + "summaries": " offers career and wellbeing advice from a sensitive striver\u2019s point of view, a introvert-leaning character type that comes with plenty of positive traits but is also prone to burnout, giving practical tips on breaking free from stress and perfectionism for a healthier, more balanced life.", + "categories": "happiness", + "review_score": 5.2 + }, + { + "Unnamed: 0": 910, + "book_name": "Perfectly Confident", + "summaries": " explores the idea of confidence and offers a series of valuable practices that anyone can implement in their life to improve this aspect, as well as an overview of how confidence is supposed to look and feel like in its realest form, without adding or subtracting too much of it. ", + "categories": "happiness", + "review_score": 5.5 + }, + { + "Unnamed: 0": 911, + "book_name": "Unbeatable Mind", + "summaries": " explores the idea that everyone has a higher self-potential lying underneath that they ought to explore and tap into in order to live their life to the fullest and maximize their happiness and success, all possible through the 20X rule.", + "categories": "happiness", + "review_score": 9.8 + }, + { + "Unnamed: 0": 912, + "book_name": "Love Worth Making", + "summaries": " delves into the subject of sexuality and explores ways to create meaningful and exciting sexual experiences in a long-lasting relationship, based on his experience of over thirty years working with couples, all by focusing on the sexual feelings instead of the techniques.", + "categories": "happiness", + "review_score": 7.5 + }, + { + "Unnamed: 0": 913, + "book_name": "The Great Mental Models", + "summaries": " will improve your decision-making process by sharing some unique but well-documented thinking models you can use to interact more efficiently with the world and other people.", + "categories": "happiness", + "review_score": 4.6 + }, + { + "Unnamed: 0": 914, + "book_name": "No More Mr. Nice Guy", + "summaries": " explores ways to eliminate the \u201cNice Guy Syndrome\u201d, which implies being a man that avoids conflicts at all costs and prefers to show only his nice side to the world, even when it affects him negatively by damaging his personality and preventing him from achieving his goals in life.", + "categories": "happiness", + "review_score": 7.9 + }, + { + "Unnamed: 0": 915, + "book_name": "The Alter Ego Effect", + "summaries": " offers a practical approach on how to construct and benefit from alter egos, or the little heroes inside you, so as to achieve your desired goals and build a successful life with the help of a few key role models that you can borrow some attributes from or even impersonate in times of need.", + "categories": "happiness", + "review_score": 9.0 + }, + { + "Unnamed: 0": 916, + "book_name": "Anxiety at Work", + "summaries": " outlines the importance of having a harmonious working environment due to the constant increase in people\u2019s stress levels from their professional lives, and how managers, direct supervisors, CEOs, and other executive bodies can help reduce it by fostering a healthy environment.", + "categories": "happiness", + "review_score": 5.7 + }, + { + "Unnamed: 0": 917, + "book_name": "Real Help", + "summaries": " offers a hands-on approach to improving your life and achieving unconventional success through a happy, fulfilled, ordinary life, rather than fighting the broken system until you\u2019ve got millions in the bank and out-of-the-ordinary achievements.", + "categories": "happiness", + "review_score": 7.6 + }, + { + "Unnamed: 0": 918, + "book_name": "The Comfort Book", + "summaries": " explores how depression feels like and its effects on our mind and body, and how we can overcome it by taking small, but significant steps in that direction, starting with finding hope, being more present at the moment, and acknowledging that we\u2019re enough.", + "categories": "happiness", + "review_score": 8.5 + }, + { + "Unnamed: 0": 919, + "book_name": "The Self-Discipline Blueprint", + "summaries": " delves into the subject of self-actualization and why it is crucial for humans to achieve a fulfilled and successful life by creating a routine and becoming focused, self-disciplined and hard-working.", + "categories": "happiness", + "review_score": 7.5 + }, + { + "Unnamed: 0": 920, + "book_name": "Humor, Seriously", + "summaries": " explores how bringing fun and entertainment into the workplace can enhance team productivity, spark creativity, increase trust between members and improve people\u2019s overall sentiment in relation to work and job-related activities.", + "categories": "happiness", + "review_score": 5.5 + }, + { + "Unnamed: 0": 921, + "book_name": "U Thrive", + "summaries": " explores the topic of college life and offers practical advice on how to diminish stress and anxiety from exams, deadlines, unfitting roommates, while thriving in the campus, academic life, and creating meaningful experiences.", + "categories": "happiness", + "review_score": 2.5 + }, + { + "Unnamed: 0": 922, + "book_name": "The Joy of Missing Out", + "summaries": " explores today\u2019s idea of productivity and common misconceptions about what it means to be productive, as well as how eliminating unnecessary stress by prioritizing effectively can help us live a better life.", + "categories": "happiness", + "review_score": 3.9 + }, + { + "Unnamed: 0": 923, + "book_name": "Legendary Service", + "summaries": " talks about the principles behind extraordinary customer service and how a company can implement them to achieve a competitive advantage and stand out on the market using simple, yet crucial tactics to satisfy customers.", + "categories": "happiness", + "review_score": 7.9 + }, + { + "Unnamed: 0": 924, + "book_name": "Unfu*k Yourself", + "summaries": " offers practical advice on how to get out of your self-destructive thoughts and take charge of your life by learning how to control them and motivate yourself to take more responsibility for your life than you ever have before.", + "categories": "happiness", + "review_score": 7.8 + }, + { + "Unnamed: 0": 925, + "book_name": "Radical Honesty", + "summaries": " looks into the concept of lying and how we can train ourselves to avoid doing it as only through morality we can live an honest life, although our natural inclination to lie can sometimes push us to alter the truth.", + "categories": "happiness", + "review_score": 9.4 + }, + { + "Unnamed: 0": 926, + "book_name": "Thrivers", + "summaries": " explores the perspective of a child born in today\u2019s fast-paced, digital era and how the average minor is being educated towards higher-than-usual achievements, being mature, responsible and successful, instead of being happy and focused on their own definition of success.", + "categories": "happiness", + "review_score": 1.8 + }, + { + "Unnamed: 0": 927, + "book_name": "Safe People", + "summaries": " focuses on the importance of recognizing the types of people, distinguishing between the safe and unsafe ones, avoiding toxic relationships, and establishing meaningful ones by reading people and trusting God.", + "categories": "happiness", + "review_score": 9.6 + }, + { + "Unnamed: 0": 928, + "book_name": "Be Where Your Feet Are", + "summaries": " explores the enlightening life lessons that one of America\u2019s top-tier sports personalities has to give, from being present in the moment and living in a meaningful way, to achieving a more fulfilling and successful life.", + "categories": "happiness", + "review_score": 9.3 + }, + { + "Unnamed: 0": 929, + "book_name": "The Leader In You", + "summaries": " explores how the world leaders managed to achieve performance in their lives by creating meaningful connections and reaching a higher level of productivity through a positive, proactive mindset.", + "categories": "happiness", + "review_score": 1.8 + }, + { + "Unnamed: 0": 930, + "book_name": "The Last Lecture", + "summaries": "\u00a0is a college professor\u2019s final message to the world before his impending death of cancer at a relatively young age, offering meaningful life advice, significant words of wisdom, and a great deal of optimism and hope for humanity.", + "categories": "happiness", + "review_score": 4.8 + }, + { + "Unnamed: 0": 931, + "book_name": "Work Less Finish More", + "summaries": " is a hands-on guide to adopting a more focused frame of mind and developing habits that will enhance your productivity levels, give you a sense of accomplishment and put you in the right direction in order to achieve your objectives.", + "categories": "happiness", + "review_score": 7.2 + }, + { + "Unnamed: 0": 932, + "book_name": "How To Do The Work", + "summaries": " is a go-to guide that teaches us how to establish a mind-body-spirit connection and create better connections with the people around us by exploring how these aspects are interconnected and influenced by the way we eat, think, and feel.", + "categories": "happiness", + "review_score": 1.2 + }, + { + "Unnamed: 0": 933, + "book_name": "Keep Showing Up", + "summaries": " explores the struggles that married couples face on a daily basis, from falling into a routine to fighting over their children, and how to overcome them by being grateful, positive and re-establishing a connection with God. ", + "categories": "happiness", + "review_score": 7.5 + }, + { + "Unnamed: 0": 934, + "book_name": "The Burnout Fix", + "summaries": " delivers practical advice on how to thrive in the dynamic working environment we revolve around every day by setting healthy boundaries, keeping a work-life balance, and prioritizing our well-being.", + "categories": "happiness", + "review_score": 3.6 + }, + { + "Unnamed: 0": 937, + "book_name": "Forest Bathing", + "summaries": " explores the Japanese tradition of shinrin-yoku, a kind of forest therapy based on immersion in nature, and the various health and wellbeing benefits we can derive from it to live better, calmer lives.", + "categories": "happiness", + "review_score": 8.5 + }, + { + "Unnamed: 0": 940, + "book_name": "Goals!", + "summaries": " By Brian Tracy shows you how to unleash the power of goal setting to help you get or become whatever you want, identifying ways to set goals that lead you to success by being specific, challenging yourself, thinking positively, preparing, adjusting your timelines on big goals, and more.", + "categories": "happiness", + "review_score": 5.1 + }, + { + "Unnamed: 0": 941, + "book_name": "The Kindness Method", + "summaries": " by Shahroo Izadi teaches how self-compassion and understanding make forming habits easier than being hard on yourself, using the personal experiences of the author and what she\u2019s learned as an addiction recovery therapist to show how self-esteem is the true key to behavior change.", + "categories": "happiness", + "review_score": 8.6 + }, + { + "Unnamed: 0": 942, + "book_name": "Soundtracks", + "summaries": " teaches you how to beat overthinking by challenging whether your thoughts are true, retiring unhelpful and unkind ideas, adopting thought-boosting mantras from others, using symbols to reinforce positive thoughts, and more.", + "categories": "happiness", + "review_score": 2.4 + }, + { + "Unnamed: 0": 943, + "book_name": "75 Hard", + "summaries": " is a fitness challenge and book that teaches mental toughness by making you commit to five daily critical tasks for 75 days straight, including drinking a gallon of water, reading 10 pages of a non-fiction book, doing two 45-minute workouts, taking a progress picture, and following a diet.", + "categories": "happiness", + "review_score": 5.7 + }, + { + "Unnamed: 0": 944, + "book_name": "How To Fail", + "summaries": " shows the surprising benefits of going through a difficult time through the experiences of the author, Elizabeth Day, including the failures in her life that she\u2019s grateful for and how they\u2019ve helped her grow, uncovering why we shouldn\u2019t be so afraid of failure but instead embrace it.", + "categories": "happiness", + "review_score": 7.2 + }, + { + "Unnamed: 0": 945, + "book_name": "How To Change", + "summaries": "\u00a0identifies the stumbling blocks that are in your way of reaching your goals and improving yourself and the research-backed ways to get over them, including how to beat some of the worst productivity and life problems like procrastination, laziness, and much more.", + "categories": "happiness", + "review_score": 4.6 + }, + { + "Unnamed: 0": 946, + "book_name": "The Art of Stopping Time", + "summaries": " teaches a framework of mindfulness, philosophy, and time-management you can use to achieve Time Prosperity, which is having plenty of time to reach your dreams without overwhelm, tumult, or constriction.", + "categories": "happiness", + "review_score": 7.8 + }, + { + "Unnamed: 0": 947, + "book_name": "What Are You Doing With Your Life?", + "summaries": " turns traditional ideas about happiness and the purpose of life on its head by diving into the details of life\u2019s most important questions, all so you can live with intention and joy more consistently.", + "categories": "happiness", + "review_score": 8.3 + }, + { + "Unnamed: 0": 948, + "book_name": "The Way of Integrity", + "summaries": " uses science, spirituality, humor, and Dante\u2019s Divine Comedy to teach you how to find well-being, healing, a sense of purpose, and much more by rediscovering integrity, or the recently lost art of living true to yourself by what you do, think and say.", + "categories": "happiness", + "review_score": 7.1 + }, + { + "Unnamed: 0": 949, + "book_name": "Journey of Awakening", + "summaries": " explains the basics of meditation using ideas from multiple spiritual sources, including how to avoid the mental traps that make it difficult so you can practice frequently and make mindfulness, and the many benefits that come with it, part of your daily life.", + "categories": "happiness", + "review_score": 4.1 + }, + { + "Unnamed: 0": 950, + "book_name": "Feel Great Lose Weight", + "summaries": " goes beyond fad diets and quick fixes for weight problems and instead dives into the science of how your body really works when you put food into it and how you can use this information to be fitter and feel better.", + "categories": "happiness", + "review_score": 4.6 + }, + { + "Unnamed: 0": 951, + "book_name": "Born To Win", + "summaries": " explores how planning and preparation is the only way to win in life and shows you how to use these tools in combination with a vision, goals, and thinking positively to become a winner in all aspects of life.", + "categories": "happiness", + "review_score": 2.2 + }, + { + "Unnamed: 0": 952, + "book_name": "Boundaries", + "summaries": " explains, with the help of modern psychology and Christian ideals, how to improve your mental health and personal growth by establishing guidelines for self-care that include saying no more often and standing firm in your decisions rather than letting people walk all over you.", + "categories": "happiness", + "review_score": 7.7 + }, + { + "Unnamed: 0": 953, + "book_name": "Do Nothing", + "summaries": " explores the idea that our focus on being productive all the time is making us less effective because of how little rest we get, identifying how the consequences of overworking ourselves, and the benefits of taking time off, make a compelling argument that we should spend more time doing nothing.", + "categories": "happiness", + "review_score": 2.8 + }, + { + "Unnamed: 0": 954, + "book_name": "The Bullet Journal Method", + "summaries": " introduces a unique system for organizing you can use t", + "categories": "happiness", + "review_score": 4.8 + }, + { + "Unnamed: 0": 955, + "book_name": "Intimacy And Desire", + "summaries": " uses case studies of couples in therapy to show how partners can turn their normal sexual struggles and issues with sexual desire into a journey of personal, spiritual, and psychological growth that leads to a stronger bond and deeper, healthier desires for each other.", + "categories": "happiness", + "review_score": 4.6 + }, + { + "Unnamed: 0": 956, + "book_name": "Open", + "summaries": " is the autobiography of world-famous tennis player Andre Agassi in which he details his struggles and successes on the way to self-awareness and balance while he was also trying to handle the constant pressures and difficulties that came from being one of the best tennis players in the world.", + "categories": "happiness", + "review_score": 5.8 + }, + { + "Unnamed: 0": 957, + "book_name": "Beyond Order", + "summaries": " is the follow-up to Jordan Peterson\u2019s bestselling book 12 Rules for Life and identifies another 12 rules to live by that help us live with and even embrace the chaos that we struggle with every day, identifying that too much order can be a problem just as much as too much disorder.", + "categories": "happiness", + "review_score": 5.9 + }, + { + "Unnamed: 0": 958, + "book_name": "Ten Arguments For Deleting Your Social Media Accounts Right Now", + "summaries": " shows why you should quit social media because it stops joy, makes you a jerk, erodes truth, kills empathy, takes free will, keeps the world insane, destroys authenticity, blocks economic dignity, makes politics a mess, and hates you.", + "categories": "happiness", + "review_score": 2.6 + }, + { + "Unnamed: 0": 959, + "book_name": "The Drama Of The Gifted Child", + "summaries": " is an international bestseller that will help you unearth your sad, suppressed memories from childhood that still haunt you today and teach you how to confront them so you can avoid passing them on to your children, release yourself from the pains of your past, and finally be free to live a life of fulfillment.", + "categories": "happiness", + "review_score": 2.6 + }, + { + "Unnamed: 0": 960, + "book_name": "Think Again", + "summaries": " will make you more intelligent, persuasive, and self-aware by identifying the power of being humble about what you don\u2019t know, how to recognize blind spots in your thinking before they start causing you problems, and what you can do to become more effective at convincing others of your way of thinking.", + "categories": "happiness", + "review_score": 8.9 + }, + { + "Unnamed: 0": 961, + "book_name": "Forgiving What You Can\u2019t Forget", + "summaries": " teaches you how to heal from past traumas that still haunt you today by going through the lessons that author Lysa TerKeurst learned from childhood abuse and an unfaithful spouse, which have helped her find peace even in tough situations by forgiving those who have wronged her.", + "categories": "happiness", + "review_score": 1.8 + }, + { + "Unnamed: 0": 962, + "book_name": "The End Of Illness", + "summaries": " will change the way that you think of sickness and health by identifying the problems with the current mindset around them and how focusing on the systems within your body instead of disease will help you make better-informed decisions that will keep you on the path of good health.", + "categories": "happiness", + "review_score": 9.5 + }, + { + "Unnamed: 0": 963, + "book_name": "Raising A Secure Child", + "summaries": " teaches new parents how to feel confident that they can meet their child\u2019s needs without making them too attached by outlining the experience that Hoffman, Cooper, and Powell have in helping parents form healthy attachments with their kids in ways that help them avoid becoming too hard on themselves and their children.", + "categories": "happiness", + "review_score": 9.9 + }, + { + "Unnamed: 0": 964, + "book_name": "Boys & Sex", + "summaries": " shares the best insights that Peggy Orenstein had after two years of asking young men about their sex lives, including why stereotypes make life harder for them, how hookup culture is destroying relationships, and what we as a society can do to help these boys have better, healthier views about and experiences with sex.", + "categories": "happiness", + "review_score": 6.8 + }, + { + "Unnamed: 0": 965, + "book_name": "Unlearn", + "summaries": " will show you how to win even in changing circumstances by revealing why the patterns you used for past successes won\u2019t always work and how to adopt a learning attitude to stop them from holding you back.", + "categories": "happiness", + "review_score": 3.2 + }, + { + "Unnamed: 0": 966, + "book_name": "My Morning Routine", + "summaries": " is the ultimate guide to building healthy habits in the hours right after you wake up with tips backed up by the experiences of some of the most successful people in the world, including Ryan Holiday, Chris Guillebeau, Nir Eyal, and many more.", + "categories": "happiness", + "review_score": 3.4 + }, + { + "Unnamed: 0": 967, + "book_name": "Under Pressure", + "summaries": " uncovers the hidden anxieties and stresses that school-aged girls experience and what parents, educators, and all of us can do to help them break through it and succeed.", + "categories": "happiness", + "review_score": 9.3 + }, + { + "Unnamed: 0": 968, + "book_name": "Mindful Work", + "summaries": " is your guide to understanding how the practice of meditation got its roots in Western society, the many ways it radically improves your brain\u2019s ability to do almost everything, and how it will improve your productivity.", + "categories": "happiness", + "review_score": 6.2 + }, + { + "Unnamed: 0": 969, + "book_name": "Phantoms In The Brain", + "summaries": " will make you smarter about your own mind by sharing what scientists have learned from some of the most interesting experiences of patients with neurological disorders.", + "categories": "happiness", + "review_score": 9.6 + }, + { + "Unnamed: 0": 970, + "book_name": "Pivot", + "summaries": " will give you the confidence you need to change careers by showing you how to prepare by examining your strengths, working with the right people, testing ideas, and creating opportunities.", + "categories": "happiness", + "review_score": 9.5 + }, + { + "Unnamed: 0": 971, + "book_name": "The Social Leap", + "summaries": " will help you understand human nature better by explaining the most significant event in our species\u2019 evolutionary history and looking at how we adapted socially, emotionally, and psychologically to survive.", + "categories": "happiness", + "review_score": 1.8 + }, + { + "Unnamed: 0": 972, + "book_name": "Survival Of The Friendliest", + "summaries": " explains why the #1 thing you can do for success is to focus on your social connections, how friendliness was the reason that our early ancestors survived as well as they did, and what you can do today to grow your social capital.", + "categories": "happiness", + "review_score": 5.1 + }, + { + "Unnamed: 0": 973, + "book_name": "The Charge", + "summaries": " shows you how to unlock the baseline and forward human drives within you that will help you get energized, grounded, and working so that you can have the life of happiness and fulfillment you\u2019ve always wanted.", + "categories": "happiness", + "review_score": 6.5 + }, + { + "Unnamed: 0": 974, + "book_name": "Relationship Goals", + "summaries": " will open your mind to the true nature of healthy connections with others and help you prepare for health and happiness while you\u2019re single and when you get married by outlining common relationship traps and how to avoid them.", + "categories": "happiness", + "review_score": 9.2 + }, + { + "Unnamed: 0": 975, + "book_name": "Thoughts Without A Thinker", + "summaries": " helps you get more peace, overcome mental illness, and ease suffering by outlining the principles of Buddhism, mindfulness, and meditation as they relate to psychoanalysis.", + "categories": "happiness", + "review_score": 7.9 + }, + { + "Unnamed: 0": 976, + "book_name": "Get Out Of Your Head", + "summaries": " shows you how to break the pattern of negative thinking so you can consistently entertain healthier and happier thoughts by teaching simple tips like being alone, connecting with others, and reconnecting with God.", + "categories": "happiness", + "review_score": 4.7 + }, + { + "Unnamed: 0": 977, + "book_name": "Getting COMFY", + "summaries": " will show you how to improve each day of your life by identifying why you need to begin the right way and giving a step-by-step framework to make it happen.", + "categories": "happiness", + "review_score": 4.3 + }, + { + "Unnamed: 0": 978, + "book_name": "How To Love", + "summaries": " teaches the secrets of caring for and connecting with yourself, your partner, and everyone in the world by looking at love through the lens of mindfulness.", + "categories": "happiness", + "review_score": 4.8 + }, + { + "Unnamed: 0": 979, + "book_name": "Curious", + "summaries": " is your guide to becoming more intelligent by harnessing the power of inquisitiveness and outlines the true nature of curiosity, how to keep it flourishing to become smarter, and what you might unknowingly be doing to suffocate its power.", + "categories": "happiness", + "review_score": 2.5 + }, + { + "Unnamed: 0": 980, + "book_name": "Late Bloomers", + "summaries": " will help you become more patient with the speed of your progress by identifying the damaging influences of early achievement culture and societal pressure and how to be proud of reaching your peak later in life.", + "categories": "happiness", + "review_score": 5.8 + }, + { + "Unnamed: 0": 981, + "book_name": "It\u2019s All In Your Head", + "summaries": " will motivate you to work hard, stay determined, and believe you can achieve your dreams by sharing the rise to fame of the prolific composer Russ.", + "categories": "happiness", + "review_score": 7.1 + }, + { + "Unnamed: 0": 982, + "book_name": "Brain Wash", + "summaries": " will show you how to have a more peaceful, contented life by revealing what\u2019s wrong with all of the bad habits that society accepts as normal, how they affect our brains, and the 10-day program you can follow to fix it.", + "categories": "happiness", + "review_score": 5.3 + }, + { + "Unnamed: 0": 983, + "book_name": "Unplug", + "summaries": " is your guide to utilizing meditation to enhance your brain, deal with stress, and become happier, explaining the basics of this practice, how to get started with it, and what science has to teach about its many benefits.", + "categories": "happiness", + "review_score": 8.2 + }, + { + "Unnamed: 0": 984, + "book_name": "Ego Friendly", + "summaries": " brings a twist to the mainstream spiritual narrative by showing you how to befriend your ego and treat it as your ally, instead of \u201cletting go of it.\u201d", + "categories": "happiness", + "review_score": 8.0 + }, + { + "Unnamed: 0": 985, + "book_name": "Eat Sleep Work Repeat", + "summaries": " identifies why so many workplaces are unnecessarily stressful, how it makes employees unhappy and businesses less profitable, and what we all need to do to fix this growing problem.", + "categories": "happiness", + "review_score": 1.1 + }, + { + "Unnamed: 0": 986, + "book_name": "The Art Of Communicating", + "summaries": " will improve your interpersonal and relationship skills by identifying the power of using mindfulness when talking with others, showing you how to listen with respect, convey your ideas efficiently, and most of all deepen your connections with others.", + "categories": "happiness", + "review_score": 7.1 + }, + { + "Unnamed: 0": 987, + "book_name": "Mind Over Money", + "summaries": " is the ultimate guide to understanding the psychology of personal finance, explaining how your beliefs about money began forming when you were very young and what you can do to make your brain your financial friend instead of your enemy.", + "categories": "happiness", + "review_score": 8.6 + }, + { + "Unnamed: 0": 988, + "book_name": "The Alchemist", + "summaries": " is a classic novel in which a boy named Santiago embarks on a journey seeking treasure in the Egyptian pyramids after having a recurring dream about it and on the way meets mentors, falls in love, and most importantly, learns the true importance of who he is and how to improve himself and focus on what really matters in life.", + "categories": "happiness", + "review_score": 3.5 + }, + { + "Unnamed: 0": 989, + "book_name": "The Seven Principles For Making Marriage Work", + "summaries": " is a compilation of the best lessons from John Gottman\u2019s research on how healthy relationships happen and will teach you exactly what you and your spouse need to do to have a happy, healthy, and successful marriage.", + "categories": "happiness", + "review_score": 2.7 + }, + { + "Unnamed: 0": 990, + "book_name": "Start Where You Are", + "summaries": " helps you discover the power of meditation and compassion by going beyond what incense to buy and giving you real and powerful advice on how to make these tools part of your daily life so you can live with greater happiness and peace.", + "categories": "happiness", + "review_score": 2.0 + }, + { + "Unnamed: 0": 991, + "book_name": "High Performance Habits", + "summaries": " is your guide to building the six systems that science and the lives of the most successful people in the world prove will turn you into a productive, fulfilled, and extraordinary person.", + "categories": "happiness", + "review_score": 8.6 + }, + { + "Unnamed: 0": 992, + "book_name": "Living Forward", + "summaries": " shows you how to finally get direction, purpose, and fulfillment by identifying why you need a Life Plan, how to write one, and the amazing life you can have if you implement it.", + "categories": "happiness", + "review_score": 3.5 + }, + { + "Unnamed: 0": 993, + "book_name": "The Purpose Driven Life", + "summaries": " is Christian pastor Rick Warren\u2019s answer to the burning question that we all have about why we\u2019re here and explains God\u2019s five purposes for your life and how you can realize and live each of them by going on a 40-day spiritual journey.", + "categories": "happiness", + "review_score": 2.8 + }, + { + "Unnamed: 0": 994, + "book_name": "Emotional Intelligence 2.0", + "summaries": " explains what Emotional Intelligence is and how you can use it to build fantastic relationships in your personal life and career by utilizing the powers of self-awareness, self-management, social awareness, and relationship management.", + "categories": "happiness", + "review_score": 5.5 + }, + { + "Unnamed: 0": 995, + "book_name": "The Happiness Trap", + "summaries": " offers an easy-to-follow, practical guide to implementing Acceptances and Commitment Therapy (ACT), an effective method for loosening the grip of negative emotions so you can follow your values in life. ", + "categories": "happiness", + "review_score": 7.0 + }, + { + "Unnamed: 0": 996, + "book_name": "Mind Over Clutter", + "summaries": " helps you take steps to improve your mental health, physical health, and the environment by showing you why having too much junk is so bad for you and outlining how to get rid of it all.", + "categories": "happiness", + "review_score": 7.4 + }, + { + "Unnamed: 0": 997, + "book_name": "Who Not How", + "summaries": " will skyrocket your success, happiness, and fulfillment in all areas of your life by identifying why you\u2019re looking at your problems the wrong way and how simply seeking to get the right people to help you will make all the difference.", + "categories": "happiness", + "review_score": 2.0 + }, + { + "Unnamed: 0": 998, + "book_name": "Reasons To Stay Alive", + "summaries": " shows you the dangers and difficulties surrounding mental illness, uncovers the stigma around it, and identifies how to recover from it by sharing the story of Matt Haig\u2019s recovery after an awful panic attack and subsequent battle with depression and anxiety.", + "categories": "happiness", + "review_score": 8.0 + }, + { + "Unnamed: 0": 999, + "book_name": "Words Can Change Your Brain", + "summaries": " is the ultimate guide to becoming an expert communicator, teaching you how to use psychology to your advantage to express yourself better, listen more, and create an environment of trust with anyone you speak with.", + "categories": "happiness", + "review_score": 10.0 + }, + { + "Unnamed: 0": 1000, + "book_name": "Metahuman", + "summaries": " shows you how to tap into your unlimited potential by discovering a higher level of awareness surrounding the limits of your everyday reality.", + "categories": "happiness", + "review_score": 9.2 + }, + { + "Unnamed: 0": 1001, + "book_name": "The Telomere Effect", + "summaries": " shows you how to live healthier and stay younger longer by identifying an important part of your physiology that you might have never heard of and teaching you how to take great care of it.", + "categories": "happiness", + "review_score": 5.1 + }, + { + "Unnamed: 0": 1002, + "book_name": "Happier", + "summaries": " will improve your mental state and level of success by identifying what you get wrong about joy and how to discover what\u2019s most important to you and how to make those things a more significant part of your life.", + "categories": "happiness", + "review_score": 7.1 + }, + { + "Unnamed: 0": 1003, + "book_name": "Upheaval", + "summaries": " enlightens you by telling the stories of seven countries that fell into crises, including how they got there and what they did to get out, and identifies the common threads between all of them.", + "categories": "happiness", + "review_score": 6.6 + }, + { + "Unnamed: 0": 1004, + "book_name": "The Courage Habit", + "summaries": " helps you unearth your hidden desires for a better life, shows you how fear buried them in the first place, and outlines the path toward overcoming the paralysis that being afraid brings so that you can have everything you\u2019ve ever dreamed of.", + "categories": "happiness", + "review_score": 6.4 + }, + { + "Unnamed: 0": 1005, + "book_name": "The Power Of Bad", + "summaries": " gives some excellent tips on how to become happier by identifying your tendency toward negativity and what psychology and research have to show you about how to beat it.", + "categories": "happiness", + "review_score": 2.5 + }, + { + "Unnamed: 0": 1006, + "book_name": "Who Will Cry When You Die?", + "summaries": " helps you leave a lasting legacy of greatness after you\u2019re gone by giving specific tips on how to become the best version of yourself and the kind that makes others grateful for all of your contributions to their lives and the world.", + "categories": "happiness", + "review_score": 8.4 + }, + { + "Unnamed: 0": 1007, + "book_name": "Super Attractor", + "summaries": " will help you become happier, find your purpose, overcome your fears, and begin living the life you\u2019ve always wanted by identifying the steps you need to take to connect with a higher spiritual power.", + "categories": "happiness", + "review_score": 7.1 + }, + { + "Unnamed: 0": 1008, + "book_name": "The Way Of Zen", + "summaries": " is the ultimate guide to understanding the history, principles, and benefits of Zen and how it can help us experience mental stillness and enjoy life even in uncertain times.", + "categories": "happiness", + "review_score": 2.2 + }, + { + "Unnamed: 0": 1009, + "book_name": "Everybody Matters", + "summaries": " identifies the best way to become successful in business, help your team members trust you, and enable people to reach their full potential by showing the power of taking better care of your employees as if they were family.", + "categories": "happiness", + "review_score": 9.1 + }, + { + "Unnamed: 0": 1010, + "book_name": "A Monk\u2019s Guide To Happiness", + "summaries": " will help you find more joy in life by identifying the mental pitfalls you fall into that make it so hard to have and how to shatter the shackles of suffering to finally find inner peace.", + "categories": "happiness", + "review_score": 8.3 + }, + { + "Unnamed: 0": 1011, + "book_name": "See You At The Top", + "summaries": " shows you how to have a spiritually, socially, financially, and physically successful and meaningful life by utilizing tools like positive thinking, kindness to others, and goal-setting.", + "categories": "happiness", + "review_score": 3.6 + }, + { + "Unnamed: 0": 1012, + "book_name": "Own Your Everyday", + "summaries": " shows you how to let go of comparison, stress, and distractions so you can find your purpose and live a more fulfilling life by sharing inspiring lessons from the experiences of author Jordan Lee Dooley.", + "categories": "happiness", + "review_score": 4.2 + }, + { + "Unnamed: 0": 1013, + "book_name": "Resisting Happiness", + "summaries": " shows you how to get more joy in your life by exploring the roadblocks you unknowingly put in the way of it, explaining why it\u2019s a choice, and giving specific tips to help you make the decision to be content.", + "categories": "happiness", + "review_score": 6.6 + }, + { + "Unnamed: 0": 1014, + "book_name": "When Things Fall Apart", + "summaries": " gives you the confidence to make it through life\u2019s inevitable setbacks by sharing ideas and strategies like mindfulness to grow your resilience and come out on top.", + "categories": "happiness", + "review_score": 8.1 + }, + { + "Unnamed: 0": 1015, + "book_name": "Willpower Doesn\u2019t Work", + "summaries": " shows you how to change your life in a more efficient way than relying on sheer grit alone by identifying the importance of your environment and other factors that affect your productivity so you can become your best self.", + "categories": "happiness", + "review_score": 3.0 + }, + { + "Unnamed: 0": 1016, + "book_name": "Get Out Of Your Own Way", + "summaries": " guides you through the process of overcoming what\u2019s holding you back from being your best self and reaching success you\u2019ve never dreamed of by identifying how Dave Hollis came to realize his limiting beliefs and beat them.", + "categories": "happiness", + "review_score": 1.1 + }, + { + "Unnamed: 0": 1017, + "book_name": "Conscious Uncoupling", + "summaries": " will improve your love life by showing you how to break up the right way and why things are going to be okay after you separate from someone you once loved.", + "categories": "happiness", + "review_score": 5.7 + }, + { + "Unnamed: 0": 1018, + "book_name": "Living In Your Top 1%", + "summaries": " shows you how to become your best self and live up to your full potential by outlining nine science-backed ways to beat the odds and achieve your goals and dreams.", + "categories": "happiness", + "review_score": 9.7 + }, + { + "Unnamed: 0": 1019, + "book_name": "The Pragmatist\u2019s Guide To Relationships", + "summaries": " is an extensive, practical guide to finding a companion, be it for marriage, dating, or sex and building a healthy, happy life with them.", + "categories": "happiness", + "review_score": 9.0 + }, + { + "Unnamed: 0": 1020, + "book_name": "Joy At Work", + "summaries": " takes Marie Kondo\u2019s famous tidying-up tips and applies it to your job to help you be happier in the physical areas, digital spaces, and uses of your time in the office.", + "categories": "happiness", + "review_score": 9.0 + }, + { + "Unnamed: 0": 1021, + "book_name": "Battle Hymn Of The Tiger Mother", + "summaries": " opens your eyes to the potential benefits of tough love by sharing the traditionally Chinese parenting style and experiences of Amy Chua.", + "categories": "happiness", + "review_score": 4.3 + }, + { + "Unnamed: 0": 1022, + "book_name": "How To Do Nothing", + "summaries": " makes you more productive and helps you have more peace by identifying the problems with our current 24/7 work culture, where it came from, and how pausing to reflect helps you overcome it.", + "categories": "happiness", + "review_score": 2.5 + }, + { + "Unnamed: 0": 1023, + "book_name": "Think Small", + "summaries": " gives the science-backed secrets to following through with your goals, identifying seven key components that will help you use your own human nature to your advantage for wild success like you\u2019ve never had before.", + "categories": "happiness", + "review_score": 5.2 + }, + { + "Unnamed: 0": 1024, + "book_name": "13 Things Mentally Strong Parents Don\u2019t Do", + "summaries": " teaches parents how to stop being a roadblock to their kids academic, behavioral, and emotional success by outlining ways to develop the right thinking habits.", + "categories": "happiness", + "review_score": 9.0 + }, + { + "Unnamed: 0": 1025, + "book_name": "Everything Is Figureoutable", + "summaries": " will help you annihilate the limiting beliefs that are holding you back so that you can finally pursue your dreams by identifying the thinking patterns that get you stuck and how to use self-empowerment principles to become free.", + "categories": "happiness", + "review_score": 7.7 + }, + { + "Unnamed: 0": 1026, + "book_name": "The 15 Invaluable Laws Of Growth", + "summaries": " will inspire you to get up and improve your life by showing you how change only happens when we actively nurture it and identifying the steps and strategies to thrive in your career and life.", + "categories": "happiness", + "review_score": 1.2 + }, + { + "Unnamed: 0": 1027, + "book_name": "Empire Of Illusion", + "summaries": " motivates you to watch less TV and get better at reading by outlining the sharp drop in literacy levels in the United States in recent years, the negative effects that have followed, and the dark future ahead if we continue on this path.", + "categories": "happiness", + "review_score": 6.4 + }, + { + "Unnamed: 0": 1028, + "book_name": "Be A Free Range Human", + "summaries": " inspires you to finally quit that 9-5 job that is sucking the life out of you and begin working for yourself by explaining why the \u201cjob security\u201d doesn\u2019t exist anymore, helping you discover your passions, and identifying the steps you need to follow if you want to start a life of freedom and happiness.", + "categories": "happiness", + "review_score": 8.3 + }, + { + "Unnamed: 0": 1029, + "book_name": "Success Through A Positive Mental Attitude", + "summaries": " is a classic self-improvement book that will boost your happiness and give you the life of your dreams by identifying what Napoleon Hill learned interviewing hundreds of successful people and sharing how their outlook on life helped them get to the top.", + "categories": "happiness", + "review_score": 9.6 + }, + { + "Unnamed: 0": 1030, + "book_name": "Blueprint", + "summaries": " helps you have hope for the goodness of the human race by revealing our biologically wired social tendencies that help us survive and thrive by working together.", + "categories": "happiness", + "review_score": 5.6 + }, + { + "Unnamed: 0": 1031, + "book_name": "The Unexpected Joy Of Being Sober", + "summaries": " will help you have a happier and healthier life by persuasively revealing the many disadvantages of alcohol and the benefits of going without it permanently. ", + "categories": "happiness", + "review_score": 9.0 + }, + { + "Unnamed: 0": 1032, + "book_name": "Status Anxiety", + "summaries": " identifies the ways that your desire to be seen as someone successful makes you mentally unhealthy and also shows ways that you can combat the disease of trying to climb the never-ending social ladder.", + "categories": "happiness", + "review_score": 9.2 + }, + { + "Unnamed: 0": 1033, + "book_name": "Why We Can\u2019t Sleep", + "summaries": " will help women in Generation X feel better about the challenges they face by examining the reasons why they are going through midlife crises due to poor market conditions, caring for children and elderly parents simultaneously, and facing massive amounts of discrimination.", + "categories": "happiness", + "review_score": 6.4 + }, + { + "Unnamed: 0": 1034, + "book_name": "Best Self", + "summaries": " will help you become the hero you\u2019ve always wanted to be by teaching you how to be honest with yourself about what you desire, identify your toxic anti-self, and discover the traits of the greatest possible version of you that you can imagine.", + "categories": "happiness", + "review_score": 7.9 + }, + { + "Unnamed: 0": 1035, + "book_name": "Personality Isn\u2019t Permanent", + "summaries": " will shatter your long-held beliefs that you\u2019re stuck as yourself, flaws and all, by identifying why the person you are is changeable and giving you specific and actionable steps to change.", + "categories": "happiness", + "review_score": 6.2 + }, + { + "Unnamed: 0": 1036, + "book_name": "Your Best Year Ever", + "summaries": " gives powerful inspiration to change your life by helping you identify what you should improve on, how to get over the hurdles in your way, and the patterns and habits you need to set so that achieving your dreams is more possible than ever.", + "categories": "happiness", + "review_score": 5.0 + }, + { + "Unnamed: 0": 1037, + "book_name": "Design Your Future", + "summaries": " motivates you to get out of your limiting beliefs and fears that are holding you back from building a life you love by identifying why you got stuck in a career or job you hate and what steps you must take to finally live your dreams.", + "categories": "happiness", + "review_score": 2.3 + }, + { + "Unnamed: 0": 1038, + "book_name": "The Body", + "summaries": " helps you become smarter about how to take care of and use this mechanism that lets you have life by explaining how it\u2019s put together, what happens on the inside, and how it works. ", + "categories": "happiness", + "review_score": 8.9 + }, + { + "Unnamed: 0": 1039, + "book_name": "The Latte Factor", + "summaries": " teaches us how to overcome limiting beliefs about money and build our financial freedom through small daily choices.\u00a0 ", + "categories": "happiness", + "review_score": 6.2 + }, + { + "Unnamed: 0": 1040, + "book_name": " Outer Order, Inner Calm", + "summaries": " gives you advice to declutter your space and keep it orderly, to foster your inner peace and allow you to flourish.", + "categories": "happiness", + "review_score": 6.2 + }, + { + "Unnamed: 0": 1041, + "book_name": "Boost!", + "summaries": " is a guide for becoming more productive at work by using the preparation and performance techniques that world-class athletes use to win gold medals.", + "categories": "happiness", + "review_score": 5.8 + }, + { + "Unnamed: 0": 1042, + "book_name": "The Coaching Habit", + "summaries": " outlines the questions, attitudes, and habits required of managers who want to become great at motivating their team to become self-sustaining.", + "categories": "happiness", + "review_score": 3.9 + }, + { + "Unnamed: 0": 1043, + "book_name": "Self-Compassion", + "summaries": " teaches you the art of being kind to yourself by identifying what causes you to beat yourself up, how it affects your life negatively, and what you can do to relate to yourself in healthier and more compassionate ways.", + "categories": "happiness", + "review_score": 5.8 + }, + { + "Unnamed: 0": 1044, + "book_name": "Thank You For Being Late", + "summaries": " helps you slow down and take life at a more reasonable pace by explaining the state of our rapidly changing environment, economy, and technology.", + "categories": "happiness", + "review_score": 4.2 + }, + { + "Unnamed: 0": 1045, + "book_name": "What to Eat When", + "summaries": " teaches us how food works inside our body and how to feed ourselves in a way that better suits our biology, making us healthier and stronger.", + "categories": "happiness", + "review_score": 3.3 + }, + { + "Unnamed: 0": 1046, + "book_name": "The Confidence Code", + "summaries": " empowers women to become more courageous by explaining their natural tendencies toward timidity and how to break them even in a world dominated by men. ", + "categories": "happiness", + "review_score": 8.7 + }, + { + "Unnamed: 0": 1047, + "book_name": "Educated", + "summaries": " will help you become more grateful for your schooling, freedom, and normal relationships by explaining the family difficulties that Tara Westover had to break free of so that she could get her own education.", + "categories": "happiness", + "review_score": 4.7 + }, + { + "Unnamed: 0": 1048, + "book_name": "The Advice Trap", + "summaries": "\u00a0will drastically improve your communication skills and make you more likable, thanks to explaining why defaulting to sharing your opinion about everything is a bad idea and how listening until you truly understand people\u2019s needs will make a much bigger positive difference in their lives.", + "categories": "happiness", + "review_score": 2.0 + }, + { + "Unnamed: 0": 1049, + "book_name": "The Book You Wish Your Parents Had Read", + "summaries": " will help you step back and focus more on the big picture of parenting to foster a strong relationship with your child so they can grow up emotionally and mentally healthy.", + "categories": "happiness", + "review_score": 9.6 + }, + { + "Unnamed: 0": 1050, + "book_name": "Designing Your Life", + "summaries": " will show you how to break the shackles of your mundane 9-5 job by sharing exercises and tips that will direct you towards your true calling that fills you with passion, purpose, and fulfillment.", + "categories": "happiness", + "review_score": 9.6 + }, + { + "Unnamed: 0": 1051, + "book_name": "An Astronaut\u2019s Guide To Life On Earth", + "summaries": " teaches you how to live better by taking lessons from the rigorous requirements of going to outer space and applying them to everyday life. ", + "categories": "happiness", + "review_score": 3.5 + }, + { + "Unnamed: 0": 1052, + "book_name": "You\u2019re Not Listening", + "summaries": " is a book that will improve your communication skills by revealing how uncommon the skill of paying attention to what others are saying is and what experts teach about how to get better at it.", + "categories": "happiness", + "review_score": 6.3 + }, + { + "Unnamed: 0": 1053, + "book_name": "Insight", + "summaries": " will help you understand what self-awareness is, why it\u2019s vital if you want to become your best self, and how to overcome the obstacles in the way of having more of it.", + "categories": "happiness", + "review_score": 1.7 + }, + { + "Unnamed: 0": 1054, + "book_name": "All About Love", + "summaries": " teaches you how to get more affection and connection in your relationships by explaining why true love is so difficult these days and how to combat the unrealistic expectations society has set up that makes it so hard.", + "categories": "happiness", + "review_score": 5.7 + }, + { + "Unnamed: 0": 1055, + "book_name": "Selfish Reasons to Have More Kids", + "summaries": " explains how parents accidentally allowed modernity to suck all the pleasure out of family life, and why they should feel no guilt over choosing a low-stress way of parenting instead. ", + "categories": "happiness", + "review_score": 2.4 + }, + { + "Unnamed: 0": 1056, + "book_name": "The Road Back To You", + "summaries": " will teach you more about what kind of person you are by identifying the pros and cons of each personality type within the Enneagram test.", + "categories": "happiness", + "review_score": 5.7 + }, + { + "Unnamed: 0": 1057, + "book_name": "Brotopia", + "summaries": " motivates you to be fairer in the workplace as an employee or employer by revealing the sad sexist state of Silicon Valley.", + "categories": "happiness", + "review_score": 2.0 + }, + { + "Unnamed: 0": 1058, + "book_name": "It Doesn\u2019t Have To Be Crazy At Work", + "summaries": " helps you relax about the current hurry-up and work yourself to death culture and instead see why getting rid of these stressful mentalities will make you and your company more focused, calm, and productive.", + "categories": "happiness", + "review_score": 9.2 + }, + { + "Unnamed: 0": 1059, + "book_name": "Affluenza", + "summaries": " asserts that the reason we are so unhappy is because of our obsession with consumption and the sickness that it brings upon ourselves and the world around us as well.", + "categories": "happiness", + "review_score": 3.6 + }, + { + "Unnamed: 0": 1060, + "book_name": "Braiding Sweetgrass", + "summaries": " offers some great ways for all of us to take better care of and be more grateful for our planet by explaining the way that Native Americans view and take care of it.", + "categories": "happiness", + "review_score": 2.1 + }, + { + "Unnamed: 0": 1061, + "book_name": "Alibaba", + "summaries": " shares the inspiring story of Jack Ma\u2019s hard work, entrepreneurial vision, and smart thinking that helped him build one of the most successful and influential companies in the world. ", + "categories": "happiness", + "review_score": 1.1 + }, + { + "Unnamed: 0": 1062, + "book_name": "Playing With FIRE", + "summaries": " will teach you how to be happier with your financial life and worry less about money by getting into the Financial Independence, Retire Early (FIRE) movement.", + "categories": "happiness", + "review_score": 6.4 + }, + { + "Unnamed: 0": 1063, + "book_name": "Social", + "summaries": " explains how our innate drive to build social connections is the primary driver behind our behavior and explores ways we can use this knowledge to our advantage. ", + "categories": "happiness", + "review_score": 7.7 + }, + { + "Unnamed: 0": 1064, + "book_name": "Chasing The Scream", + "summaries": " is a scathing review of the failed war on drugs, explaining its history with surprising statistics and identifying new ways that we can think about addiction, recovery, and drug laws.", + "categories": "happiness", + "review_score": 5.6 + }, + { + "Unnamed: 0": 1065, + "book_name": "Creative Confidence", + "summaries": " helps break the mundanity of everyday work and life by exploring the power that being more innovative has to improve happiness and success in many different areas.", + "categories": "happiness", + "review_score": 2.0 + }, + { + "Unnamed: 0": 1066, + "book_name": "The Path Made Clear", + "summaries": " contains Oprah Winfrey\u2019s tips for how to discover your real purpose so you can live a life of success and significance.", + "categories": "happiness", + "review_score": 2.1 + }, + { + "Unnamed: 0": 1067, + "book_name": "30 Lessons For Loving", + "summaries": " gives the relationship advice of hundreds of couples who have stayed together into old age and will teach you how to have happiness and longevity in your love life.", + "categories": "happiness", + "review_score": 2.7 + }, + { + "Unnamed: 0": 1068, + "book_name": "The Worry-Free Mind", + "summaries": " helps free you of the shackles of all types of anxieties by identifying where they come from and what steps you need to take to regain control of your thinking patterns and become mentally healthy again.", + "categories": "happiness", + "review_score": 8.5 + }, + { + "Unnamed: 0": 1069, + "book_name": "Be Obsessed Or Be Average", + "summaries": " motivates you to get your heart into your work and live up to your true potential by identifying the thinking patterns and work habits of the passionate, successful, and driven Grant Cardone.", + "categories": "happiness", + "review_score": 2.8 + }, + { + "Unnamed: 0": 1070, + "book_name": "Do What You Are", + "summaries": " will help you discover your personality type and how it can lead you to a more satisfying career that corresponds to your talents and interests.", + "categories": "happiness", + "review_score": 8.8 + }, + { + "Unnamed: 0": 1071, + "book_name": "Tiny Habits", + "summaries": " shows you the power of applying small changes to your routine to unleash the full power that habits have to make your life better.", + "categories": "happiness", + "review_score": 5.6 + }, + { + "Unnamed: 0": 1072, + "book_name": "Great Thinkers", + "summaries": " shows how much of what\u2019s truly important in life can be solved by the wisdom left behind by brilliant minds from long past.\u00a0", + "categories": "happiness", + "review_score": 8.6 + }, + { + "Unnamed: 0": 1073, + "book_name": "The Algebra of Happiness", + "summaries": " outlines the variables in the equation for happiness and how to build them in your life.", + "categories": "happiness", + "review_score": 5.2 + }, + { + "Unnamed: 0": 1074, + "book_name": "The Power Paradox", + "summaries": " frames the concept of power in an inspiring new narrative, which can help us create better and more equal relationships, workplaces, and societies.", + "categories": "happiness", + "review_score": 7.0 + }, + { + "Unnamed: 0": 1075, + "book_name": "Brain Rules", + "summaries": " teaches you how to become more productive at work and life by giving proven facts about how your mind works better with good sleep, exercise, and learning with all the senses.", + "categories": "happiness", + "review_score": 5.3 + }, + { + "Unnamed: 0": 1076, + "book_name": "Broadcasting Happiness", + "summaries": " is an encouraging resource that will help you boost your health and happiness in your relationships, work, and community by showing you how to unlock the power of positive words and stories.", + "categories": "happiness", + "review_score": 3.8 + }, + { + "Unnamed: 0": 1077, + "book_name": "Alone Together", + "summaries": " is a book that will make you want to have a better relationship with technology by revealing just how much we rely on it and the ways our connection to it is growing worse and having negative effects on us all.", + "categories": "happiness", + "review_score": 9.0 + }, + { + "Unnamed: 0": 1078, + "book_name": "The Joy Of Movement", + "summaries": " is just what you need to finally find the motivation to get out and exercise more often by teaching you the scientific reasons why it\u2019s good for you and why your body is designed to enjoy it.", + "categories": "happiness", + "review_score": 4.3 + }, + { + "Unnamed: 0": 1079, + "book_name": "Girl, Stop Apologizing", + "summaries": " is an inspirational book for women everywhere to start living up to their potential and stop apologizing for following their dreams. ", + "categories": "happiness", + "review_score": 1.1 + }, + { + "Unnamed: 0": 1080, + "book_name": "Brave", + "summaries": " will help you have the relationships, career, and everything else in life that you\u2019ve always wanted but have been afraid to go for by teaching you how to become more courageous. ", + "categories": "happiness", + "review_score": 7.6 + }, + { + "Unnamed: 0": 1081, + "book_name": "The Body Keeps The Score", + "summaries": " teaches you how to get through the difficulties that arise from your traumatic past by revealing the psychology behind them and revealing some of the techniques therapists use to help victims recover.", + "categories": "happiness", + "review_score": 4.3 + }, + { + "Unnamed: 0": 1082, + "book_name": "How Not To Worry", + "summaries": " will teach you how to live stress-free by revealing your brain\u2019s primitive emotional survival instinct and providing a simple and effective roadmap for letting go of your anxieties.\u00a0\n", + "categories": "happiness", + "review_score": 8.7 + }, + { + "Unnamed: 0": 1083, + "book_name": "How To Change Your Mind", + "summaries": " reveals new evidence on psychedelics, confirming their power to cure mental illness, ease depression and addiction, and help people die more peacefully.\u00a0 ", + "categories": "happiness", + "review_score": 6.5 + }, + { + "Unnamed: 0": 1084, + "book_name": "When Breath Becomes Air", + "summaries": " helps you see what\u2019s really important by diving into Paul Kalanithi\u2019s life of loving neuroscience, literature, meaning, and his family that ended from cancer in his mid-thirties. ", + "categories": "happiness", + "review_score": 3.5 + }, + { + "Unnamed: 0": 1085, + "book_name": "Quit Like A Millionaire", + "summaries": "Learn how to cut down on spending without decreasing your quality of life, build a million-dollar portfolio, fortify your investments to survive bear markets and black-swan events, and use the 4 percent rule to retire early.", + "categories": "happiness", + "review_score": 1.3 + }, + { + "Unnamed: 0": 1086, + "book_name": "Why Are We Yelling?", + "summaries": " will improve your relationships, professional life, and the way you view the world by showing you that arguments aren\u2019t bad, but important growing experiences if we learn to make them productive.", + "categories": "happiness", + "review_score": 8.1 + }, + { + "Unnamed: 0": 1087, + "book_name": "Anatomy Of An Epidemic", + "summaries": " teaches you how to make better decisions about your mental health as it uncovers the questionable origin of medication and reveals the interesting connection between psychiatry and pharmaceutical companies.", + "categories": "happiness", + "review_score": 2.1 + }, + { + "Unnamed: 0": 1088, + "book_name": "A General Theory Of Love", + "summaries": " will help you reprogram your mind for better emotional intelligence and relationships by teaching you what three psychiatrists have to say about the science of why we experience love and other emotions.", + "categories": "happiness", + "review_score": 6.5 + }, + { + "Unnamed: 0": 1089, + "book_name": "Stillness Is The Key", + "summaries": " will show you how to harness the power of slowing down your body and mind for less distractions, better self-control, and, above all, a happier and more peaceful life.", + "categories": "happiness", + "review_score": 5.4 + }, + { + "Unnamed: 0": 1090, + "book_name": "The Go-Giver", + "summaries": " teaches a pattern for becoming a better person and seeing more success in business and work by focusing on being authentic and giving as much value as possible. ", + "categories": "happiness", + "review_score": 4.3 + }, + { + "Unnamed: 0": 1091, + "book_name": "The Anatomy Of Peace", + "summaries": " will help you make your life and the world more calm by explaining the inefficiencies in our go-to pattern of using conflict to resolve differences and giving specific tips for how to use understanding to settle issues.", + "categories": "happiness", + "review_score": 9.9 + }, + { + "Unnamed: 0": 1092, + "book_name": "The Little Book of Lykke", + "summaries": " gives Danish-derived and science-backed tips that will help you be happier.", + "categories": "happiness", + "review_score": 9.9 + }, + { + "Unnamed: 0": 1093, + "book_name": "Money", + "summaries": " is your guide for learning how to stop pushing yourself to do more at your job and live a happier and more fulfilling life by making your money work hard for you. ", + "categories": "happiness", + "review_score": 4.7 + }, + { + "Unnamed: 0": 1094, + "book_name": "Radical Acceptance", + "summaries": " teaches how you can become more content and happy in your life by applying the principles of meditation and Buddhism. ", + "categories": "happiness", + "review_score": 7.6 + }, + { + "Unnamed: 0": 1095, + "book_name": "Why We Sleep", + "summaries": " will motivate you get more and better quality sleep by showing you the recent scientific findings on why sleep deprivation is bad for individuals and society.", + "categories": "happiness", + "review_score": 5.0 + }, + { + "Unnamed: 0": 1096, + "book_name": "The Next Right Thing", + "summaries": " is your guide for making wise, thoughtful, and intentional decisions simply by looking for the single best action to take at the moment.", + "categories": "happiness", + "review_score": 4.4 + }, + { + "Unnamed: 0": 1097, + "book_name": "7 Strategies For Wealth And Happiness", + "summaries": " is the ultimate guide to improving your wealth through self-discipline, action, and a positive attitude toward work, money, and the people around you.", + "categories": "happiness", + "review_score": 2.6 + }, + { + "Unnamed: 0": 1098, + "book_name": "A Walk In The Woods", + "summaries": " tells the interesting story of the adventures Bill Bryson and Stephen Katz had while walking the beautiful, rugged, and historic Appalachian Trail.", + "categories": "happiness", + "review_score": 4.1 + }, + { + "Unnamed: 0": 1099, + "book_name": "The Passion Paradox", + "summaries": " explains the risks of blindly following what we love to do the most and teaches us how to cultivate our passions in a way that can lead us to a fulfilling life.\u00a0", + "categories": "happiness", + "review_score": 8.6 + }, + { + "Unnamed: 0": 1100, + "book_name": "Irresistible", + "summaries": " reveals how alarmingly stuck to our devices we are, shows the negative consequences of technology addiction, and gives tips for a healthier relationship with the digital world.\n", + "categories": "happiness", + "review_score": 5.3 + }, + { + "Unnamed: 0": 1101, + "book_name": "Making It All Work", + "summaries": " explains how to balance your daily tasks with your long-term goals to bring them all together for a happy and productive life.", + "categories": "happiness", + "review_score": 1.0 + }, + { + "Unnamed: 0": 1102, + "book_name": "A More Beautiful Question", + "summaries": " will teach you how to ask more and better questions, showing you the power that the right questions have to transform your life for the better.", + "categories": "happiness", + "review_score": 5.7 + }, + { + "Unnamed: 0": 1103, + "book_name": "A Return To Love", + "summaries": " will help you let go of resentment, fear, and anger to have happier and healthier jobs and relationships by teaching you how to embrace the power of love.", + "categories": "happiness", + "review_score": 5.1 + }, + { + "Unnamed: 0": 1104, + "book_name": "A Message To Garcia", + "summaries": " teaches you how to be the best at your job by becoming a dedicated worker with a good attitude about whatever tasks your company gives you.", + "categories": "happiness", + "review_score": 1.6 + }, + { + "Unnamed: 0": 1105, + "book_name": "Time And How To Spend It", + "summaries": " is your guide to becoming more productive by not focusing on working extra hours but instead using the time off more effectively.", + "categories": "happiness", + "review_score": 6.8 + }, + { + "Unnamed: 0": 1106, + "book_name": "Feral", + "summaries": " will help you find ways to improve the well-being of humanity by illustrating the deep connection between us and Nature and offering actionable advice on how to preserve balance in our ecosystems through rewilding.", + "categories": "happiness", + "review_score": 3.3 + }, + { + "Unnamed: 0": 1107, + "book_name": "Tell Me More", + "summaries": " will help you make everything, even the worst of times, go more smoothly by learning about a few useful phrases to habitually use come rain or shine.", + "categories": "happiness", + "review_score": 3.9 + }, + { + "Unnamed: 0": 1108, + "book_name": "No Excuses!", + "summaries": " teaches us that self-discipline is the key to success and gives us practical advice to master it and achieve self-actualization, happy relationships, and financial security.", + "categories": "happiness", + "review_score": 6.1 + }, + { + "Unnamed: 0": 1109, + "book_name": "Big Potential", + "summaries": " will show you that the real secret to success and thriving in all aspects of life is developing strong connections with others and treating them in a way that lifts them up.", + "categories": "happiness", + "review_score": 3.1 + }, + { + "Unnamed: 0": 1110, + "book_name": "The Second Mountain", + "summaries": " argues that the key to living a meaningful, fulfilling, and happy life is not found in the pursuit of self-improvement but instead a life of service to others.", + "categories": "happiness", + "review_score": 7.1 + }, + { + "Unnamed: 0": 1111, + "book_name": "Super Brain", + "summaries": " explores the idea that through increased self-awareness and conscious intention we can teach our brain to perform at a higher level than we thought possible.", + "categories": "happiness", + "review_score": 9.9 + }, + { + "Unnamed: 0": 1112, + "book_name": "Millionaire Success Habits", + "summaries": " will teach you the habits you need to become financially successful and make a big difference in the world along the way.", + "categories": "happiness", + "review_score": 6.7 + }, + { + "Unnamed: 0": 1113, + "book_name": "Game Changers", + "summaries": " reveals the secrets that some of the most impactful people in the world use to hack their biology and win at life and will teach you how to achieve your goals and be happy. ", + "categories": "happiness", + "review_score": 3.7 + }, + { + "Unnamed: 0": 1114, + "book_name": "The Miracle of Mindfulness", + "summaries": " teaches the ancient Buddhist practice of mindfulness and how living in the present will make you happier.", + "categories": "happiness", + "review_score": 4.9 + }, + { + "Unnamed: 0": 1115, + "book_name": "Necessary Endings", + "summaries": " is a guide to change that explains how you can get rid of unwanted behaviors, events, and people in your life and use the magic of new beginnings to build a better life.", + "categories": "happiness", + "review_score": 6.6 + }, + { + "Unnamed: 0": 1116, + "book_name": "Exploring The World Of Lucid Dreaming", + "summaries": " is a practical guide to dreaming consciously which uncovers an invaluable channel of communication between your conscious and unconscious mind.", + "categories": "happiness", + "review_score": 1.6 + }, + { + "Unnamed: 0": 1117, + "book_name": "When Bad Things Happen To Good People", + "summaries": " explains why even the best of people sometimes suffer from adversity, and how we can turn our pain into something meaningful instead of lamenting it.", + "categories": "happiness", + "review_score": 6.8 + }, + { + "Unnamed: 0": 1118, + "book_name": "The Art of Thinking Clearly", + "summaries": " is a full compendium of the psychological biases that once helped us survive but now only hinder us from living our best life.", + "categories": "happiness", + "review_score": 5.3 + }, + { + "Unnamed: 0": 1119, + "book_name": "QBQ!", + "summaries": " will teach you to ask better questions and stay accountable and why doing so will change every aspect of your life for the better.", + "categories": "happiness", + "review_score": 5.6 + }, + { + "Unnamed: 0": 1120, + "book_name": "The Road to Character", + "summaries": " explains why today\u2019s ever-increasing obsession with the self is eclipsing moral virtues and our ability to build character, and how that gets in the way of our happiness.", + "categories": "happiness", + "review_score": 3.9 + }, + { + "Unnamed: 0": 1121, + "book_name": "Social Intelligence", + "summaries": " is a complete guide to the neuroscience of relationships, explaining how your social interactions shape you and how you can use these effects to your advantage.", + "categories": "happiness", + "review_score": 7.1 + }, + { + "Unnamed: 0": 1122, + "book_name": "The Brain That Changes Itself", + "summaries": " explores the groundbreaking research in neuroplasticity and shares fascinating stories of people who can use the brain\u2019s ability to adapt and be cured of ailments previously incurable. ", + "categories": "happiness", + "review_score": 3.8 + }, + { + "Unnamed: 0": 1123, + "book_name": "Psycho-Cybernetics", + "summaries": " explains how thinking of the human mind as a machine can help improve your self-image, which will dramatically increase your success and happiness.", + "categories": "happiness", + "review_score": 5.5 + }, + { + "Unnamed: 0": 1124, + "book_name": "The Start-Up of You", + "summaries": " explains why you need manage your career as if you were running a start-up to get ahead in today\u2019s ultra-competitive and ever-changing business world. ", + "categories": "happiness", + "review_score": 9.4 + }, + { + "Unnamed: 0": 1125, + "book_name": "Altered Traits", + "summaries": " explores the science behind meditation techniques and the way they benefit and alter our mind and body.", + "categories": "happiness", + "review_score": 9.4 + }, + { + "Unnamed: 0": 1126, + "book_name": "The Tao Te Ching", + "summaries": " is a collection of 81 short, poignant chapters full of advice on living in harmony with \u201cthe Tao,\u201d translated as \u201cthe Way,\u201d an ancient Chinese interpretation of the spiritual force underpinning all life, first written around 400 BC but relevant to this day.", + "categories": "happiness", + "review_score": 5.6 + }, + { + "Unnamed: 0": 1127, + "book_name": "Girl, Wash Your Face", + "summaries": " inspires women to take their lives into their own hands and make their dreams happen, no matter how discouraged they may feel at the moment.", + "categories": "happiness", + "review_score": 7.0 + }, + { + "Unnamed: 0": 1128, + "book_name": "How Emotions Are Made", + "summaries": " explores the often misconstrued world of human feelings and the cutting-edge science behind how they\u2019re formed.", + "categories": "happiness", + "review_score": 2.7 + }, + { + "Unnamed: 0": 1129, + "book_name": "Inner Engineering", + "summaries": " is a guide to creating a life of happiness by exploring your internal landscape of thoughts and feelings and learning to align them with what the universe tells you.", + "categories": "happiness", + "review_score": 6.5 + }, + { + "Unnamed: 0": 1130, + "book_name": "Search Inside Yourself", + "summaries": " adapts the ancient ethos of \u201cknowing thyself\u201d to the realities of a modern, fast-paced workplace by introducing mindfulness exercises to enhance emotional intelligence.", + "categories": "happiness", + "review_score": 2.8 + }, + { + "Unnamed: 0": 1131, + "book_name": "Aware", + "summaries": " is a comprehensive overview of the far-reaching benefits of meditation, rooted in both science and practice, enriched with actionable advice on how to practice mindfulness. ", + "categories": "happiness", + "review_score": 5.7 + }, + { + "Unnamed: 0": 1132, + "book_name": "Lost Connections", + "summaries": " explains why depression affects so many people and that improving our relationships, not taking medication, is the way to beat our mental health problems.", + "categories": "happiness", + "review_score": 9.8 + }, + { + "Unnamed: 0": 1133, + "book_name": "Can\u2019t Hurt Me", + "summaries": " is the story of David Goggins, who went from being overweight and depressed to becoming a record-breaking athlete, inspiring military leader, and world-class personal trainer.", + "categories": "happiness", + "review_score": 4.2 + }, + { + "Unnamed: 0": 1134, + "book_name": "Ikigai", + "summaries": " explains how you can live a longer and happier life by having a purpose, eating healthy, and not retiring.", + "categories": "happiness", + "review_score": 8.0 + }, + { + "Unnamed: 0": 1135, + "book_name": "What I Know For Sure", + "summaries": " encourages you to create the life you want by pursuing excellence, practicing gratitude, and leveraging bad experiences to become stronger. ", + "categories": "happiness", + "review_score": 7.2 + }, + { + "Unnamed: 0": 1136, + "book_name": "The 5 Love Languages", + "summaries": " shows couples how to make their love last by learning to recognize the unique way their partner feels love.", + "categories": "happiness", + "review_score": 3.4 + }, + { + "Unnamed: 0": 1137, + "book_name": "The Happy Mind", + "summaries": " shows you what science and experience teach about how to become happier by assuming responsibility for your own well-being.", + "categories": "happiness", + "review_score": 7.3 + }, + { + "Unnamed: 0": 1138, + "book_name": "Everything Is F*cked", + "summaries": " explains what\u2019s wrong with our approach towards happiness and gives philosophical suggestions that help us make our lives worth living.", + "categories": "happiness", + "review_score": 3.4 + }, + { + "Unnamed: 0": 1139, + "book_name": "Be Fearless", + "summaries": " shows that radical changes are more effective than small enhancements and urges us to be bold\u00a0in trying to make progress.\n", + "categories": "happiness", + "review_score": 9.5 + }, + { + "Unnamed: 0": 1140, + "book_name": "Change Your Questions, Change Your Life", + "summaries": " will revolutionize your thinking with questions that create a learning mindset. ", + "categories": "happiness", + "review_score": 2.4 + }, + { + "Unnamed: 0": 1141, + "book_name": "The 5 AM Club", + "summaries": " helps you get up at 5 AM every morning, build a morning routine, and make time for the self-improvement you need to find success.", + "categories": "happiness", + "review_score": 9.6 + }, + { + "Unnamed: 0": 1142, + "book_name": "My Stroke Of Insight", + "summaries": "\u00a0teaches you how to calm yourself anytime by simply tuning into the inherent peacefulness of the right side of the brain.", + "categories": "happiness", + "review_score": 2.2 + }, + { + "Unnamed: 0": 1143, + "book_name": "The Presence Process", + "summaries": " is an actionable 10-week program to become more present and consciously respond to situations based on breathing practice, insightful text, and observing your day-to-day experience.", + "categories": "happiness", + "review_score": 6.3 + }, + { + "Unnamed: 0": 1144, + "book_name": "Rest", + "summaries": " examines why traditional methods of working too long and hard are inefficient compared to working less, resting, and playing to accomplish your best work.", + "categories": "happiness", + "review_score": 2.0 + }, + { + "Unnamed: 0": 1145, + "book_name": "The Antidote", + "summaries": " will explain everything that\u2019s wrong with positivity-based self-help advice and what you should do instead to feel, live, and be happier. ", + "categories": "happiness", + "review_score": 2.1 + }, + { + "Unnamed: 0": 1146, + "book_name": "The Blue Zones Solution", + "summaries": " shows you how to adopt the lifestyle and mindset practices of the healthiest, longest-living people on the planet from the five locations with the highest population of centenarians.", + "categories": "happiness", + "review_score": 5.0 + }, + { + "Unnamed: 0": 1147, + "book_name": "Braving The Wilderness", + "summaries": " offers a four-step process to find true belonging through authenticity, bravery, trust, and vulnerability since it\u2019s mostly about learning to stand alone rather than trying to fit in.", + "categories": "happiness", + "review_score": 3.7 + }, + { + "Unnamed: 0": 1148, + "book_name": "The Courage To Be Disliked", + "summaries": " is a Japanese analysis of the work of 19th-century psychologist Alfred Adler, who established that happiness lies in the hands of each human individual and does not depend on past traumas.", + "categories": "happiness", + "review_score": 2.2 + }, + { + "Unnamed: 0": 1149, + "book_name": "The Energy Bus", + "summaries": " is a fable that will help you create positive energy with ten simple rules and make it the center of your life, work, and relationships.", + "categories": "happiness", + "review_score": 9.3 + }, + { + "Unnamed: 0": 1150, + "book_name": "Atomic Habits", + "summaries": " is the definitive guide to breaking bad behaviors and adopting good ones in four steps, showing you how small, incremental, everyday routines compound into massive, positive change over time.", + "categories": "happiness", + "review_score": 1.2 + }, + { + "Unnamed: 0": 1151, + "book_name": "Reinvent Yourself", + "summaries": " is a template for how to best adapt in a world in which the only constant is change, so that you may find happiness, success, wealth, meaningful work, and whatever else you desire in life.", + "categories": "happiness", + "review_score": 8.9 + }, + { + "Unnamed: 0": 1152, + "book_name": "The Chimp Paradox", + "summaries": " uses a simple analogy to help you take control of your emotions and act in your own, best interest, whether it\u2019s in making decisions, communicating with others, or your health and happiness.", + "categories": "happiness", + "review_score": 3.2 + }, + { + "Unnamed: 0": 1153, + "book_name": "How Successful People Think", + "summaries": " lays out eleven specific ways of thinking you can practice to live a better, happier, more successful life.", + "categories": "happiness", + "review_score": 5.0 + }, + { + "Unnamed: 0": 1154, + "book_name": "Minimalism", + "summaries": " is an instructive introduction to the philosophy of less and how it helped two guys who had achieved the American dream let go of their possessions and the depressions that came with them.", + "categories": "happiness", + "review_score": 1.7 + }, + { + "Unnamed: 0": 1155, + "book_name": "The Art Of Travel", + "summaries": " is a modern, philosophic take on the joys of going away, exploring why we do so in the first place and how we can avoid falling into today\u2019s most common tourist traps.", + "categories": "happiness", + "review_score": 3.0 + }, + { + "Unnamed: 0": 1156, + "book_name": "12 Rules For Life", + "summaries": "\u00a0is a story-based, stern yet entertaining self-help manual for young people laying out a set of simple rules to help us become more disciplined, behave better, act with integrity, and balance our lives while enjoying them as much as we can.", + "categories": "happiness", + "review_score": 8.8 + }, + { + "Unnamed: 0": 1157, + "book_name": "Solve For Happy", + "summaries": " lays out a former Google engineers formula for happiness, which shows you not only that it\u2019s our default state, but also how to overcome the obstacles we face in remaining in it.", + "categories": "happiness", + "review_score": 7.5 + }, + { + "Unnamed: 0": 1158, + "book_name": "How To Fail At Almost Everything And Still Win Big", + "summaries": " is the memoir of Dilbert cartoonist Scott Adams", + "categories": "happiness", + "review_score": 1.7 + }, + { + "Unnamed: 0": 1159, + "book_name": "The Wisdom Of Life", + "summaries": " is an essay from Arthur Schopenhauer\u2019s last published work, which breaks down happiness into three parts and explains how we can achieve it.", + "categories": "happiness", + "review_score": 3.2 + }, + { + "Unnamed: 0": 1160, + "book_name": "Tribe of Mentors", + "summaries": " is a collection of over 100 mini-interviews, where some of the world\u2019s most successful people share their ideas around habits, learning, money, relationships, failure, success, and life.", + "categories": "happiness", + "review_score": 7.7 + }, + { + "Unnamed: 0": 1161, + "book_name": "The Big Leap", + "summaries": " is about changing your overall perspective, so you can embrace a philosophy that\u2019ll help you achieve your full potential in work, relationships, finance, and all other walks of life.", + "categories": "happiness", + "review_score": 4.6 + }, + { + "Unnamed: 0": 1162, + "book_name": "Amusing Ourselves To Death", + "summaries": " takes you through the history of media to highlight how entertainment\u2019s standing in society has risen to the point where our addiction to it undermines our independent thinking.", + "categories": "happiness", + "review_score": 1.4 + }, + { + "Unnamed: 0": 1163, + "book_name": "The Book Of Joy", + "summaries": " is the result of a 7-day meeting between the Dalai Lama and Desmond Tutu, two of the world\u2019s most influential spiritual leaders, during which they discussed one of life\u2019s most important questions: how do we find joy despite suffering?", + "categories": "happiness", + "review_score": 5.7 + }, + { + "Unnamed: 0": 1164, + "book_name": "Find Your Why", + "summaries": " is an actionable guide to discover your mission in life, figure out how you can live it on a daily basis and share it with the world.", + "categories": "happiness", + "review_score": 10.0 + }, + { + "Unnamed: 0": 1165, + "book_name": "Principles", + "summaries": " holds the set of rules for work and life billionaire investor and CEO of the most successful fund in history, Ray Dalio, has acquired through his 40-year career in finance.", + "categories": "happiness", + "review_score": 7.0 + }, + { + "Unnamed: 0": 1166, + "book_name": "Emotional Agility", + "summaries": " provides a new, science-backed approach to navigating life\u2019s many trials and detours on your path to fulfillment, with which you\u2019ll face your emotions head on, observe them objectively, make choices based on your values and slowly tweak your mindset, motivation and habits.", + "categories": "happiness", + "review_score": 5.1 + }, + { + "Unnamed: 0": 1167, + "book_name": "The Road Less Traveled", + "summaries": "\u00a0is a spiritual classic, combining scientific and religious views to help you grow by confronting and solving your problems through discipline, love and grace.", + "categories": "happiness", + "review_score": 3.6 + }, + { + "Unnamed: 0": 1168, + "book_name": "The Subtle Art Of Not Giving A F*ck", + "summaries": " does away with the positive psychology craze to instead give you a Stoic, no-BS approach to living a life that might not always be happy, but meaningful and centered only around what\u2019s important to you.", + "categories": "happiness", + "review_score": 7.4 + }, + { + "Unnamed: 0": 1169, + "book_name": "The Happiness Equation", + "summaries": " reveals nine scientifically backed secrets to happiness to show you that by wanting nothing and doing anything, you can have everything.", + "categories": "happiness", + "review_score": 7.6 + }, + { + "Unnamed: 0": 1170, + "book_name": "Walden", + "summaries": " details Henry David Thoreau\u2019s two-year stay in a self-built cabin by a lake in the woods, sharing what he learned about solitude, nature, work, thinking and fulfillment during his break from modern city life.", + "categories": "happiness", + "review_score": 8.9 + }, + { + "Unnamed: 0": 1171, + "book_name": "I Thought It Was Just Me (But It Isn\u2019t)", + "summaries": " helps you understand and better manage the complicated and painful feeling of shame.", + "categories": "happiness", + "review_score": 4.8 + }, + { + "Unnamed: 0": 1172, + "book_name": "The Monk Who Sold His Ferrari", + "summaries": " is a self-help classic telling the story of fictional lawyer Julian Mantle, who sold his mansion and Ferrari to study the seven virtues of the Sages of Sivana in the Himalayan mountains.", + "categories": "happiness", + "review_score": 5.4 + }, + { + "Unnamed: 0": 1173, + "book_name": "Failing Forward", + "summaries": " will help you stop making excuses, start embracing failure as a natural, necessary part of the process and let you find the confidence to proceed anyway.", + "categories": "happiness", + "review_score": 3.7 + }, + { + "Unnamed: 0": 1174, + "book_name": "If You\u2019re So Smart, Why Aren\u2019t You Happy", + "summaries": " walks you through the seven deadly sins of unhappiness, which will show you how small the correlation between success and happiness truly is and help you avoid chasing the wrong things in your short time here on earth.", + "categories": "happiness", + "review_score": 9.2 + }, + { + "Unnamed: 0": 1175, + "book_name": "The Little Book Of Hygge", + "summaries": " is about the hard-to-describe, yet powerful Danish attitude towards life, which consistently\u00a0ranks Denmark among\u00a0the happiest countries in the world and how you can cultivate it for yourself.", + "categories": "happiness", + "review_score": 1.5 + }, + { + "Unnamed: 0": 1176, + "book_name": "Option B", + "summaries": " shares the stories of people who\u2019ve had to deal with a traumatizing event, most notably Facebook\u2019s COO Sheryl Sandberg, to help you face adversity, become more resilient and find joy again after life punches you in the face.", + "categories": "happiness", + "review_score": 1.3 + }, + { + "Unnamed: 0": 1177, + "book_name": "The Life-Changing Magic Of Not Giving A F*ck", + "summaries": " is a funny, practical guide to mental decluttering, giving you actionable tips to stop caring about things that don\u2019t really matter to you, without feeling ashamed or guilty.", + "categories": "happiness", + "review_score": 2.3 + }, + { + "Unnamed: 0": 1178, + "book_name": "You Are A Badass", + "summaries": " helps you become self-aware, figure out what you want in life and then summon the guts to not worry about the how, kick others\u2019 opinions to the curb and focus your life on the thing that will make you happy.", + "categories": "happiness", + "review_score": 6.5 + }, + { + "Unnamed: 0": 1179, + "book_name": "Payoff", + "summaries": " unravels the complex construct that is human motivation and shows you how it consists of many more parts than money and recognition, such as meaning, effort and ownership, so you can motivate yourself not just today, but every day.", + "categories": "happiness", + "review_score": 4.5 + }, + { + "Unnamed: 0": 1180, + "book_name": "At Home", + "summaries": " takes you on a tour of the modern home, using each room as occasion to reminisce about the history of its tradition, thus enlightening you with how the amenities and comforts of everyday life you now take for granted have come to be.", + "categories": "happiness", + "review_score": 5.6 + }, + { + "Unnamed: 0": 1181, + "book_name": "Ego Is The Enemy", + "summaries": " reveals why a tendency that\u2019s hardwired into our brains \u2014 the belief that the world revolves around us and us alone \u2014 keeps holding us back from living the very life it dreams up for us, including what we can do to overcome our ego, be kinder to others and ourselves, and achieve true greatness.", + "categories": "happiness", + "review_score": 5.8 + }, + { + "Unnamed: 0": 1182, + "book_name": "The Power Of The Other", + "summaries": " shows you the surprisingly big influence other people have on your life, what different kinds of relationships you have with them and how you can cultivate more good ones to replace the bad, fake or unconnected and\u00a0live a more fulfilled life.", + "categories": "happiness", + "review_score": 1.5 + }, + { + "Unnamed: 0": 1183, + "book_name": "The Untethered Soul", + "summaries": " describes how you can untie your self from your ego, harness your inner energy, expand beyond yourself and float through the river of life instead of blocking or fighting it.", + "categories": "happiness", + "review_score": 1.4 + }, + { + "Unnamed: 0": 1184, + "book_name": "The Gifts Of Imperfection", + "summaries": " shows you how to embrace your inner flaws to accept who you are, instead of constantly chasing the image of who you\u2019re trying to be, because other people expect you to act in certain ways.", + "categories": "happiness", + "review_score": 8.5 + }, + { + "Unnamed: 0": 1185, + "book_name": "The Sunflower", + "summaries": " recounts an experience of holocaust survivor Simon Wiesenthal", + "categories": "happiness", + "review_score": 2.7 + }, + { + "Unnamed: 0": 1186, + "book_name": "How Will You Measure Your Life", + "summaries": " shows you how to sustain motivation at work and in life to spend your time on earth happily and fulfilled, by focusing not just on money and your career, but your family, relationships and personal well-being.", + "categories": "happiness", + "review_score": 6.6 + }, + { + "Unnamed: 0": 1187, + "book_name": "Finding Your Element", + "summaries": " shows you how to find your talents and passions, embrace them, and come up with your own definition of happiness, so you can combine what you love with what you\u2019re good at to live a long, happy life.", + "categories": "happiness", + "review_score": 9.9 + }, + { + "Unnamed: 0": 1188, + "book_name": "Loving What Is", + "summaries": " gives you four simple questions to turn negative thoughts around, change how you react to the events and people that stress you and thus end your own suffering to love reality as it is.", + "categories": "happiness", + "review_score": 5.3 + }, + { + "Unnamed: 0": 1189, + "book_name": "Bit Literacy", + "summaries": " shows you how to navigate innumerable streams\u00a0of digital information without becoming paralyzed by managing your media with a few simple systems.", + "categories": "happiness", + "review_score": 7.5 + }, + { + "Unnamed: 0": 1190, + "book_name": "The Wisdom Of Insecurity", + "summaries": " is a self-help classic that breaks down our psychological need for stability and explains how it\u2019s led us right into consumerism, why that won\u2019t solve our problem and how we can really calm our anxiety.", + "categories": "happiness", + "review_score": 5.6 + }, + { + "Unnamed: 0": 1191, + "book_name": "The Longevity Project", + "summaries": " shows you how you can live longer by analyzing the results from one of the world\u2019s longest-lasting studies and drawing\u00a0surprising\u00a0conclusions about the work ethic, happiness, love, marriage and religion of people who have lived to old age.", + "categories": "happiness", + "review_score": 5.6 + }, + { + "Unnamed: 0": 1192, + "book_name": "Flourish", + "summaries": " establishes a new model for well-being, rooted in positive psychology, building on five key pillars to help you create a happy life through the power of simple exercises.", + "categories": "happiness", + "review_score": 5.7 + }, + { + "Unnamed: 0": 1193, + "book_name": "Mindsight", + "summaries": " offers a new way of transforming your life for the better by connecting emotional awareness with the right reactions in your body, based on the work of a renowned pyschologist\u00a0and his patients.", + "categories": "happiness", + "review_score": 4.9 + }, + { + "Unnamed: 0": 1194, + "book_name": "A Force For Good", + "summaries": " is a universal call to turn our\u00a0compassion outward and use it to improve ourselves and the world around us in science, religion, social issues, business and education.", + "categories": "happiness", + "review_score": 8.1 + }, + { + "Unnamed: 0": 1195, + "book_name": "Disrupt Yourself", + "summaries": " explains how you can harness\u00a0the ever-accelerating power of disruptive innovation in your personal life, be it to advance your career or to build a company that thrives, by embracing your limitations, focusing on your strengths and staying flexible and curious along the way.", + "categories": "happiness", + "review_score": 9.7 + }, + { + "Unnamed: 0": 1196, + "book_name": "How To Stop Worrying And Start Living", + "summaries": " is a self-help classic which addresses one of the leading causes of physical illness, worry, by showing you simple and actionable techniques to eliminate it from your life.", + "categories": "happiness", + "review_score": 6.3 + }, + { + "Unnamed: 0": 1197, + "book_name": "A Guide To The Good Life", + "summaries": "\u00a0is a roadmap for aspiring Stoics, revealing why this ancient philosophy is useful today, what Stoicism is truly about, and showing you how to cultivate its powerful principles in your own life.", + "categories": "happiness", + "review_score": 4.8 + }, + { + "Unnamed: 0": 1198, + "book_name": "59 Seconds", + "summaries": " shows you several self-improvement hacks, grounded in the science of psychology, which you can use to improve your mindset, happiness and life in less than a minute.", + "categories": "happiness", + "review_score": 1.2 + }, + { + "Unnamed: 0": 1199, + "book_name": "Habits Of A Happy Brain", + "summaries": " explains the four neurotransmitters in your brain that create happiness, why you can\u2019t be happy all the time, and how you can rewire your brain by taking responsibility for your own hormones and thus, happiness.", + "categories": "happiness", + "review_score": 5.5 + }, + { + "Unnamed: 0": 1200, + "book_name": "Rising Strong", + "summaries": " describes a 3-phase process of bouncing back from failure, which you can implement both in your own life and as a team or company, in order to embrace setbacks as part of life, deal with your emotions, confront your own ideas and rise stronger every time.", + "categories": "happiness", + "review_score": 5.4 + }, + { + "Unnamed: 0": 1201, + "book_name": "The Black Swan", + "summaries": " explains why we are so bad at predicting the future, and how unlikely events dramatically change our lives if they do happen, as well as what you can do to become better at expecting the unexpected.", + "categories": "happiness", + "review_score": 1.2 + }, + { + "Unnamed: 0": 1202, + "book_name": "Reality Is Broken", + "summaries": " flips the image of the lonely gamer on its head, explaining how games create real value, can be used to make us happier and even help us solve global problems.", + "categories": "happiness", + "review_score": 7.5 + }, + { + "Unnamed: 0": 1203, + "book_name": "Born For This", + "summaries": " shows you how to find the work you were meant to do, which actually might consist of many different forms of work over the course of your life, by showing you the power of a side hustle, proper risk-assessment, creating your own job and pursuing all of your passions \u2013 one at a time.", + "categories": "happiness", + "review_score": 8.3 + }, + { + "Unnamed: 0": 1204, + "book_name": "Breakfast With Socrates", + "summaries": " takes you through an ordinary day in the company of extraordinary minds, by linking each part of it to the core message of one of several great philosophers throughout history, such as Descartes, Nietzsche, Marx, and even Buddha.", + "categories": "happiness", + "review_score": 7.0 + }, + { + "Unnamed: 0": 1205, + "book_name": "Hardwiring Happiness", + "summaries": " tells you what you can do to overcome your negativity bias of focusing on and exaggerating negative events by relishing, extending and prioritizing the good things in your life to become happier.", + "categories": "happiness", + "review_score": 4.6 + }, + { + "Unnamed: 0": 1206, + "book_name": "Daring Greatly", + "summaries": " is a book about having the courage to be vulnerable in a world where everyone wants to appear strong, confident and like they know what they\u2019re doing.", + "categories": "happiness", + "review_score": 2.6 + }, + { + "Unnamed: 0": 1207, + "book_name": "Man\u2019s Search for Meaning", + "summaries": " details holocaust survivor Viktor Frankl\u2019s horrifying experiences in Nazi concentration camps, along with his psychological approach of logotherapy, which is also what helped him survive and shows you how you can \u2013 and must \u2013 find meaning in your life.", + "categories": "happiness", + "review_score": 9.9 + }, + { + "Unnamed: 0": 1208, + "book_name": "Are You Fully Charged", + "summaries": " shows you the three keys to arriving at work and life with a battery that\u2019s brimming with happiness and motivation, which are energy, interactions and meaning, and how to implement them in your day.", + "categories": "happiness", + "review_score": 2.4 + }, + { + "Unnamed: 0": 1209, + "book_name": "How To Be Alone", + "summaries": " shows you that solitude not only has its benefits, but is a vital component of happiness and that you should embrace it and slowly discover what dosage you need, and why it\u2019s okay to let society think you\u2019re a bit weird sometimes.", + "categories": "happiness", + "review_score": 1.5 + }, + { + "Unnamed: 0": 1210, + "book_name": "Wherever You Go, There You Are", + "summaries": " explains what mindfulness is and why it\u2019s not reserved for Zen practitioners and Buddhist monks, giving you simple ways to practice it in everyday life, both formally and informally, while helping you avoid the obstacles on your way to a more aware self.", + "categories": "happiness", + "review_score": 6.3 + }, + { + "Unnamed: 0": 1211, + "book_name": "Year of Yes", + "summaries": " details famous TV-show creator Shonda Rhimes\u2019s change from introversion to socialite by saying \u201cYes\u201d to anything for a full year and how she was finally able to face her fears and start loving herself.", + "categories": "happiness", + "review_score": 3.4 + }, + { + "Unnamed: 0": 1212, + "book_name": "The Life-Changing Magic of Tidying Up", + "summaries": " takes you through the process of simplifying, organizing and storing your belongings step by step, to make your home a place of peace and clarity.", + "categories": "happiness", + "review_score": 7.9 + }, + { + "Unnamed: 0": 1213, + "book_name": "Who Moved My Cheese", + "summaries": " tells a parable, which you can directly apply to your own life, in order to stop fearing what lies ahead and instead thrive in an environment of change and uncertainty.", + "categories": "happiness", + "review_score": 4.8 + }, + { + "Unnamed: 0": 1214, + "book_name": "Singletasking", + "summaries": " digs into neuroscientific research to explain why we\u2019re not meant to multitask, how you can go back to the old, singletasking ways, and why that\u2019s better for your work, relationships and happiness.", + "categories": "happiness", + "review_score": 4.6 + }, + { + "Unnamed: 0": 1215, + "book_name": "The Da Vinci Curse", + "summaries": " explains why people with many talents don\u2019t fit into a world where we need specialists and, if you have many talents yourself, shows you how you can lift this curse, by giving you a framework to follow and find your true vocation in life.", + "categories": "happiness", + "review_score": 9.4 + }, + { + "Unnamed: 0": 1216, + "book_name": "As A Man Thinketh", + "summaries": " is an essay and self-help classic, which argues that the key to mastering your life is harnessing the power of your thoughts and helps you cultivate the philosophy and attitude of a positive, successful person.", + "categories": "happiness", + "review_score": 3.8 + }, + { + "Unnamed: 0": 1217, + "book_name": "Buddha\u2019s Brain", + "summaries": " explains how world-changing thought leaders like Moses, Mohammed, Jesus, Gandhi and the Buddha altered their brains with the power of their minds and how you can use the latest findings of neuroscience to do the same and become a more\u00a0positive, resilient, mindful and happy person.", + "categories": "happiness", + "review_score": 1.2 + }, + { + "Unnamed: 0": 1218, + "book_name": "13 Things Mentally Strong People Don\u2019t Do", + "summaries": " started as a personal reminder to not give in to bad habits in the face of adversity, but turned into a psychological guidebook to help you improve your mental strength and emotional resilience.", + "categories": "happiness", + "review_score": 8.9 + }, + { + "Unnamed: 0": 1219, + "book_name": "The Six Pillars Of Self-Esteem", + "summaries": " is the definitive piece on one of the most important psychological traits we need to live a happy life, and lays out how you can introduce six practices into your life, to assert your right to be happy and live a fulfilling life.", + "categories": "happiness", + "review_score": 3.2 + }, + { + "Unnamed: 0": 1220, + "book_name": "Everything I Know", + "summaries": " ditches all the rules and gives you a guide to living a fulfilled and adventurous life that can be infinitely updated, stretched, expanded and customized, based on who you are, instead of another \u201cdo-this-to-get-rich-fast\u201d scheme that doesn\u2019t work for everyone.", + "categories": "happiness", + "review_score": 6.8 + }, + { + "Unnamed: 0": 1221, + "book_name": "Emotional Intelligence", + "summaries": " explains the importance of emotions in your life, how they help and hurt your ability to navigate the world, followed by practical advice on how to improve your own emotional intelligence and why that is the\u00a0key to leading a successful life.", + "categories": "happiness", + "review_score": 3.1 + }, + { + "Unnamed: 0": 1222, + "book_name": "Thrive", + "summaries": " shines a light on the missing ingredient in our perception of success, which includes well-being, wonder, wisdom and giving, and goes beyond just money and power, which often drive people right into burnout, terrible health and unhappiness.", + "categories": "happiness", + "review_score": 3.2 + }, + { + "Unnamed: 0": 1223, + "book_name": "The End Of Stress", + "summaries": " shows you not only that treating stress as normal is wrong and how it harms your mental and physical health, but also gives you actionable tips and strategies to end stress once and for all so you can live a long, happy, powerful and creative life.", + "categories": "happiness", + "review_score": 4.4 + }, + { + "Unnamed: 0": 1224, + "book_name": "Awaken The Giant Within", + "summaries": " is the psychological blueprint you can follow to wake up and start taking control of your life, starting in your mind, spreading through your body and then all the way through your relationships, work and finances until you\u2019re the giant you were always meant to be.", + "categories": "happiness", + "review_score": 1.7 + }, + { + "Unnamed: 0": 1225, + "book_name": "Strengthsfinder 2.0", + "summaries": " argues that we should forget about fixing our weaknesses, and go all in on our strengths instead, by showing you ways to figure out which 5 key strengths are an innate part of you and giving you advice on how to use them in your life and work.", + "categories": "happiness", + "review_score": 7.0 + }, + { + "Unnamed: 0": 1226, + "book_name": "The Promise Of A Pencil", + "summaries": " narrates the story of how Adam Braun, well-bred, average college kid, working at Bain & Company, shook off what society expected of him and created a life of significance and success by starting his own charity, which now has built hundreds of schools for children in need.", + "categories": "happiness", + "review_score": 8.8 + }, + { + "Unnamed: 0": 1227, + "book_name": "The Blue Zones", + "summaries": " gives you advice on how to live to be 100 years and older by looking at five spots across the planet, where people live the longest, and drawing lessons about what they eat, drink, how they exercise and which habits most shape their lives.", + "categories": "happiness", + "review_score": 3.5 + }, + { + "Unnamed: 0": 1228, + "book_name": "Vagabonding", + "summaries": " will change your relationship with money and travel by showing you that long-term life on the road isn\u2019t reserved for rich people and hippies, and will give you the tools you need to start living a life of adventure, simplicity and content.", + "categories": "happiness", + "review_score": 1.7 + }, + { + "Unnamed: 0": 1229, + "book_name": "The Truth", + "summaries": " sees Neil Strauss draw lessons about monogamy, love and relationships learned from depression, sex addiction treatment, swinger parties and science labs, in the decade after becoming one of the world\u2019s most notorious pick-up artists and desired single men on the planet.", + "categories": "happiness", + "review_score": 3.2 + }, + { + "Unnamed: 0": 1230, + "book_name": "Meditations", + "summaries": "\u00a0is a collection of 12 books written by Roman emperor Marcus Aurelius, who consistently journaled to remember his education in Stoic philosophy, and whose writings will teach you logic, faith, and self-discipline.", + "categories": "happiness", + "review_score": 6.8 + }, + { + "Unnamed: 0": 1231, + "book_name": "10% Happier", + "summaries": " gives skeptics an easy \u201cin\u201d to meditation, by taking a very non-fluffy approach to the science behind this mindfulness practice and showing you how and why letting go of your ego is important for living a stress-free life.", + "categories": "happiness", + "review_score": 2.6 + }, + { + "Unnamed: 0": 1232, + "book_name": "Happier At Home", + "summaries": " is an instruction manual to transform your home into a castle of happiness by figuring out what needs to be changed, what needs to stay the same, and embracing the gift of family.", + "categories": "happiness", + "review_score": 5.2 + }, + { + "Unnamed: 0": 1233, + "book_name": "The Power of Now", + "summaries": "\u00a0shows you that every minute you spend worrying about the future or regretting the past is a minute lost, because the only place you can truly live in is the present, the now, which is why the book offers actionable strategies to start living every minute as it occurs and becoming 100% present in and for your life.", + "categories": "happiness", + "review_score": 7.3 + }, + { + "Unnamed: 0": 1234, + "book_name": "The In-Between", + "summaries": " is a reminder to slow down and learn to appreciate the little moments in life, like the times when we\u2019re really just waiting for the next big thing, as they shape our lives a lot more than we think.", + "categories": "happiness", + "review_score": 3.8 + }, + { + "Unnamed: 0": 1235, + "book_name": "Drive", + "summaries": " explores what has motivated humans throughout history and explains how we shifted from mere survival to the carrot and stick approach that\u2019s still practiced today \u2013 and why it\u2019s outdated.", + "categories": "happiness", + "review_score": 1.8 + }, + { + "Unnamed: 0": 1236, + "book_name": "The Happiness Project", + "summaries": " will show you how to change your life, without actually changing your life, thanks to the findings of modern science, ancient history and popular culture about happiness, which the author tested for a year and now shares with you.", + "categories": "happiness", + "review_score": 1.3 + }, + { + "Unnamed: 0": 1237, + "book_name": "The Obstacle Is The Way", + "summaries": " is a modern take on the ancient philosophy of Stoicism, which helps you endure the struggles of life with grace and resilience by drawing lessons from ancient heroes, former presidents, modern actors, athletes, and how they turned adversity into success thanks to the power of perception, action, and will.", + "categories": "happiness", + "review_score": 8.8 + }, + { + "Unnamed: 0": 1238, + "book_name": "The Power Of Positive Thinking", + "summaries": " will show you that the roots of success lie in the mind and teach you how to believe in yourself, break the habit of worrying, and take control of your life by taking control of your thoughts and changing your attitude.", + "categories": "happiness", + "review_score": 7.5 + }, + { + "Unnamed: 0": 1239, + "book_name": "Attached", + "summaries": " delivers a scientific explanation why some relationships thrive and steer a clear path over a lifetime, while others crash and burn, based on the human need for attachment and the three different styles of it.", + "categories": "happiness", + "review_score": 3.9 + }, + { + "Unnamed: 0": 1240, + "book_name": "The Power Of Full Engagement", + "summaries": null, + "categories": "happiness", + "review_score": 8.4 + }, + { + "Unnamed: 0": 1241, + "book_name": "Don\u2019t Sweat The Small Stuff (\u2026 And It\u2019s All Small Stuff)", + "summaries": " will keep you from letting the little, stressful things in life, like your email inbox, rushing to trains, and annoying co-workers drive you insane and help you find peace and calm in a stressful world.", + "categories": "happiness", + "review_score": 2.4 + }, + { + "Unnamed: 0": 1242, + "book_name": "Big Magic", + "summaries": " is the book that\u2019ll give you the courage you need to pursue your creative interests by showing you how to deal with your fears, notice ideas and act on them and take the stress out of creation.", + "categories": "happiness", + "review_score": 9.8 + }, + { + "Unnamed: 0": 1243, + "book_name": "Less Doing More Living", + "summaries": " is based on the assumption that the less you have to do, the more life you have to live, and helps you implement this philosophy into your life by giving you real-world tools to boost efficiency in every aspect of your life.", + "categories": "happiness", + "review_score": 4.0 + }, + { + "Unnamed: 0": 1244, + "book_name": "Rewire", + "summaries": " explains why we keep engaging in addictive and self-destructive behavior, how our brains justify it and where you can get started on breaking your bad habits by becoming more mindful and disciplined.", + "categories": "happiness", + "review_score": 3.8 + }, + { + "Unnamed: 0": 1245, + "book_name": "The Power Of No", + "summaries": " is an encompassing instruction manual for you to harness the power of this little word to get healthy, rid yourself of bad relationships, embrace abundance and ultimately say yes to yourself.", + "categories": "happiness", + "review_score": 3.8 + }, + { + "Unnamed: 0": 1246, + "book_name": "Think And Grow Rich", + "summaries": " is a curation of the 13 most common habits of wealthy and successful people, distilled from studying over 500 individuals over the course of 20 years.", + "categories": "happiness", + "review_score": 1.7 + }, + { + "Unnamed: 0": 1247, + "book_name": "Talent Is Overrated", + "summaries": " debunks both talent and experience as the determining factors and instead makes a case for deliberate practice, intrinsic motivation and starting early.", + "categories": "happiness", + "review_score": 1.5 + }, + { + "Unnamed: 0": 1248, + "book_name": "SuperBetter", + "summaries": " not only breaks down the science behind games and how they help us become physically, emotionally, mentally and socially stronger, but also gives you a 7-step system you can use to turn your own life into a game, have more fun than ever before and overcome your biggest challenges.", + "categories": "happiness", + "review_score": 6.0 + }, + { + "Unnamed: 0": 1249, + "book_name": "Mistakes Were Made, But Not By Me", + "summaries": " takes you on a journey of famous examples and areas of life where mistakes are hushed up instead of admitted, showing you along the way how this\u00a0hinders progress, why we do it in the first place, and what you can do to start honestly admitting your own.", + "categories": "happiness", + "review_score": 1.3 + }, + { + "Unnamed: 0": 1250, + "book_name": "Quitter", + "summaries": " is a blueprint to help you close the gap between your day job and your dream job, showing you simple steps you can take towards your dream without turning it into a nightmare.", + "categories": "happiness", + "review_score": 4.3 + }, + { + "Unnamed: 0": 1251, + "book_name": "Work The System", + "summaries": " will fundamentally change the way you view the world, by showing you the systems all around you and giving you the guiding principles to influence the right ones to make your business successful.", + "categories": "happiness", + "review_score": 3.5 + }, + { + "Unnamed: 0": 1252, + "book_name": "Essentialism", + "summaries": "\u00a0will show you a new, better way of looking at productivity\u00a0by giving you permission to be extremely selective about what\u2019s truly essential in your life and then ruthlessly cutting out everything else.", + "categories": "happiness", + "review_score": 2.4 + }, + { + "Unnamed: 0": 1253, + "book_name": "The Power Of Habit", + "summaries": " helps you understand why\u00a0habits are at the core of everything you\u00a0do, how you can change them, and what impact that will have on your life, your business and society.", + "categories": "happiness", + "review_score": 2.2 + }, + { + "Unnamed: 0": 1254, + "book_name": "Money: Master The Game", + "summaries": " holds 7 simple steps to financial freedom, based on the advice of the world\u2019s best billionaire investors, interviewed by Tony Robbins.", + "categories": "happiness", + "review_score": 8.9 + }, + { + "Unnamed: 0": 1255, + "book_name": "The Power Of Less", + "summaries": " shows you how to align your life with your most important goals, by finding out what\u2019s really essential, changing your habits one at a time and working focused and productively on only those projects that will lead you to where you really want to go.", + "categories": "happiness", + "review_score": 6.9 + }, + { + "Unnamed: 0": 1256, + "book_name": "Choose Yourself", + "summaries": " is a call to give up traditional career paths and take your life into your own hands by building good habits, creating your own career, and making a decision to choose yourself.", + "categories": "happiness", + "review_score": 6.4 + }, + { + "Unnamed: 0": 1257, + "book_name": "The Happiness Of Pursuit", + "summaries": " is a call to take control of your own life by going on a quest, which will fill your life with meaning, purpose, and a whole lot of adventure.", + "categories": "happiness", + "review_score": 9.1 + }, + { + "Unnamed: 0": 1258, + "book_name": "The Millionaire Fastlane", + "summaries": " points out what\u2019s wrong with the old get a degree, get a job, work hard, retire rich model, defines wealth in a new way, and shows you the path to retiring young.", + "categories": "happiness", + "review_score": 4.6 + }, + { + "Unnamed: 0": 1259, + "book_name": "The Art Of Happiness", + "summaries": " is the result of a psychiatrist interviewing the Dalai Lama on how he personally achieved inner peace, calmness, and happiness.", + "categories": "happiness", + "review_score": 8.7 + }, + { + "Unnamed: 0": 1260, + "book_name": "The Paradox Of Choice", + "summaries": " shows you how today\u2019s vast amount of choice makes you frustrated, less likely to choose, more likely to mess up, and less happy overall, before giving you concrete strategies and tips to ease the burden of decision-making.", + "categories": "happiness", + "review_score": 7.9 + }, + { + "Unnamed: 0": 1261, + "book_name": "Stumbling On Happiness", + "summaries": " examines the capacity of our brains to fill in gaps and simulate experiences, shows how our lack of awareness of these powers sometimes leads us to wrong decisions, and how we can change our behavior to synthesize our own happiness.", + "categories": "happiness", + "review_score": 9.8 + }, + { + "Unnamed: 0": 1262, + "book_name": "The 7 Habits Of Highly Effective People", + "summaries": " teaches you both personal and professional effectiveness by\u00a0changing your view of how the world works and giving you 7 habits, which, if adopted well, will lead you to immense success.", + "categories": "happiness", + "review_score": 3.8 + }, + { + "Unnamed: 0": 1263, + "book_name": "The Upside Of Stress", + "summaries": " helps you change your mindset from one that avoids anxiety at all costs to a belief that embraces stress as a normal part of life, which helps you respond to it in better ways and actually be healthier.", + "categories": "happiness", + "review_score": 9.8 + }, + { + "Unnamed: 0": 1264, + "book_name": "The Miracle Morning", + "summaries": " makes it clear that in order to become successful,\u00a0you have to dedicate time to personal development each day, and then gives you a 6-step morning routine to create and shape that time.", + "categories": "happiness", + "review_score": 2.0 + }, + { + "Unnamed: 0": 1265, + "book_name": "The Game", + "summaries": " is like a seat right next to Neil Strauss on his rollercoaster ride through the pickup community, where he gets hooked, successful, lost, wins and fails, until he finds his true self again.", + "categories": "happiness", + "review_score": 8.1 + }, + { + "Unnamed: 0": 1266, + "book_name": "Flow", + "summaries": " explains why we seek happiness in externals and what\u2019s wrong with it, where you can really find enjoyment in life, and how you can truly become happy by creating your own meaning of life.", + "categories": "happiness", + "review_score": 6.2 + }, + { + "Unnamed: 0": 1267, + "book_name": "Eat That Frog", + "summaries": " provides 21 techniques and strategies to stop procrastinating and get more done.", + "categories": "happiness", + "review_score": 1.1 + }, + { + "Unnamed: 0": 1268, + "book_name": "The Upside Of Your Dark Side", + "summaries": " takes a look at our darkest emotions, like anxiety or anger, and shows you there are real benefits that follow\u00a0them and their underlying character traits, such as narcissism or psychopathy.", + "categories": "happiness", + "review_score": 9.1 + }, + { + "Unnamed: 0": 1269, + "book_name": "The Great Gatsby is an American classic following Jay Gatsby\u2019s quest to win back his long-lost love by faking a successful life,\u00a0", + "summaries": "depicting the struggles around love, relationships, societal standing, and consumerism of people in the \u201croaring\u201d 1920s.", + "categories": "money", + "review_score": 9.3 + }, + { + "Unnamed: 0": 1270, + "book_name": "The Financial Diet", + "summaries": " is a compendium of clever money tips for beginners, offering thrifty spending advice and sound money strategies in a wide range of areas, such as budgeting, investing, work, food, home, and even love.", + "categories": "money", + "review_score": 3.0 + }, + { + "Unnamed: 0": 1271, + "book_name": "The 4 Minute Millionaire", + "summaries": " is a collection of 44 short lessons sourced from the best finance books, each paired with an action item to help you get closer to financial freedom in just 4 minutes a day.", + "categories": "money", + "review_score": 7.0 + }, + { + "Unnamed: 0": 1272, + "book_name": "The Simple Path to Wealth", + "summaries": " is a three-step template for achieving financial freedom in a straightforward way, passed from a wealthy man to his teenage daughter through a series of letters.", + "categories": "money", + "review_score": 2.2 + }, + { + "Unnamed: 0": 1273, + "book_name": "The Wealthy Gardener is a series of stories told from the perspective of an old, wealthy man, who shares the financial wisdom he\u2019s acquired over many years with the members in his community, showing them how to", + "summaries": " build wealth step-by-step through short yet meaningful anecdotes.", + "categories": "money", + "review_score": 9.7 + }, + { + "Unnamed: 0": 1274, + "book_name": "Just Keep Buying", + "summaries": " will help you answer the big questions about saving and investing money with clever stories and interesting data, all while acknowledging that your needs and desires will change throughout life and that, therefore, your financial behavior will have to do the same.", + "categories": "money", + "review_score": 7.8 + }, + { + "Unnamed: 0": 1275, + "book_name": "The Catcher in the Rye", + "summaries": " describes the adventures of well-off teenage boy Holden Caulfield on a weekend out alone in New York City, illuminating the struggles of young adults with existential questions of morality, identity, meaning, and connection.", + "categories": "money", + "review_score": 4.5 + }, + { + "Unnamed: 0": 1276, + "book_name": "Rich Dad\u2019s Cashflow Quadrant", + "summaries": " is an inspiring read by Kiyosaki which comes as a sequel after his first groundbreaking book and presents how hard work doesn\u2019t always equal becoming rich, as wealth is likely a result of smart money decisions.", + "categories": "money", + "review_score": 4.3 + }, + { + "Unnamed: 0": 1277, + "book_name": "More Money Than God", + "summaries": " teaches us about the ins and outs of hedge funds, how those managing money makes a profit, and how you can learn from them and apply their techniques to your money management strategy.", + "categories": "money", + "review_score": 9.7 + }, + { + "Unnamed: 0": 1278, + "book_name": "Die With Zero", + "summaries": " teaches us that wealth accumulation isn\u2019t the only aspect of our life that we should be chasing, but rather keep an eye on meaningful experiences, our relationships, and the limited time we have on earth.", + "categories": "money", + "review_score": 6.2 + }, + { + "Unnamed: 0": 1279, + "book_name": "The Great Gatsby is an American classic following Jay Gatsby\u2019s quest to win back his long-lost love by faking a successful life,\u00a0", + "summaries": "depicting the struggles around love, relationships, societal standing, and consumerism of people in the \u201croaring\u201d 1920s.", + "categories": "money", + "review_score": 4.8 + }, + { + "Unnamed: 0": 1280, + "book_name": "The Financial Diet", + "summaries": " is a compendium of clever money tips for beginners, offering thrifty spending advice and sound money strategies in a wide range of areas, such as budgeting, investing, work, food, home, and even love.", + "categories": "money", + "review_score": 5.6 + }, + { + "Unnamed: 0": 1281, + "book_name": "The 4 Minute Millionaire", + "summaries": " is a collection of 44 short lessons sourced from the best finance books, each paired with an action item to help you get closer to financial freedom in just 4 minutes a day.", + "categories": "money", + "review_score": 5.3 + }, + { + "Unnamed: 0": 1282, + "book_name": "The Simple Path to Wealth", + "summaries": " is a three-step template for achieving financial freedom in a straightforward way, passed from a wealthy man to his teenage daughter through a series of letters.", + "categories": "money", + "review_score": 8.5 + }, + { + "Unnamed: 0": 1283, + "book_name": "The Wealthy Gardener is a series of stories told from the perspective of an old, wealthy man, who shares the financial wisdom he\u2019s acquired over many years with the members in his community, showing them how to", + "summaries": " build wealth step-by-step through short yet meaningful anecdotes.", + "categories": "money", + "review_score": 1.7 + }, + { + "Unnamed: 0": 1284, + "book_name": "Just Keep Buying", + "summaries": " will help you answer the big questions about saving and investing money with clever stories and interesting data, all while acknowledging that your needs and desires will change throughout life and that, therefore, your financial behavior will have to do the same.", + "categories": "money", + "review_score": 2.2 + }, + { + "Unnamed: 0": 1285, + "book_name": "The Catcher in the Rye", + "summaries": " describes the adventures of well-off teenage boy Holden Caulfield on a weekend out alone in New York City, illuminating the struggles of young adults with existential questions of morality, identity, meaning, and connection.", + "categories": "money", + "review_score": 6.0 + }, + { + "Unnamed: 0": 1286, + "book_name": "Rich Dad\u2019s Cashflow Quadrant", + "summaries": " is an inspiring read by Kiyosaki which comes as a sequel after his first groundbreaking book and presents how hard work doesn\u2019t always equal becoming rich, as wealth is likely a result of smart money decisions.", + "categories": "money", + "review_score": 8.7 + }, + { + "Unnamed: 0": 1287, + "book_name": "More Money Than God", + "summaries": " teaches us about the ins and outs of hedge funds, how those managing money makes a profit, and how you can learn from them and apply their techniques to your money management strategy.", + "categories": "money", + "review_score": 5.7 + }, + { + "Unnamed: 0": 1288, + "book_name": "Die With Zero", + "summaries": " teaches us that wealth accumulation isn\u2019t the only aspect of our life that we should be chasing, but rather keep an eye on meaningful experiences, our relationships, and the limited time we have on earth.", + "categories": "money", + "review_score": 7.4 + }, + { + "Unnamed: 0": 1289, + "book_name": "Your Money Or Your Life", + "summaries": " is the ultimate guide to financial freedom, as it explores nine effective ways to stop living paycheck to paycheck, get out of debt, earn enough money to make more than just a living, and start living your life worry free from a financial point of view.", + "categories": "money", + "review_score": 7.8 + }, + { + "Unnamed: 0": 1290, + "book_name": "The 100-Year Life", + "summaries": " teaches you how to be resourceful and prepare ahead of time for a world in which people not only live longer but reach an age in the triple-digits, and talks about what you should be doing right now to ensure you have enough money for retirement.", + "categories": "money", + "review_score": 8.9 + }, + { + "Unnamed: 0": 1291, + "book_name": "Pioneering Portfolio Management", + "summaries": " is a financial book that touches on subjects like institutional investments, asset classes, securities management, and how to adjust a portfolio based on risk, a diversified approach to investing, and overall asset allocation.", + "categories": "money", + "review_score": 4.3 + }, + { + "Unnamed: 0": 1292, + "book_name": "Masters of Scale", + "summaries": " teaches entrepreneurs ways to open up a successful company and scale it from the grounds-up by going into detail about the right business practices, how to seize opportunities, and foster an organizational culture that encourages innovation and customer-centricity.", + "categories": "money", + "review_score": 5.8 + }, + { + "Unnamed: 0": 1293, + "book_name": "Poor Charlie\u2019s Almanack", + "summaries": " explores the life of the famous investor Charlie Munger, the right hand of Warren Buffett, and teaches its readers how his inspirational take on life helped him achieve a fortune and still have time and money to dedicate towards philanthropic causes.", + "categories": "money", + "review_score": 5.8 + }, + { + "Unnamed: 0": 1294, + "book_name": "The Almanack of Naval Ravikant", + "summaries": " compiles the valuable lessons of Naval Ravikant, who teaches people how to build wealth and achieve long-term happiness by working on a few essential skills, all while discovering the secrets of living a good life.", + "categories": "money", + "review_score": 3.1 + }, + { + "Unnamed: 0": 1295, + "book_name": "Stocks for the Long Run", + "summaries": " delves into the subject of investing and the implications that come with picking securities, whether they\u2019re stocks, bonds, or commodities, having in mind the generally higher returns of stocks over the years and how to build a balanced portfolio that can face times of crisis.", + "categories": "money", + "review_score": 2.9 + }, + { + "Unnamed: 0": 1296, + "book_name": "Cryptocurrency Investing For Dummies", + "summaries": " is a hands-on guide on how to get started with investing in digital coins by placing a trade using a broker what they represent, and how to pick the right ones from the batch of cryptocurrencies available on the market.", + "categories": "money", + "review_score": 1.0 + }, + { + "Unnamed: 0": 1297, + "book_name": "Common Stocks and Uncommon Profits", + "summaries": " paves the way to success for all investors by outlining how to analyse stocks, understand the market, make smart investments and wise money decisions, and profit from them by being patient with the stock market and keeping your money in for the long-term.", + "categories": "money", + "review_score": 7.7 + }, + { + "Unnamed: 0": 1298, + "book_name": "A Random Walk Down Wall Street", + "summaries": " explores how the individual investor can make money in the stock market by following a simple path that is guaranteed to bring success, if the investor has patience and gets accustomed to a series of concepts about stocks and what analyzing them consists of.", + "categories": "money", + "review_score": 7.4 + }, + { + "Unnamed: 0": 1299, + "book_name": "One Up on Wall Street", + "summaries": " talks about the challenges of being a stock market investor, while also exploring how anyone can pick good, well-performing stocks without having much knowledge in the field, by following a few key practices.", + "categories": "money", + "review_score": 6.7 + }, + { + "Unnamed: 0": 1300, + "book_name": "The Psychology of Money", + "summaries": " explores how money moves around in an economy and how personal biases and the emotional factor play an important role in our financial decisions, as well as how to think more rationally and make better decisions when it comes to money.", + "categories": "money", + "review_score": 5.5 + }, + { + "Unnamed: 0": 1301, + "book_name": "The Power of Focus", + "summaries": " offers its readers a focus-based approach that they can use to achieve their financial and personal goals through practical exercises and habits that they can implement into their daily lives to actively shape their future.", + "categories": "money", + "review_score": 8.2 + }, + { + "Unnamed: 0": 1304, + "book_name": "Socialism", + "summaries": " by Michael Newman outlines the history of the governmental theory that everything should be owned and controlled by the community as a whole, including how this idea has impacted the world in the last 200 years, how its original aims have been lost, and ways we might use it in the future.", + "categories": "money", + "review_score": 1.4 + }, + { + "Unnamed: 0": 1305, + "book_name": "Make Money Trading Options", + "summaries": " teaches the art of trading stock options, including the pitfalls to watch out for and how to use simple tools like the Test Trading Strategy and virtual trading tools to find stocks that are most likely to be profitable, so you don\u2019tm have to just guess where to invest.", + "categories": "money", + "review_score": 8.2 + }, + { + "Unnamed: 0": 1306, + "book_name": "Hyper-Learning", + "summaries": " shows how people and companies can adapt in the rapidly changing world we live in today, explaining how a growth mindset, colleaboration, and losing your ego will build your confidence that you can stay relevant and competitive as the world around you accelerates.", + "categories": "money", + "review_score": 1.3 + }, + { + "Unnamed: 0": 1307, + "book_name": "Billion Dollar Whale", + "summaries": " tells the incredible story of Jho Low, a Malaysian man who committed one of the biggest heists of the century by defrauding a national investment fund.", + "categories": "money", + "review_score": 1.0 + }, + { + "Unnamed: 0": 1308, + "book_name": "Dark Towers", + "summaries": " dives into the dirty inner workings and the rise and fall of Deutsche Bank, which contributed to many notable but not always beneficial events of the past 150 years, including the American railroad system, the Nazi regime, funding Russian oligarchs, and even the election of Donald Trump.", + "categories": "money", + "review_score": 3.4 + }, + { + "Unnamed: 0": 1309, + "book_name": "Why Nations Fail", + "summaries": " dives into the reasons why economic inequality is so common in the world today and identifies that poor decisions of those in political power are the main reason for unfairness rather than culture, geography, climate, or any other factor.", + "categories": "money", + "review_score": 8.5 + }, + { + "Unnamed: 0": 1310, + "book_name": "The Bitcoin Standard", + "summaries": " uses the history of money and gold to explain why Bitcoin is the way to go if the world wants to stick to having sound money and why it\u2019s the only cryptocurrency to be focusing on right now.", + "categories": "money", + "review_score": 1.7 + }, + { + "Unnamed: 0": 1311, + "book_name": "Cryptoassets", + "summaries": " is your guide to understanding this revolutionary new digital asset class and explains the history of Bitcoin, how to invest in it and other cryptocurrencies, and how the blockchain technology behind it all works.", + "categories": "money", + "review_score": 7.7 + }, + { + "Unnamed: 0": 1312, + "book_name": "Spark", + "summaries": " teaches you how to become an influential, un-fireable asset to your team at work by taking on the role of a leader regardless of your position, utilizing the power of creative thinking to make better decisions, and learning how to be more self-aware and humble.", + "categories": "money", + "review_score": 2.7 + }, + { + "Unnamed: 0": 1313, + "book_name": "Small Giants", + "summaries": " is your guide to keeping your company little but mighty that will allow you to pass up deliberate growth for staying true to what\u2019s really important, which is your ideals, time, passions, and doing what you do best so well that customers can\u2019t help but flock to you.", + "categories": "money", + "review_score": 7.3 + }, + { + "Unnamed: 0": 1314, + "book_name": "What I Learned Losing A Million Dollars", + "summaries": " shows you how to recognize and steer clear of the pitfalls of stock investing by sharing the story of one man who made some bad investment decisions and had to deal with some pretty terrible consequences because of them.", + "categories": "money", + "review_score": 6.9 + }, + { + "Unnamed: 0": 1315, + "book_name": "Titan", + "summaries": " will inspire you to keep working hard to make your business goals happen by sharing the life story of John D. Rockefeller Sr., from his humble beginnings to his astronomical success as an oil tycoon and beyond.", + "categories": "money", + "review_score": 4.0 + }, + { + "Unnamed: 0": 1316, + "book_name": "Narrative Economics", + "summaries": " explains the influence that popular stories have on the way economies operate, including the rise of Bitcoin, stock market booms and crashes, the nature of epidemics, and more.", + "categories": "money", + "review_score": 9.1 + }, + { + "Unnamed: 0": 1317, + "book_name": "The Age Of Cryptocurrency", + "summaries": " explains the past, present, and future of Bitcoin, including its benefits and drawbacks, how it aligns with the definition of money well enough to be its own currency, how it and other cryptocurrencies will change our economy and the entire world.", + "categories": "money", + "review_score": 8.0 + }, + { + "Unnamed: 0": 1318, + "book_name": "Profit First", + "summaries": "\u00a0explains why traditional business finances are upside down and how, by focusing on profit first and reasoning up from there, you can grow your business to new heights more sustainably, all while being less stressed about money.", + "categories": "money", + "review_score": 5.0 + }, + { + "Unnamed: 0": 1319, + "book_name": "Blockchain Revolution", + "summaries": " explains how the power of this new technology behind Bitcoin can transform our world financially by improving the way we store our money and do business to make it more fair, transparent, equal, and free from corruption.", + "categories": "money", + "review_score": 8.5 + }, + { + "Unnamed: 0": 1320, + "book_name": "Digital Gold", + "summaries": " details the beginnings of Bitcoin, including how it was developed, why it\u2019s early years were such a struggle, the many people that contributed to its rise, and how it\u2019s changed our world so far and why it will continue doing so for a long time.", + "categories": "money", + "review_score": 8.1 + }, + { + "Unnamed: 0": 1321, + "book_name": "Get A Financial Life", + "summaries": " shows those that are new to managing money how to do it confidently by explaining everything from debt and savings to insurance and investing.", + "categories": "money", + "review_score": 8.1 + }, + { + "Unnamed: 0": 1322, + "book_name": "The Wisdom Of Finance", + "summaries": " is a fascinating book that identifies the differences and similarities between the world of money and life experiences like relationships, showing how principles from each of these can benefit each other.", + "categories": "money", + "review_score": 8.8 + }, + { + "Unnamed: 0": 1323, + "book_name": "Mind Over Money", + "summaries": " is the ultimate guide to understanding the psychology of personal finance, explaining how your beliefs about money began forming when you were very young and what you can do to make your brain your financial friend instead of your enemy.", + "categories": "money", + "review_score": 6.3 + }, + { + "Unnamed: 0": 1324, + "book_name": "The Alchemist", + "summaries": " is a classic novel in which a boy named Santiago embarks on a journey seeking treasure in the Egyptian pyramids after having a recurring dream about it and on the way meets mentors, falls in love, and most importantly, learns the true importance of who he is and how to improve himself and focus on what really matters in life.", + "categories": "money", + "review_score": 3.3 + }, + { + "Unnamed: 0": 1325, + "book_name": "Fit For Growth", + "summaries": " is a guide to expanding your company\u2019s influence and profits by looking for ways to cut costs in the right places, restructuring your business model, and eliminating unnecessary departments to pave the way for exponential success.", + "categories": "money", + "review_score": 3.3 + }, + { + "Unnamed: 0": 1326, + "book_name": "Broke Millennial", + "summaries": " shows those in their twenties and thirties how to manage their finances so that they can stop scraping by and instead begin to live more confidently when it comes to money.", + "categories": "money", + "review_score": 9.5 + }, + { + "Unnamed: 0": 1327, + "book_name": "Moneyland", + "summaries": " uncovers the mystery of how the rich keep getting richer by revealing the great lengths they\u2019ll go to so they can avoid taxes and other things that threaten their wealth.", + "categories": "money", + "review_score": 5.6 + }, + { + "Unnamed: 0": 1328, + "book_name": "Winners Take All", + "summaries": " helps you see the ultra-rich in a more accurate light by identifying their shady strategies, including using the idea of \u201cmaking the world a better place\u201d as a front that only serves as a way to solidify their wealth and power.", + "categories": "money", + "review_score": 7.5 + }, + { + "Unnamed: 0": 1329, + "book_name": "Why \u201cA\u201d Students Work For \u201cC\u201d Students", + "summaries": " contains Robert Kiyosaki\u2019s lessons on how the global financial crisis is the result of a lack of education and shows parents how to become truly money literate so they can teach their kids to do the same and attain financial freedom.", + "categories": "money", + "review_score": 3.1 + }, + { + "Unnamed: 0": 1330, + "book_name": "From Here To Financial Happiness", + "summaries": " is your guide to having a healthier relationship with money and shows you how looking to the future to prepare for what\u2019s ahead can make you a lot less stressed about your financial life.", + "categories": "money", + "review_score": 1.8 + }, + { + "Unnamed: 0": 1331, + "book_name": "Be A Free Range Human", + "summaries": " inspires you to finally quit that 9-5 job that is sucking the life out of you and begin working for yourself by explaining why the \u201cjob security\u201d doesn\u2019t exist anymore, helping you discover your passions, and identifying the steps you need to follow if you want to start a life of freedom and happiness.", + "categories": "money", + "review_score": 6.3 + }, + { + "Unnamed: 0": 1332, + "book_name": "Dark Money", + "summaries": " dives into the depths of the greed and corruption in the American political system by revealing the story of the Koch brothers who have been enabling the ultra-wealthy to influence political decisions for decades.", + "categories": "money", + "review_score": 6.8 + }, + { + "Unnamed: 0": 1333, + "book_name": "Agile Selling", + "summaries": " helps you become a great salesperson by identifying how successful people thrive in any sales position with the skills of learning and adapting quickly.", + "categories": "money", + "review_score": 6.4 + }, + { + "Unnamed: 0": 1334, + "book_name": "Brainfluence", + "summaries": " will help you get more sales by revealing people\u2019s subconscious thinking and their motivations in the decision-making process they use when buying.", + "categories": "money", + "review_score": 8.5 + }, + { + "Unnamed: 0": 1335, + "book_name": "Building Social Business", + "summaries": " will teach you how to change the world for the better by starting a company that does good for mankind, giving you all the answers about how they work and how to begin one of your own.", + "categories": "money", + "review_score": 1.9 + }, + { + "Unnamed: 0": 1336, + "book_name": "Brandwashed", + "summaries": " will help you make better buying decisions by identifying the psychological tools that marketers use to turn your own brain against you and make you think that you need to buy their products.", + "categories": "money", + "review_score": 3.1 + }, + { + "Unnamed: 0": 1337, + "book_name": "Capitalism", + "summaries": " shows you how the movement of money in the world really works by outlining the dominant system in the world and its origins and future.", + "categories": "money", + "review_score": 9.6 + }, + { + "Unnamed: 0": 1338, + "book_name": "Capitalism And Freedom", + "summaries": " helps you understand some of the most important factors protecting your liberty by outlining the government\u2019s role in economics and how things go best when political entities are small and stay out of the flow of money in a country.", + "categories": "money", + "review_score": 4.1 + }, + { + "Unnamed: 0": 1339, + "book_name": "Built To Sell", + "summaries": " shows you how to become a successful entrepreneur by explaining the steps necessary to grow a small service company and one day sell it.", + "categories": "money", + "review_score": 3.4 + }, + { + "Unnamed: 0": 1340, + "book_name": "The Latte Factor", + "summaries": " teaches us how to overcome limiting beliefs about money and build our financial freedom through small daily choices.\u00a0 ", + "categories": "money", + "review_score": 5.5 + }, + { + "Unnamed: 0": 1341, + "book_name": "Business Model Generation", + "summaries": " teaches you how to start your own company by explaining the details of matching your customer\u2019s needs with your product\u2019s capabilities, managing finances, and everything else involved in the planning stages of entrepreneurship.", + "categories": "money", + "review_score": 8.9 + }, + { + "Unnamed: 0": 1342, + "book_name": "Life After Google", + "summaries": " explains why Silicon Valley is suffering a nervous breakdown as big data and machine intelligence comes to an end and the post-Google era dawns.", + "categories": "money", + "review_score": 6.6 + }, + { + "Unnamed: 0": 1343, + "book_name": "The Psychology Of Selling", + "summaries": " motivates you to work on your self-image and how you relate to customers so that you can close more deals.", + "categories": "money", + "review_score": 4.6 + }, + { + "Unnamed: 0": 1344, + "book_name": "Educated", + "summaries": " will help you become more grateful for your schooling, freedom, and normal relationships by explaining the family difficulties that Tara Westover had to break free of so that she could get her own education.", + "categories": "money", + "review_score": 4.2 + }, + { + "Unnamed: 0": 1345, + "book_name": "Designing Your Life", + "summaries": " will show you how to break the shackles of your mundane 9-5 job by sharing exercises and tips that will direct you towards your true calling that fills you with passion, purpose, and fulfillment.", + "categories": "money", + "review_score": 1.6 + }, + { + "Unnamed: 0": 1346, + "book_name": "Ask", + "summaries": " shows you a method that helps you take the guesswork out of the equation so you can give your customers what they want even if they don\u2019t know what they want.", + "categories": "money", + "review_score": 4.2 + }, + { + "Unnamed: 0": 1347, + "book_name": "Buyology", + "summaries": " shows you how to spend less money by revealing the psychological traps that companies use to hack your brain and get you to purchase their products without you even realizing they\u2019re doing it.", + "categories": "money", + "review_score": 3.2 + }, + { + "Unnamed: 0": 1348, + "book_name": "It Doesn\u2019t Have To Be Crazy At Work", + "summaries": " helps you relax about the current hurry-up and work yourself to death culture and instead see why getting rid of these stressful mentalities will make you and your company more focused, calm, and productive.", + "categories": "money", + "review_score": 6.9 + }, + { + "Unnamed: 0": 1349, + "book_name": "Affluenza", + "summaries": " asserts that the reason we are so unhappy is because of our obsession with consumption and the sickness that it brings upon ourselves and the world around us as well.", + "categories": "money", + "review_score": 7.7 + }, + { + "Unnamed: 0": 1350, + "book_name": "Alibaba", + "summaries": " shares the inspiring story of Jack Ma\u2019s hard work, entrepreneurial vision, and smart thinking that helped him build one of the most successful and influential companies in the world. ", + "categories": "money", + "review_score": 7.8 + }, + { + "Unnamed: 0": 1351, + "book_name": "Playing With FIRE", + "summaries": " will teach you how to be happier with your financial life and worry less about money by getting into the Financial Independence, Retire Early (FIRE) movement.", + "categories": "money", + "review_score": 6.5 + }, + { + "Unnamed: 0": 1352, + "book_name": "Pandemic", + "summaries": " gives you an understanding of what pathogens and diseases are, how they evolve, what our lifestyle does to make them worse on us, how they can spread like wildfire, and most importantly, what we can do to stop them.", + "categories": "money", + "review_score": 7.1 + }, + { + "Unnamed: 0": 1353, + "book_name": "Creative Confidence", + "summaries": " helps break the mundanity of everyday work and life by exploring the power that being more innovative has to improve happiness and success in many different areas.", + "categories": "money", + "review_score": 6.4 + }, + { + "Unnamed: 0": 1354, + "book_name": "What They Don\u2019t Teach You At Harvard Business School", + "summaries": " teaches why succeeding in business has less to do with accumulated theoretical knowledge through schooling and books, and more about people and communication.", + "categories": "money", + "review_score": 3.0 + }, + { + "Unnamed: 0": 1355, + "book_name": "Measure What Matters", + "summaries": " teaches you how to implement tracking systems into your company and life that will help you record your progress, stay accountable, and make reaching your goals almost inevitable.", + "categories": "money", + "review_score": 2.5 + }, + { + "Unnamed: 0": 1356, + "book_name": "The Algebra of Happiness", + "summaries": " outlines the variables in the equation for happiness and how to build them in your life.", + "categories": "money", + "review_score": 9.2 + }, + { + "Unnamed: 0": 1357, + "book_name": "An American Sickness", + "summaries": " will motivate you to see what you can do to help improve the state of healthcare in the United States by blowing open the recent greed, corruption, and selfishness of healthcare companies.", + "categories": "money", + "review_score": 1.1 + }, + { + "Unnamed: 0": 1358, + "book_name": "Business Adventures", + "summaries": " will teach you how to run a company, invest in the stock market, change jobs, and many other things by sharing some of the most interesting experiences that big companies and their leaders have had over the last century.", + "categories": "money", + "review_score": 5.1 + }, + { + "Unnamed: 0": 1359, + "book_name": "Barbarians At The Gate", + "summaries": " shows you how not to run a business and reveals the shocking greed of corporate America in the 1980s by telling the story of the leveraged buyout of RJR Nabisco.", + "categories": "money", + "review_score": 1.3 + }, + { + "Unnamed: 0": 1360, + "book_name": "Accounting Made Simple", + "summaries": " is your guide to learning the fundamental charts, equations, and concepts of managing a business\u2019s financial statements.", + "categories": "money", + "review_score": 6.2 + }, + { + "Unnamed: 0": 1361, + "book_name": "The Man Who Solved The Market", + "summaries": " shares the interesting story of Jim Simons\u2019s rise to wealth and success that came from him tapping into his math genius to make incredible gains in stock market investments.", + "categories": "money", + "review_score": 3.9 + }, + { + "Unnamed: 0": 1362, + "book_name": "Q", + "summaries": "uit Like A Millionaire", + "categories": "money", + "review_score": 4.3 + }, + { + "Unnamed: 0": 1363, + "book_name": "The Execution Factor", + "summaries": " will show you how to become successful by utilizing the power of vision, passion, action, resilience, and relationships that propelled author Kim Perell from unemployed and broke to a multi-millionaire in just seven years. ", + "categories": "money", + "review_score": 9.6 + }, + { + "Unnamed: 0": 1364, + "book_name": "Adaptive Markets", + "summaries": " gives you a better understanding of how the movement of money in the world works by outlining the characteristics of the market, some of which are more like living creatures than you might think.", + "categories": "money", + "review_score": 7.2 + }, + { + "Unnamed: 0": 1365, + "book_name": "The Go-Giver", + "summaries": " teaches a pattern for becoming a better person and seeing more success in business and work by focusing on being authentic and giving as much value as possible. ", + "categories": "money", + "review_score": 2.5 + }, + { + "Unnamed: 0": 1366, + "book_name": "Arise, Awake", + "summaries": " will inspire you to move forward with your entrepreneurial dreams by sharing the inspirational stories of six Indian entrepreneurs and the lessons they learned on the path to success.", + "categories": "money", + "review_score": 1.6 + }, + { + "Unnamed: 0": 1367, + "book_name": "Money", + "summaries": " is your guide for learning how to stop pushing yourself to do more at your job and live a happier and more fulfilling life by making your money work hard for you. ", + "categories": "money", + "review_score": 9.1 + }, + { + "Unnamed: 0": 1368, + "book_name": "7 Strategies For Wealth And Happiness", + "summaries": " is the ultimate guide to improving your wealth through self-discipline, action, and a positive attitude toward work, money, and the people around you.", + "categories": "money", + "review_score": 6.7 + }, + { + "Unnamed: 0": 1369, + "book_name": "23 Things They Don\u2019t Tell You About Capitalism", + "summaries": " will help you think more clearly about our current economic state by uncovering the hidden consequences of free-market capitalism and offering solutions that could give us all a more fair world.", + "categories": "money", + "review_score": 2.6 + }, + { + "Unnamed: 0": 1370, + "book_name": "60 Seconds & You\u2019re Hired!", + "summaries": " is a guide to getting your dream job that will help you feel confident in your next interview by teaching you how to impress your interviewer with being concise, focusing on your strengths, and knowing what to do at every step of the process.", + "categories": "money", + "review_score": 7.3 + }, + { + "Unnamed: 0": 1371, + "book_name": "Blue Ocean Shift", + "summaries": " guides you through the steps to beating out your competition by creating new markets that aren\u2019t overcrowded.", + "categories": "money", + "review_score": 1.2 + }, + { + "Unnamed: 0": 1372, + "book_name": "Bullshit Jobs", + "summaries": " asserts that roughly two out of every five people are stuck in work that is bereft of purpose, and these workers could suffer psychological damage as a result. ", + "categories": "money", + "review_score": 2.8 + }, + { + "Unnamed: 0": 1373, + "book_name": "Millionaire Success Habits", + "summaries": " will teach you the habits you need to become financially successful and make a big difference in the world along the way.", + "categories": "money", + "review_score": 8.6 + }, + { + "Unnamed: 0": 1374, + "book_name": "You Are A Badass At Making Money", + "summaries": " will help you stop making excuses and get over your bad relationship with money to become a money-making machine.", + "categories": "money", + "review_score": 3.0 + }, + { + "Unnamed: 0": 1375, + "book_name": "Manufacturing Consent", + "summaries": " reveals how the upper class controls and skews the news to get the masses to believe whatever serves them best.", + "categories": "money", + "review_score": 2.3 + }, + { + "Unnamed: 0": 1376, + "book_name": "Never Split the Difference", + "summaries": "\u00a0is one of the best negotiation manuals ever written, explaining why you should never compromise, and how to negotiate like a pro in your everyday life as well as high-stakes situations.", + "categories": "money", + "review_score": 1.4 + }, + { + "Unnamed: 0": 1377, + "book_name": "Dollars And Sense", + "summaries": " explains why it\u2019s so hard to manage money and teaches you how to combat false cues and natural desires so you can manage your dollars in better ways.", + "categories": "money", + "review_score": 7.3 + }, + { + "Unnamed: 0": 1378, + "book_name": "The Science of Getting Rich", + "summaries": " gives you permission to embrace your natural desire for wealth and explains why riches lead to a prosperous and abundant life in mind, body, and soul.", + "categories": "money", + "review_score": 3.0 + }, + { + "Unnamed: 0": 1379, + "book_name": "Outwitting The Devil", + "summaries": " is an imagined interview between Napoleon Hill and the Devil himself, in which he wrings certain truths from the root of evil, which will help us avoid his grasp and live a good life.", + "categories": "money", + "review_score": 8.4 + }, + { + "Unnamed: 0": 1380, + "book_name": "The Automatic Millionaire", + "summaries": " is an actionable, step-by-step plan for building wealth without being disciplined by relying on fixed percentages, small payments, and automated transactions.", + "categories": "money", + "review_score": 7.7 + }, + { + "Unnamed: 0": 1381, + "book_name": "The Barefoot Investor", + "summaries": "\u00a0is an Australian farm boy\u2019s no-BS guide to taking charge of your personal finances with a simple system focused on eliminating debt, living in the now, and still retiring in peace.", + "categories": "money", + "review_score": 3.8 + }, + { + "Unnamed: 0": 1382, + "book_name": "How To Fail At Almost Everything And Still Win Big", + "summaries": " is the memoir of Dilbert cartoonist Scott Adams", + "categories": "money", + "review_score": 7.8 + }, + { + "Unnamed: 0": 1383, + "book_name": "Tribe of Mentors", + "summaries": " is a collection of over 100 mini-interviews, where some of the world\u2019s most successful people share their ideas around habits, learning, money, relationships, failure, success, and life.", + "categories": "money", + "review_score": 6.4 + }, + { + "Unnamed: 0": 1384, + "book_name": "Real Artists Don\u2019t Starve", + "summaries": "\u00a0debunks all myths around the starving artist and shows you you can, will and deserve to make a living from your creative work.", + "categories": "money", + "review_score": 7.8 + }, + { + "Unnamed: 0": 1385, + "book_name": "Unshakeable", + "summaries": " distills the essence of world class investors down into four core principles you should follow while investing, giving you simple rules and actionable steps to follow to make sure your finances flourish.", + "categories": "money", + "review_score": 6.6 + }, + { + "Unnamed: 0": 1386, + "book_name": "The 10X Rule", + "summaries": " will show you how to achieve extraordinary success by pointing out what\u2019s wrong with shooting for average, why you should aim ten times higher when tackling your goals, and how to back up your new, bold targets with the right actions.", + "categories": "money", + "review_score": 2.2 + }, + { + "Unnamed: 0": 1387, + "book_name": "The Power Of Broke", + "summaries": " shows you how to leverage having no money into an advantage in business by compensating it with creativity, passion and authenticity.", + "categories": "money", + "review_score": 2.1 + }, + { + "Unnamed: 0": 1388, + "book_name": "Your Move: The Underdog\u2019s Guide to Building Your Business", + "summaries": " is Ramit Sethi\u2019s no-BS guide to starting your own business that\u2019ll help you escape the 9-to-5, all the way from coming up with profitable ideas, overcoming psychological barriers and figuring out who to sell to to growing, maintaining and systematizing your business in the future.", + "categories": "money", + "review_score": 4.9 + }, + { + "Unnamed: 0": 1389, + "book_name": "The Snowball", + "summaries": " is the only authorized biography of Warren Buffett, the \u201cOracle of Omaha,\u201d legendary value investor and once richest man on earth, detailing his life from the very humble beginnings all the way to his unfathomable\u00a0success.", + "categories": "money", + "review_score": 5.5 + }, + { + "Unnamed: 0": 1390, + "book_name": "You Are A Badass", + "summaries": " helps you become self-aware, figure out what you want in life and then summon the guts to not worry about the how, kick others\u2019 opinions to the curb and focus your life on the thing that will make you happy.", + "categories": "money", + "review_score": 4.9 + }, + { + "Unnamed: 0": 1391, + "book_name": "When To Rob A Bank", + "summaries": " is a collection of the best of the Freakonomics authors\u2019 blog posts from over 10 years of blogging about economics in all areas of our life.", + "categories": "money", + "review_score": 3.1 + }, + { + "Unnamed: 0": 1392, + "book_name": "The Opposite Of Spoiled", + "summaries": " shows you how to raise financially conscious children, who learn the value of money early on by leading an open dialogue about money, giving them responsibility and teaching them patience.", + "categories": "money", + "review_score": 4.5 + }, + { + "Unnamed: 0": 1393, + "book_name": "Fooled By Randomness", + "summaries": " explains how luck, uncertainty, probability, human error, risk, and decision-making work together to influence our actions, set against the backdrop of business and specifically, investing, to uncover how much bigger the role of chance in our lives is, than we usually make it out to be.", + "categories": "money", + "review_score": 7.5 + }, + { + "Unnamed: 0": 1394, + "book_name": "The Audacity Of Hope", + "summaries": " explains Barack Obama\u2019s personal, political and spiritual beliefs, on which he based his 2008 presidential election campaign, which made him the first African-American president of the United States of America.\n", + "categories": "money", + "review_score": 6.8 + }, + { + "Unnamed: 0": 1395, + "book_name": "The Millionaire Real Estate Agent", + "summaries": " is about how you can systematically build a thriving real estate business, drawing lessons both about the professional as well as the personal side of things.", + "categories": "money", + "review_score": 3.8 + }, + { + "Unnamed: 0": 1396, + "book_name": "The Evolution Of Everything", + "summaries": " compares creationist to evolutionist thinking, showing how the process of evolution we know from biology underlies and permeates the entire world, including society, morality, religion, culture, economics, money, innovation and even the internet.", + "categories": "money", + "review_score": 3.4 + }, + { + "Unnamed: 0": 1397, + "book_name": "The Education Of A Value Investor", + "summaries": " is the story of how Guy Spier turned away from his greedy, morally corrupted investment banking environment and into a true value investor by modeling his work and life after Warren Buffett and his value investing approach.", + "categories": "money", + "review_score": 2.4 + }, + { + "Unnamed: 0": 1398, + "book_name": "How To Win At The Sport Of Business", + "summaries": " is Mark Cuban\u2019s account of how he changed his mindset and attitude over the years to go from broke to billionaire and help you embrace the habits of a successful businessman (or woman).", + "categories": "money", + "review_score": 8.9 + }, + { + "Unnamed: 0": 1399, + "book_name": "Predictably Irrational", + "summaries": " explains the hidden forces that really drive how we make decisions, which are far less rational than we think, but can help us stay on top of our finances, interact better with others and live happier lives, once we know about them.", + "categories": "money", + "review_score": 7.7 + }, + { + "Unnamed: 0": 1400, + "book_name": "Charlie Munger", + "summaries": " teaches you the investment approach and ideas about life from Warren Buffett\u2019s business partner and billionaire Charlie Munger, which the two have used for decades to run one of the most successful companies in the world.", + "categories": "money", + "review_score": 3.2 + }, + { + "Unnamed: 0": 1401, + "book_name": "Rule #1", + "summaries": " hands you the reins of personal investing, even if you\u2019ve never held them before, by using a few simple rules from Warren Buffett\u2019s value investing approach to guide you towards financial independence.", + "categories": "money", + "review_score": 8.0 + }, + { + "Unnamed: 0": 1402, + "book_name": "The Millionaire Next Door", + "summaries": " shows you the simple spending and saving habits that lead to more cash in the bank than most people earn in their life while helping you avoid critical mistakes on your way to financial independence.", + "categories": "money", + "review_score": 1.4 + }, + { + "Unnamed: 0": 1403, + "book_name": "The Little Book That (Still) Beats The Market is a step-by-step tutorial to implement a simple, mathematical formula when buying stocks which guarantees long-term profits", + "summaries": ".", + "categories": "money", + "review_score": 5.0 + }, + { + "Unnamed: 0": 1404, + "book_name": "Vagabonding", + "summaries": " will change your relationship with money and travel by showing you that long-term life on the road isn\u2019t reserved for rich people and hippies, and will give you the tools you need to start living a life of adventure, simplicity and content.", + "categories": "money", + "review_score": 9.9 + }, + { + "Unnamed: 0": 1405, + "book_name": "The E-Myth Revisited", + "summaries": " explains why 80% of small businesses fail, and how to ensure yours isn\u2019t among those by building a company that\u2019s based on systems and not on the work of a single individual.", + "categories": "money", + "review_score": 5.6 + }, + { + "Unnamed: 0": 1406, + "book_name": "Uncertainty", + "summaries": " shows you that the condition of not knowing is nothing to fear, but the birthplace of innovation, which, if you embrace it while anchoring yourself, has an unlimited potential for growth, wealth and happiness.", + "categories": "money", + "review_score": 8.9 + }, + { + "Unnamed: 0": 1407, + "book_name": "The One-Page Financial Plan", + "summaries": " is a refreshing, fun look at personal finance, that takes away the feeling that financial planning is a burden for the less disciplined, and shows you that you can plan your entire financial future on a single page.", + "categories": "money", + "review_score": 1.8 + }, + { + "Unnamed: 0": 1408, + "book_name": "The Little Book of Common Sense Investing", + "summaries": " shows you an alternative to actively, poorly managed, overpaid funds by introducing you to low-cost, passive index funds as a sustainable investing strategy, which gets you the retirement savings you need without the usual hassle of stock investing.", + "categories": "money", + "review_score": 8.4 + }, + { + "Unnamed: 0": 1409, + "book_name": "The Total Money Makeover", + "summaries": " shows you how to stop accepting debt as normal, eliminate it forever in small increments, and build the financial future you deserve in seven steps.", + "categories": "money", + "review_score": 3.8 + }, + { + "Unnamed: 0": 1410, + "book_name": "Secrets Of The Millionaire Mind", + "summaries": " suggests our financial success is predetermined from birth and shows us what to do to break through mental barriers and acquire the habits and thinking of the rich.", + "categories": "money", + "review_score": 4.7 + }, + { + "Unnamed: 0": 1411, + "book_name": "Bold", + "summaries": " shows you that exponential technology has democratized the power to change the world and build wealth, by putting it into everyone\u2019s hands and explains which trends entrepreneurs will most benefit from in the future, how to capitalize on them and which challenges are really bold enough to impact us all.", + "categories": "money", + "review_score": 9.0 + }, + { + "Unnamed: 0": 1412, + "book_name": "The Self-Made Billionaire Effect", + "summaries": " looks at the five dualities billionaires characteristically exhibit, which put them in a different category than most employees, but allow them to have a vision large enough to reach the number of people they need to make their business a billion dollar enterprise.", + "categories": "money", + "review_score": 9.4 + }, + { + "Unnamed: 0": 1413, + "book_name": "The Happiness Project", + "summaries": " will show you how to change your life, without actually changing your life, thanks to the findings of modern science, ancient history and popular culture about happiness, which the author tested for a year and now shares with you.", + "categories": "money", + "review_score": 5.9 + }, + { + "Unnamed: 0": 1414, + "book_name": "Anything You Want", + "summaries": " teaches you how to build a business that\u2019s based on who you are, and can become anything you want it to be, rather than following the traditional paths of startup or corporate culture.", + "categories": "money", + "review_score": 7.0 + }, + { + "Unnamed: 0": 1415, + "book_name": "The $100 Startup", + "summaries": " shows you how to break free from the shackles of 9 to 5 by combining your passion and skills into your own microbusiness, which you can start for $100 or less, yet still turn into a full time income, thanks to the power of the internet.", + "categories": "money", + "review_score": 3.3 + }, + { + "Unnamed: 0": 1416, + "book_name": "The New Trading For A Living", + "summaries": " teaches you a calm approach to stock trading, by equipping you with the basic tools of chart analysis, risk-minimizing rules and showing you which amateur mistakes to avoid when getting started as a stock trader.", + "categories": "money", + "review_score": 4.4 + }, + { + "Unnamed: 0": 1417, + "book_name": "Thinking Fast And Slow", + "summaries": " shows you how two systems in your brain are constantly\u00a0fighting over control of your behavior and actions, and teaches you the many ways in which this leads to errors in memory, judgment and decisions, and what you can do about it.", + "categories": "money", + "review_score": 7.1 + }, + { + "Unnamed: 0": 1418, + "book_name": "The Power Of Starting Something Stupid", + "summaries": " shows you that most ideas are often falsely labeled stupid at first, and that if they are, that\u2019s a good indicator you should pursue them and not care what anyone thinks.", + "categories": "money", + "review_score": 1.5 + }, + { + "Unnamed: 0": 1419, + "book_name": "The Richest Man In Babylon", + "summaries": " gives common sense financial advice which you can apply today, told through tales and parables from the times of ancient Babylon.", + "categories": "money", + "review_score": 7.0 + }, + { + "Unnamed: 0": 1420, + "book_name": "Less Doing More Living", + "summaries": " is based on the assumption that the less you have to do, the more life you have to live, and helps you implement this philosophy into your life by giving you real-world tools to boost efficiency in every aspect of your life.", + "categories": "money", + "review_score": 7.5 + }, + { + "Unnamed: 0": 1421, + "book_name": "Think And Grow Rich", + "summaries": " is a curation of the 13 most common habits of wealthy and successful people, distilled from studying over 500 individuals over the course of 20 years.", + "categories": "money", + "review_score": 5.3 + }, + { + "Unnamed: 0": 1422, + "book_name": "The Intelligent Investor", + "summaries": " explains value investing, which is focused on generating steady, long-term profits by ignoring the current market and picking companies with high intrinsic value.", + "categories": "money", + "review_score": 8.8 + }, + { + "Unnamed: 0": 1423, + "book_name": "Money: Master The Game", + "summaries": " holds 7 simple steps to financial freedom, based on the advice of the world\u2019s best billionaire investors, interviewed by Tony Robbins.", + "categories": "money", + "review_score": 5.1 + }, + { + "Unnamed: 0": 1424, + "book_name": "Choose Yourself", + "summaries": " is a call to give up traditional career paths and take your life into your own hands by building good habits, creating your own career, and making a decision to choose yourself.", + "categories": "money", + "review_score": 7.0 + }, + { + "Unnamed: 0": 1425, + "book_name": "The Millionaire Fastlane", + "summaries": " points out what\u2019s wrong with the old get a degree, get a job, work hard, retire rich model, defines wealth in a new way, and shows you the path to retiring young.", + "categories": "money", + "review_score": 7.3 + }, + { + "Unnamed: 0": 1426, + "book_name": "The 7 Habits Of Highly Effective People", + "summaries": " teaches you both personal and professional effectiveness by\u00a0changing your view of how the world works and giving you 7 habits, which, if adopted well, will lead you to immense success.", + "categories": "money", + "review_score": 9.8 + }, + { + "Unnamed: 0": 1427, + "book_name": "The 4-Hour Workweek", + "summaries": " is the step-by-step blueprint to free yourself from the shackles of a corporate job, create a business to fund the lifestyle of your dreams, and live life like a millionaire, without actually having to be one.", + "categories": "money", + "review_score": 5.3 + }, + { + "Unnamed: 0": 1428, + "book_name": "Automate Your Busywork", + "summaries": "\u00a0is a step-by-step guide to getting rid of your most dreaded tasks, fueled by the simple but sophisticated \u201cAutomation Flywheel,\u201d which will help you reduce stress, get more done, and find time for your most meaningful work.", + "categories": "productivity", + "review_score": 8.1 + }, + { + "Unnamed: 0": 1429, + "book_name": "The Power of Regret", + "summaries": " is a deep dive into an emotion we all experience, outlining in three parts why regret makes us more human, not less, which four core regrets plague us all, and how we can accept and reshape our mistakes into better futures instead of keeping them as skeletons in our closets.", + "categories": "productivity", + "review_score": 6.2 + }, + { + "Unnamed: 0": 1430, + "book_name": "Brave New World", + "summaries": " presents a futuristic society engineered perfectly around capitalism and scientific efficiency, in which everyone is happy, conform, and content \u2014 but only at first glance.", + "categories": "productivity", + "review_score": 2.1 + }, + { + "Unnamed: 0": 1431, + "book_name": "Stolen Focus", + "summaries": "\u00a0explains why our attention spans have been dwindling for decades, how technology accelerates this worrying trend, and what we can do to reclaim our focus and thus our capacity to live meaningful lives.", + "categories": "productivity", + "review_score": 2.9 + }, + { + "Unnamed: 0": 1432, + "book_name": "The Infinite Game", + "summaries": " argues that business is not a competition but an infinite journey, and that to do well in it, leaders must advance a \u201cJust Cause,\u201d build trusting teams, learn from their \u201cWorthy Rivals,\u201d and practice existential flexibility.", + "categories": "productivity", + "review_score": 2.3 + }, + { + "Unnamed: 0": 1433, + "book_name": "The Daily Laws", + "summaries": "\u00a0is a page-a-day, calendar-style book covering the three big topics of mastery, power, and emotions, sharing Robert Greene\u2019s best lessons from 20 years of research of the dynamics within and between humans.", + "categories": "productivity", + "review_score": 8.4 + }, + { + "Unnamed: 0": 1434, + "book_name": "The Life-Changing Science of Detecting Bullshit", + "summaries": " teaches its readers how to avoid falling for the lies and false information that other people spread by helping them build essential thinking skills through examples from the real world.", + "categories": "productivity", + "review_score": 6.9 + }, + { + "Unnamed: 0": 1435, + "book_name": "Discipline Is Destiny", + "summaries": " is a three-part manual to master and implement the Stoic virtue of temperance, aka discipline, in your life, thus improving your body, mind, and spirit.", + "categories": "productivity", + "review_score": 7.3 + }, + { + "Unnamed: 0": 1436, + "book_name": "The Art of Statistics", + "summaries": " is a non-technical book that shows how statistics is helping humans everywhere get a new hold of data, interpret numbers, fact-check information, and reveal valuable insights, all while keeping the world as we know it afloat.", + "categories": "productivity", + "review_score": 6.9 + }, + { + "Unnamed: 0": 1437, + "book_name": "The How of Happiness", + "summaries": " describes a scientific approach to being happier by giving you a short quiz to determine your \u201chappiness set point,\u201d followed by various tools and tactics to help you take control of the large chunk of happiness that\u2019s fully within your grasp.", + "categories": "productivity", + "review_score": 8.3 + }, + { + "Unnamed: 0": 1438, + "book_name": "Automate Your Busywork", + "summaries": "\u00a0is a step-by-step guide to getting rid of your most dreaded tasks, fueled by the simple but sophisticated \u201cAutomation Flywheel,\u201d which will help you reduce stress, get more done, and find time for your most meaningful work.", + "categories": "productivity", + "review_score": 9.2 + }, + { + "Unnamed: 0": 1439, + "book_name": "The Power of Regret", + "summaries": " is a deep dive into an emotion we all experience, outlining in three parts why regret makes us more human, not less, which four core regrets plague us all, and how we can accept and reshape our mistakes into better futures instead of keeping them as skeletons in our closets.", + "categories": "productivity", + "review_score": 1.4 + }, + { + "Unnamed: 0": 1440, + "book_name": "Brave New World", + "summaries": " presents a futuristic society engineered perfectly around capitalism and scientific efficiency, in which everyone is happy, conform, and content \u2014 but only at first glance.", + "categories": "productivity", + "review_score": 10.0 + }, + { + "Unnamed: 0": 1441, + "book_name": "Stolen Focus", + "summaries": "\u00a0explains why our attention spans have been dwindling for decades, how technology accelerates this worrying trend, and what we can do to reclaim our focus and thus our capacity to live meaningful lives.", + "categories": "productivity", + "review_score": 2.7 + }, + { + "Unnamed: 0": 1442, + "book_name": "The Infinite Game", + "summaries": " argues that business is not a competition but an infinite journey, and that to do well in it, leaders must advance a \u201cJust Cause,\u201d build trusting teams, learn from their \u201cWorthy Rivals,\u201d and practice existential flexibility.", + "categories": "productivity", + "review_score": 3.9 + }, + { + "Unnamed: 0": 1443, + "book_name": "The Daily Laws", + "summaries": "\u00a0is a page-a-day, calendar-style book covering the three big topics of mastery, power, and emotions, sharing Robert Greene\u2019s best lessons from 20 years of research of the dynamics within and between humans.", + "categories": "productivity", + "review_score": 4.2 + }, + { + "Unnamed: 0": 1444, + "book_name": "The Life-Changing Science of Detecting Bullshit", + "summaries": " teaches its readers how to avoid falling for the lies and false information that other people spread by helping them build essential thinking skills through examples from the real world.", + "categories": "productivity", + "review_score": 9.5 + }, + { + "Unnamed: 0": 1445, + "book_name": "Discipline Is Destiny", + "summaries": " is a three-part manual to master and implement the Stoic virtue of temperance, aka discipline, in your life, thus improving your body, mind, and spirit.", + "categories": "productivity", + "review_score": 2.6 + }, + { + "Unnamed: 0": 1446, + "book_name": "The Art of Statistics", + "summaries": " is a non-technical book that shows how statistics is helping humans everywhere get a new hold of data, interpret numbers, fact-check information, and reveal valuable insights, all while keeping the world as we know it afloat.", + "categories": "productivity", + "review_score": 7.1 + }, + { + "Unnamed: 0": 1447, + "book_name": "The How of Happiness", + "summaries": " describes a scientific approach to being happier by giving you a short quiz to determine your \u201chappiness set point,\u201d followed by various tools and tactics to help you take control of the large chunk of happiness that\u2019s fully within your grasp.", + "categories": "productivity", + "review_score": 4.4 + }, + { + "Unnamed: 0": 1448, + "book_name": "Resilience", + "summaries": " will help you find joy in self-transformation, showing you ways to become more positive, hard-working, and face hardship with the kind of bravery and optimism that will get you through any challenge.", + "categories": "productivity", + "review_score": 8.7 + }, + { + "Unnamed: 0": 1449, + "book_name": "Super Human", + "summaries": " presents the groundbreaking discoveries of Dave Asprey (the CEO of Bulletproof) in the field of diet & nutrition, biohacking, longevity, and offers a scientific view on how to live your best life and look like the best version of yourself by adopting practices acclaimed by bioengineers right away.", + "categories": "productivity", + "review_score": 8.4 + }, + { + "Unnamed: 0": 1450, + "book_name": "Loserthink", + "summaries": " talks about the sabotaging thinking habits that run our minds and paralyze us when it comes to taking charge of life, and how we can overcome them with small, incremental steps that drive powerful change.", + "categories": "productivity", + "review_score": 9.8 + }, + { + "Unnamed: 0": 1451, + "book_name": "No Hard Feelings", + "summaries": " is a practical book for better managing the emotional side of work and building the skills needed to enhance your performance both within your role and more broadly throughout your career path by finding motivation again and managing negative emotions.", + "categories": "productivity", + "review_score": 1.1 + }, + { + "Unnamed: 0": 1452, + "book_name": "The Art of Living", + "summaries": " talks about living a peaceful life through meditation and gratitude, especially by using the Vipassana meditation technique and the philosophy behind Buddhism, which promotes developing a clearer vision of life and seeing things as they truly are.", + "categories": "productivity", + "review_score": 1.5 + }, + { + "Unnamed: 0": 1453, + "book_name": "One Decision", + "summaries": " explains how flawed decisions occur and how you can avoid them by analyzing data at first, asking for fact-checked opinions, eliminating your biases and prejudice, and many more useful practices derived from psychological research.", + "categories": "productivity", + "review_score": 6.5 + }, + { + "Unnamed: 0": 1454, + "book_name": "The Universe Has Your Back", + "summaries": " explores the importance of spiritual elevation, meditation, and ways to live by a mantra that serves you in your self-discovery journey that will shape your reality through new and improved thoughts and inner beliefs.", + "categories": "productivity", + "review_score": 1.8 + }, + { + "Unnamed: 0": 1455, + "book_name": "Loonshots", + "summaries": " explores the process of innovation, specifically how groundbreaking ideas emerge from simple thoughts and how important it is for organizations to give course to them by creating learning environments where people feel safe exploring and creating.", + "categories": "productivity", + "review_score": 9.9 + }, + { + "Unnamed: 0": 1456, + "book_name": "Love Warrior", + "summaries": " delves into the life of Glennon Doyle, a woman who battled with self-destructive behaviors, eating disorders, depression, and many more challenges before finally embracing the life she deserved and started living meaningfully while being true to herself.", + "categories": "productivity", + "review_score": 9.9 + }, + { + "Unnamed: 0": 1457, + "book_name": "The Mind Illuminated", + "summaries": " is the definitive guide to meditation and consciousness, as it teaches its readers how meditation works, and how to navigate the ten stages of conscious breathing and intentional practice of mindfulness, all while highlighting why meditation is so crucial in everyone\u2019s lives.", + "categories": "productivity", + "review_score": 5.7 + }, + { + "Unnamed: 0": 1458, + "book_name": "The Courage to Be Happy", + "summaries": " offers a hands-on guide to living a meaningful life and letting go of negative thoughts by compiling the groundbreaking theories of psychologist Alfred Adler with other valuable research into an all-in-one book for becoming a happy and fulfilled person.", + "categories": "productivity", + "review_score": 9.2 + }, + { + "Unnamed: 0": 1459, + "book_name": "The Book of Mistakes", + "summaries": " follows the adventures of David, a young adult who is going through a rough patch and receives guidance from a wise man who teaches him the nine mistakes he should avoid, how to become successful, and a series of valuable life lessons that can save anyone many years of their life.", + "categories": "productivity", + "review_score": 7.9 + }, + { + "Unnamed: 0": 1460, + "book_name": "The Practice", + "summaries": "\u00a0talks about ways to enhance your creativity, boost your innovation skills, upgrade your creative process, and most importantly, get disciplined in your practice to turn your hobby into a professional endeavor.", + "categories": "productivity", + "review_score": 9.2 + }, + { + "Unnamed: 0": 1461, + "book_name": "How to Break Up With Your Phone ", + "summaries": "explores a common problem for all of us who are engaging with social media and constant use of phones, namely our addiction to these devices and the internet, and ways to ditch it for good and find meaning in our lives outside of our virtual encounters.", + "categories": "productivity", + "review_score": 1.8 + }, + { + "Unnamed: 0": 1462, + "book_name": "The Slight Edge", + "summaries": " outlines the importance of doing small, little improvements in our everyday life to achieve a successful bigger picture, and how by focusing more on making better day-by-day choices you can shape a remarkable future.", + "categories": "productivity", + "review_score": 5.7 + }, + { + "Unnamed: 0": 1463, + "book_name": "Good Vibes, Good Life", + "summaries": " explores ways to unlock your true potential by loving yourself more, practicing self-care, manifesting your wishes, and transforming negative emotions into positive ones using simple tips and tricks for a happy life.", + "categories": "productivity", + "review_score": 6.3 + }, + { + "Unnamed: 0": 1464, + "book_name": "What to Say When You Talk to Yourself", + "summaries": " is a book by Shad Helmstetter, a self-help guru who has written several pieces on the subject of self-talk, and who argues that in order to achieve our highest self we need to work on how we talk to ourselves and identify our biggest challenge to conquer.", + "categories": "productivity", + "review_score": 7.0 + }, + { + "Unnamed: 0": 1465, + "book_name": "Everyday Millionaires", + "summaries": " proves how anyone can become a millionaire if they have a solid actionable plan and the willingness to work hard by drawing conclusions from the largest study ever conducted on the lives of millionaires.", + "categories": "productivity", + "review_score": 3.5 + }, + { + "Unnamed: 0": 1466, + "book_name": "Daily Rituals", + "summaries": " is a compilation of the best practices and habits of successful people from different fields aimed to help anyone increase productivity, get past writer\u2019s block, and become more creative and efficient in their everyday work.", + "categories": "productivity", + "review_score": 9.5 + }, + { + "Unnamed: 0": 1467, + "book_name": "Chasing Excellence", + "summaries": " breaks down how world-class athletes achieve the mental strength they need to succeed, highlighting", + "categories": "productivity", + "review_score": 6.1 + }, + { + "Unnamed: 0": 1468, + "book_name": "A World Without Email", + "summaries": " presents a utopia where people engage in their usual professional activities without using emails as a means of communication, and explores a new way of working that doesn\u2019t rely on instant messaging, which is known for decreasing productivity at the workplace.", + "categories": "productivity", + "review_score": 9.0 + }, + { + "Unnamed: 0": 1469, + "book_name": "The 5 Choices", + "summaries": " teaches us how to reach our highest potential in the workplace and achieve the top level of productivity through a series of tips and tricks and work habits that can change your life right away if you\u2019re willing to give them a try.", + "categories": "productivity", + "review_score": 5.8 + }, + { + "Unnamed: 0": 1470, + "book_name": "The 22 Immutable Laws of Branding", + "summaries": " is a compilation of laws that provides insights for conducting successful marketing campaigns by focusing on the essence of branding and how brands must be created and managed in order to survive in the competitive world.", + "categories": "productivity", + "review_score": 5.7 + }, + { + "Unnamed: 0": 1471, + "book_name": "The 100-Year Life", + "summaries": " teaches you how to be resourceful and prepare ahead of time for a world in which people not only live longer but reach an age in the triple-digits, and talks about what you should be doing right now to ensure you have enough money for retirement.", + "categories": "productivity", + "review_score": 8.7 + }, + { + "Unnamed: 0": 1472, + "book_name": "That Sounds Fun", + "summaries": " uncovers the secrets of a happy life: mindfulness, love, joy, and a good dose of doing whatever makes us happy as often as we can, starting from simple, day-to-day activities, to much bigger life experiences that speak to our soul.", + "categories": "productivity", + "review_score": 1.4 + }, + { + "Unnamed: 0": 1473, + "book_name": "Designing Your Work Life", + "summaries": " is a helpful guidebook for anyone who wants to create and maintain a work environment that is both happy and productive by working with what they already have, rather than keep on changing jobs in hope of finding better.", + "categories": "productivity", + "review_score": 9.8 + }, + { + "Unnamed: 0": 1474, + "book_name": "Hug Your Haters", + "summaries": " talks about the importance of acknowledging your haters or dissatisfied customers and valuing their opinion in the process of building better products, improving the existing offerings, and growing your strategies overall.", + "categories": "productivity", + "review_score": 7.0 + }, + { + "Unnamed: 0": 1475, + "book_name": "Mastermind: How to Think Like Sherlock Holmes", + "summaries": " presents the story of one of the most famous detectives we\u2019ve ever known and his adventures in the world of uncovering mysteries while highlighting the secrets of his powerful mind, psychological tricks, deduction games, and teaching you how to strengthen your cognitive capacity.", + "categories": "productivity", + "review_score": 3.3 + }, + { + "Unnamed: 0": 1476, + "book_name": "Lessons from the Titans", + "summaries": " tells the story of some of the biggest industrial companies in the United States and presents life-long strategies, valuable ideas, and mistakes to avoid for any business who wants to achieve long-term success.", + "categories": "productivity", + "review_score": 3.5 + }, + { + "Unnamed: 0": 1477, + "book_name": "Bored and Brilliant", + "summaries": " explores the idea of how just doing nothing, daydreaming and spacing out can improve our cognitive functions, enhance creativity and original thinking overall while also helping us relieve stress.", + "categories": "productivity", + "review_score": 6.1 + }, + { + "Unnamed: 0": 1478, + "book_name": "Not Today", + "summaries": " talks about what it really means to be productive and presents nine effective strategies to achieve higher returns on your work input from the perspective of two entrepreneurs who are used to working hard.", + "categories": "productivity", + "review_score": 8.7 + }, + { + "Unnamed: 0": 1479, + "book_name": "Die Empty", + "summaries": " talks about the importance of following your dreams and aspirations, living a meaningful, active life, and using your native gifts to create a legacy and inspire others to tap into their own potential as well.", + "categories": "productivity", + "review_score": 9.9 + }, + { + "Unnamed: 0": 1480, + "book_name": "Mind Hacking", + "summaries": " is a hands-on guide on how to transform your mind in just 21 days, which is the time required for your brain to form new habits and adapt to changes, and teaches you how to reprogram your brain to follow healthier, better habits, and ditch the self-sabotaging patterns that stand in your way.", + "categories": "productivity", + "review_score": 3.8 + }, + { + "Unnamed: 0": 1481, + "book_name": "Inspired", + "summaries": " taps into a popular subject, which is how to build successful products that sell, run a thriving business by avoiding common mistakes and traps along the way by motivating employees and setting a prime example through knowledge and skills, all while developing worthwhile products that are needed on the market.", + "categories": "productivity", + "review_score": 7.4 + }, + { + "Unnamed: 0": 1482, + "book_name": "Invent & Wander", + "summaries": " is a collection of Jeff Bezos\u2019s writings and letters to its shareholders, in which he expresses his philosophy of life and his way of doing business, which ultimately led him to know tremendous success and write history with his two companies: Amazon and Blue Origin.", + "categories": "productivity", + "review_score": 9.0 + }, + { + "Unnamed: 0": 1483, + "book_name": "Indistractable", + "summaries": " how our modern gadgets and technology distract us from work and cause real concentration issues, impacting our performance and even the quality of our lives, and how we can address the root cause of the problem to solve it. ", + "categories": "productivity", + "review_score": 1.3 + }, + { + "Unnamed: 0": 1484, + "book_name": "Healthy at 100", + "summaries": " will show you how to maintain healthy habits well into your old age, such as exercising, practicing gratitude, and avoiding stress, all by relying on simple but effective practices that have stood the test of time.", + "categories": "productivity", + "review_score": 9.6 + }, + { + "Unnamed: 0": 1485, + "book_name": "Noise", + "summaries": " delves into the concept of randomness and talks about how we as humans make decisions that prove to be life-changing, without putting the necessary thought into it, and how we can strengthen our thinking processes.", + "categories": "productivity", + "review_score": 2.6 + }, + { + "Unnamed: 0": 1486, + "book_name": "Keep Going", + "summaries": " teaches us how to persist in creative work when our brain wants to take a million different paths, showing us how to harness our brain power in moments of innovation as well as tediousness.", + "categories": "productivity", + "review_score": 4.7 + }, + { + "Unnamed: 0": 1487, + "book_name": "Unlimited Memory", + "summaries": " explores the most effective ways to retain information and improve memory skills by teaching its readers some key aspects about the brain and explaining advanced learning strategies in an easy-to-follow manner.", + "categories": "productivity", + "review_score": 2.2 + }, + { + "Unnamed: 0": 1488, + "book_name": "The Shallows", + "summaries": " explores the effects of the Internet on the human brain, which aren\u2019t entirely positive, as our constant exposure to the online environment through digital devices strips our ability to target our focus and stay concentrated, all while modifying our brain neurologically and anatomically. ", + "categories": "productivity", + "review_score": 1.5 + }, + { + "Unnamed: 0": 1489, + "book_name": "The Almanack of Naval Ravikant", + "summaries": " compiles the valuable lessons of Naval Ravikant, who teaches people how to build wealth and achieve long-term happiness by working on a few essential skills, all while discovering the secrets of living a good life.", + "categories": "productivity", + "review_score": 6.4 + }, + { + "Unnamed: 0": 1490, + "book_name": "Four Thousand Weeks", + "summaries": " explores the popularized concept of time management from a different point of view, by tapping into ancient knowledge from famous philosophers, researchers, and spiritual figures, rather than promoting the contemporary idea of high-level productivity and constant self-optimization.", + "categories": "productivity", + "review_score": 2.8 + }, + { + "Unnamed: 0": 1491, + "book_name": "Effortless", + "summaries": " takes the idea of productivity to another level by explaining how doing the most with a minimum input of effort and time is a much more desired outcome than the idea of being constantly busy that is glamorized nowadays.", + "categories": "productivity", + "review_score": 5.9 + }, + { + "Unnamed: 0": 1492, + "book_name": "Make It Stick", + "summaries": " explores ways to memorize faster and make learning easier, all while debunking myths and common misconceptions about learning being difficult and attributed to those who have highly native cognitive skills, with the help of researchers who\u2019ve studied the science of memory their entire life.", + "categories": "productivity", + "review_score": 1.6 + }, + { + "Unnamed: 0": 1493, + "book_name": "Trust Yourself", + "summaries": " offers career and wellbeing advice from a sensitive striver\u2019s point of view, a introvert-leaning character type that comes with plenty of positive traits but is also prone to burnout, giving practical tips on breaking free from stress and perfectionism for a healthier, more balanced life.", + "categories": "productivity", + "review_score": 2.7 + }, + { + "Unnamed: 0": 1494, + "book_name": "The Great Mental Models", + "summaries": " will improve your decision-making process by sharing some unique but well-documented thinking models you can use to interact more efficiently with the world and other people.", + "categories": "productivity", + "review_score": 2.8 + }, + { + "Unnamed: 0": 1495, + "book_name": "How to Think More Effectively", + "summaries": " delves into the subject of thinking mechanisms and cognitive processes, and explores how you can think more efficiently and draw better insights from the world around you by adopting a few key practices, such as filtering your thoughts or prioritizing work. ", + "categories": "productivity", + "review_score": 6.7 + }, + { + "Unnamed: 0": 1496, + "book_name": "The Self-Discipline Blueprint", + "summaries": " delves into the subject of self-actualization and why it is crucial for humans to achieve a fulfilled and successful life by creating a routine and becoming focused, self-disciplined and hard-working.", + "categories": "productivity", + "review_score": 7.6 + }, + { + "Unnamed: 0": 1497, + "book_name": "Boss It", + "summaries": " is a hands-on guide to entrepreneurship and what running business implies, from motivation, to hard work, consistency, great time management and a series of practical skills that are needed to fully succeed in this environment.", + "categories": "productivity", + "review_score": 4.3 + }, + { + "Unnamed: 0": 1498, + "book_name": "Humor, Seriously", + "summaries": " explores how bringing fun and entertainment into the workplace can enhance team productivity, spark creativity, increase trust between members and improve people\u2019s overall sentiment in relation to work and job-related activities.", + "categories": "productivity", + "review_score": 6.8 + }, + { + "Unnamed: 0": 1499, + "book_name": "Do What Matters Most", + "summaries": " outlines the importance of time management in anyone\u2019s life and explores highly efficient methods to set goals for short-term and long-term intervals, as well as how to achieve them by being more productive and learning how to prioritize.", + "categories": "productivity", + "review_score": 7.7 + }, + { + "Unnamed: 0": 1500, + "book_name": "The Little Book of Talent", + "summaries": " explores the concept of talents, skills and capabilities, and offers a multitude of effective tips and tricks on how to acquire hard skills using methods tested by top performers worldwide.", + "categories": "productivity", + "review_score": 3.9 + }, + { + "Unnamed: 0": 1501, + "book_name": "Hiring Success", + "summaries": " highlights the importance of the human resource for any company and describes a successful business approach that focuses on finding highly trained and skilled future employees as a source of competitive advantage on the market.", + "categories": "productivity", + "review_score": 8.2 + }, + { + "Unnamed: 0": 1502, + "book_name": "Fail Fast Fail Often", + "summaries": " outlines the importance of accepting failure as a natural part of our life, and how by embracing it instead of fearing it can improve the way we evolve, grow, learn and respond to new experiences and people.", + "categories": "productivity", + "review_score": 9.7 + }, + { + "Unnamed: 0": 1503, + "book_name": "U Thrive", + "summaries": " explores the topic of college life and offers practical advice on how to diminish stress and anxiety from exams, deadlines, unfitting roommates, while thriving in the campus, academic life, and creating meaningful experiences.", + "categories": "productivity", + "review_score": 1.5 + }, + { + "Unnamed: 0": 1504, + "book_name": "The Joy of Missing Out", + "summaries": " explores today\u2019s idea of productivity and common misconceptions about what it means to be productive, as well as how eliminating unnecessary stress by prioritizing effectively can help us live a better life.", + "categories": "productivity", + "review_score": 9.4 + }, + { + "Unnamed: 0": 1505, + "book_name": "Disney U", + "summaries": " outlines the principles that create the customer-centric philosophy of Disney and contribute to the company\u2019s massive success, while also highlighting some aspects of their organizational culture, such as caring for their staff and providing high-quality training.", + "categories": "productivity", + "review_score": 9.4 + }, + { + "Unnamed: 0": 1506, + "book_name": "Unfu*k Yourself", + "summaries": " offers practical advice on how to get out of your self-destructive thoughts and take charge of your life by learning how to control them and motivate yourself to take more responsibility for your life than you ever have before.", + "categories": "productivity", + "review_score": 7.0 + }, + { + "Unnamed: 0": 1507, + "book_name": "Stealing Fire", + "summaries": " examines how a state of ecstasy can enhance the body-brain connection and allow humans to achieve excellent performance by accelerating their neural processes.", + "categories": "productivity", + "review_score": 1.6 + }, + { + "Unnamed: 0": 1508, + "book_name": "Be Where Your Feet Are", + "summaries": " explores the enlightening life lessons that one of America\u2019s top-tier sports personalities has to give, from being present in the moment and living in a meaningful way, to achieving a more fulfilling and successful life.", + "categories": "productivity", + "review_score": 7.5 + }, + { + "Unnamed: 0": 1509, + "book_name": "The Leader In You", + "summaries": " explores how the world leaders managed to achieve performance in their lives by creating meaningful connections and reaching a higher level of productivity through a positive, proactive mindset.", + "categories": "productivity", + "review_score": 7.2 + }, + { + "Unnamed: 0": 1510, + "book_name": "Work Less Finish More", + "summaries": " is a hands-on guide to adopting a more focused frame of mind and developing habits that will enhance your productivity levels, give you a sense of accomplishment and put you in the right direction in order to achieve your objectives.", + "categories": "productivity", + "review_score": 3.2 + }, + { + "Unnamed: 0": 1511, + "book_name": "Long Life Learning", + "summaries": " questions the current educational systems worldwide in relation to an increasing trend in job automation, growing life expectancy, and a devaluation in higher degrees, all with a strong focus on the future of work and urgency to adapt to it.", + "categories": "productivity", + "review_score": 6.4 + }, + { + "Unnamed: 0": 1512, + "book_name": "The Power of Focus", + "summaries": " offers its readers a focus-based approach that they can use to achieve their financial and personal goals through practical exercises and habits that they can implement into their daily lives to actively shape their future.", + "categories": "productivity", + "review_score": 4.5 + }, + { + "Unnamed: 0": 1513, + "book_name": "The Hidden Habits of Genius", + "summaries": " looks at how geniuses separate themselves from the rest by having in common a distinctive set of characteristics and habits that form a unique way of thinking and cultivating brilliance. ", + "categories": "productivity", + "review_score": 10.0 + }, + { + "Unnamed: 0": 1514, + "book_name": "The Burnout Fix", + "summaries": " delivers practical advice on how to thrive in the dynamic working environment we revolve around every day by setting healthy boundaries, keeping a work-life balance, and prioritizing our well-being.", + "categories": "productivity", + "review_score": 6.9 + }, + { + "Unnamed: 0": 1515, + "book_name": "How to Take Smart Notes", + "summaries": " is the perfect guide on how to improve your writing, reading, and learning techniques using simple yet little-known tips-and-tricks that you can implement right away to develop these skills.", + "categories": "productivity", + "review_score": 8.3 + }, + { + "Unnamed: 0": 1516, + "book_name": "The Law Says What", + "summaries": " is a book that delivers significant insights into various everyday aspects of the law that most of us don\u2019t know about but really should, how we should navigate between them and get a better understanding of how they can protect us.", + "categories": "productivity", + "review_score": 3.5 + }, + { + "Unnamed: 0": 1517, + "book_name": "Collaborative Intelligence", + "summaries": " helps you enhance your unique thinking traits and develop an individualized form of intelligence based on what works best for you, what your strengths are, and how you communicate with others.", + "categories": "productivity", + "review_score": 8.1 + }, + { + "Unnamed: 0": 1521, + "book_name": "Bounce Back", + "summaries": " is a book by Susan Kahn, a business coach who will teach you the psychology of resilience from the perspectives of Greek philosophy, Sigmund Freud, and modern neuroscience, so you can recover quickly from professional blunders of all kinds by changing your thinking.", + "categories": "productivity", + "review_score": 8.4 + }, + { + "Unnamed: 0": 1522, + "book_name": "Goals!", + "summaries": " By Brian Tracy shows you how to unleash the power of goal setting to help you get or become whatever you want, identifying ways to set goals that lead you to success by being specific, challenging yourself, thinking positively, preparing, adjusting your timelines on big goals, and more.", + "categories": "productivity", + "review_score": 8.1 + }, + { + "Unnamed: 0": 1523, + "book_name": "Now, Discover Your Strengths", + "summaries": " shows you how to find your top five strengths by outlining what strengths are, how you get them, why they\u2019re important to reaching your full potential, and how to discover your own through analyzing the times when your behavior is the most natural or instinctive and why.", + "categories": "productivity", + "review_score": 3.4 + }, + { + "Unnamed: 0": 1524, + "book_name": "The Kindness Method", + "summaries": " by Shahroo Izadi teaches how self-compassion and understanding make forming habits easier than being hard on yourself, using the personal experiences of the author and what she\u2019s learned as an addiction recovery therapist to show how self-esteem is the true key to behavior change.", + "categories": "productivity", + "review_score": 2.3 + }, + { + "Unnamed: 0": 1525, + "book_name": "75 Hard", + "summaries": " is a fitness challenge and book that teaches mental toughness by making you commit to five daily critical tasks for 75 days straight, including drinking a gallon of water, reading 10 pages of a non-fiction book, doing two 45-minute workouts, taking a progress picture, and following a diet.", + "categories": "productivity", + "review_score": 3.7 + }, + { + "Unnamed: 0": 1526, + "book_name": "How To Change", + "summaries": "\u00a0identifies the stumbling blocks that are in your way of reaching your goals and improving yourself and the research-backed ways to get over them, including how to beat some of the worst productivity and life problems like procrastination, laziness, and much more.", + "categories": "productivity", + "review_score": 5.3 + }, + { + "Unnamed: 0": 1527, + "book_name": "The Art of Stopping Time", + "summaries": " teaches a framework of mindfulness, philosophy, and time-management you can use to achieve Time Prosperity, which is having plenty of time to reach your dreams without overwhelm, tumult, or constriction.", + "categories": "productivity", + "review_score": 5.7 + }, + { + "Unnamed: 0": 1528, + "book_name": "Make Money Trading Options", + "summaries": " teaches the art of trading stock options, including the pitfalls to watch out for and how to use simple tools like the Test Trading Strategy and virtual trading tools to find stocks that are most likely to be profitable, so you don\u2019tm have to just guess where to invest.", + "categories": "productivity", + "review_score": 3.7 + }, + { + "Unnamed: 0": 1529, + "book_name": "Journey of Awakening", + "summaries": " explains the basics of meditation using ideas from multiple spiritual sources, including how to avoid the mental traps that make it difficult so you can practice frequently and make mindfulness, and the many benefits that come with it, part of your daily life.", + "categories": "productivity", + "review_score": 1.4 + }, + { + "Unnamed: 0": 1530, + "book_name": "Born To Win", + "summaries": " explores how planning and preparation is the only way to win in life and shows you how to use these tools in combination with a vision, goals, and thinking positively to become a winner in all aspects of life.", + "categories": "productivity", + "review_score": 8.3 + }, + { + "Unnamed: 0": 1531, + "book_name": "Do Nothing", + "summaries": " explores the idea that our focus on being productive all the time is making us less effective because of how little rest we get, identifying how the consequences of overworking ourselves, and the benefits of taking time off, make a compelling argument that we should spend more time doing nothing.", + "categories": "productivity", + "review_score": 8.8 + }, + { + "Unnamed: 0": 1532, + "book_name": "The Bullet Journal Method", + "summaries": " introduces a unique system for organizing you can use t", + "categories": "productivity", + "review_score": 8.6 + }, + { + "Unnamed: 0": 1533, + "book_name": "The Data Detective", + "summaries": " will make you smarter by showing how you can understand statistics well enough to see how they, and the beliefs and cognitive biases they can make you have, make such a huge impact in your life, for better or for worse, and how to separate fact from fiction.", + "categories": "productivity", + "review_score": 6.2 + }, + { + "Unnamed: 0": 1534, + "book_name": "How To Be A Leader", + "summaries": " is Greek philosopher Plutarch\u2019s guide to leadership and uses practical ideas, historical narratives, political events, and more to outline the qualities of the best leaders, including serving for the right reasons, speaking persuasively, and following more experienced leaders.", + "categories": "productivity", + "review_score": 7.6 + }, + { + "Unnamed: 0": 1535, + "book_name": "Beyond Order", + "summaries": " is the follow-up to Jordan Peterson\u2019s bestselling book 12 Rules for Life and identifies another 12 rules to live by that help us live with and even embrace the chaos that we struggle with every day, identifying that too much order can be a problem just as much as too much disorder.", + "categories": "productivity", + "review_score": 2.2 + }, + { + "Unnamed: 0": 1536, + "book_name": "Hyperfocus", + "summaries": " teaches you how to become more efficient and improve your concentration by deciding on one thing to work on, focusing only on that task, learning to understand when your mind has wandered and redirecting your attention back to your work, and thinking creatively when you\u2019re not working.", + "categories": "productivity", + "review_score": 2.1 + }, + { + "Unnamed: 0": 1537, + "book_name": "No Rules Rules", + "summaries": " explains the incredibly unique and efficient company culture of Netflix, including the amazing levels of freedom and responsibility it gives employees and how this innovative way of running the business is the very reason that Netflix is so successful.", + "categories": "productivity", + "review_score": 7.9 + }, + { + "Unnamed: 0": 1538, + "book_name": "The Design Of Everyday Things", + "summaries": " helps you understand why your inability to use some products isn\u2019t your fault but instead is the result of bad design and how companies can use the principles of cognitive psychology to implement better design principles that actually solve your problems without creating more of them.", + "categories": "productivity", + "review_score": 9.8 + }, + { + "Unnamed: 0": 1539, + "book_name": "Think Again", + "summaries": " will make you more intelligent, persuasive, and self-aware by identifying the power of being humble about what you don\u2019t know, how to recognize blind spots in your thinking before they start causing you problems, and what you can do to become more effective at convincing others of your way of thinking.", + "categories": "productivity", + "review_score": 2.2 + }, + { + "Unnamed: 0": 1540, + "book_name": "See You On The Internet", + "summaries": " is the ultimate beginner-level digital marketing guide that teaches you how to build an online business presence by doing everything from starting a website to managing social media accounts.", + "categories": "productivity", + "review_score": 6.0 + }, + { + "Unnamed: 0": 1541, + "book_name": "Small Giants", + "summaries": " is your guide to keeping your company little but mighty that will allow you to pass up deliberate growth for staying true to what\u2019s really important, which is your ideals, time, passions, and doing what you do best so well that customers can\u2019t help but flock to you.", + "categories": "productivity", + "review_score": 9.7 + }, + { + "Unnamed: 0": 1542, + "book_name": "Unlearn", + "summaries": " will show you how to win even in changing circumstances by revealing why the patterns you used for past successes won\u2019t always work and how to adopt a learning attitude to stop them from holding you back.", + "categories": "productivity", + "review_score": 3.0 + }, + { + "Unnamed: 0": 1543, + "book_name": "My Morning Routine", + "summaries": " is the ultimate guide to building healthy habits in the hours right after you wake up with tips backed up by the experiences of some of the most successful people in the world, including Ryan Holiday, Chris Guillebeau, Nir Eyal, and many more.", + "categories": "productivity", + "review_score": 1.2 + }, + { + "Unnamed: 0": 1544, + "book_name": "Mindful Work", + "summaries": " is your guide to understanding how the practice of meditation got its roots in Western society, the many ways it radically improves your brain\u2019s ability to do almost everything, and how it will improve your productivity.", + "categories": "productivity", + "review_score": 5.9 + }, + { + "Unnamed: 0": 1545, + "book_name": "The Coach\u2019s Survival Guide", + "summaries": " gives you all the tools that you need to become a successful coach and make the biggest positive impact on your clients.", + "categories": "productivity", + "review_score": 6.0 + }, + { + "Unnamed: 0": 1546, + "book_name": "Pivot", + "summaries": " will give you the confidence you need to change careers by showing you how to prepare by examining your strengths, working with the right people, testing ideas, and creating opportunities.", + "categories": "productivity", + "review_score": 5.4 + }, + { + "Unnamed: 0": 1547, + "book_name": "The Social Leap", + "summaries": " will help you understand human nature better by explaining the most significant event in our species\u2019 evolutionary history and looking at how we adapted socially, emotionally, and psychologically to survive.", + "categories": "productivity", + "review_score": 10.0 + }, + { + "Unnamed: 0": 1548, + "book_name": "Survival Of The Friendliest", + "summaries": " explains why the #1 thing you can do for success is to focus on your social connections, how friendliness was the reason that our early ancestors survived as well as they did, and what you can do today to grow your social capital.", + "categories": "productivity", + "review_score": 4.4 + }, + { + "Unnamed: 0": 1549, + "book_name": "The Charge", + "summaries": " shows you how to unlock the baseline and forward human drives within you that will help you get energized, grounded, and working so that you can have the life of happiness and fulfillment you\u2019ve always wanted.", + "categories": "productivity", + "review_score": 4.2 + }, + { + "Unnamed: 0": 1550, + "book_name": "Maximize Your Potential", + "summaries": " shows you how to make your work life one that\u2019s both fulfilling and productive by shifting your mindset and taking advantage of your ambitions, skills, and creativity.", + "categories": "productivity", + "review_score": 4.3 + }, + { + "Unnamed: 0": 1551, + "book_name": "Thoughts Without A Thinker", + "summaries": " helps you get more peace, overcome mental illness, and ease suffering by outlining the principles of Buddhism, mindfulness, and meditation as they relate to psychoanalysis.", + "categories": "productivity", + "review_score": 9.3 + }, + { + "Unnamed: 0": 1552, + "book_name": "Get Out Of Your Head", + "summaries": " shows you how to break the pattern of negative thinking so you can consistently entertain healthier and happier thoughts by teaching simple tips like being alone, connecting with others, and reconnecting with God.", + "categories": "productivity", + "review_score": 1.1 + }, + { + "Unnamed: 0": 1553, + "book_name": "Getting COMFY", + "summaries": " will show you how to improve each day of your life by identifying why you need to begin the right way and giving a step-by-step framework to make it happen.", + "categories": "productivity", + "review_score": 9.0 + }, + { + "Unnamed: 0": 1554, + "book_name": "Power Relationships", + "summaries": " shows you how to have a fantastic career and a fulfilling life by connecting with the right people early and growing those relationships.", + "categories": "productivity", + "review_score": 4.6 + }, + { + "Unnamed: 0": 1555, + "book_name": "When The Body Says No", + "summaries": " will help you become healthier by teaching you the truth behind the mind-body connection, revealing how your mental state does in fact affect your physical condition and how you can improve both.", + "categories": "productivity", + "review_score": 3.6 + }, + { + "Unnamed: 0": 1556, + "book_name": "Curious", + "summaries": " is your guide to becoming more intelligent by harnessing the power of inquisitiveness and outlines the true nature of curiosity, how to keep it flourishing to become smarter, and what you might unknowingly be doing to suffocate its power.", + "categories": "productivity", + "review_score": 8.4 + }, + { + "Unnamed: 0": 1557, + "book_name": "Limitless", + "summaries": " shows you how to unlock the full potential that your brain has for memory, reading, learning, and much more by showing you how to take the brakes off of your mental powers with tools like mindset, visualization, music, and more.", + "categories": "productivity", + "review_score": 5.8 + }, + { + "Unnamed: 0": 1558, + "book_name": "It\u2019s All In Your Head", + "summaries": " will motivate you to work hard, stay determined, and believe you can achieve your dreams by sharing the rise to fame of the prolific composer Russ.", + "categories": "productivity", + "review_score": 4.9 + }, + { + "Unnamed: 0": 1559, + "book_name": "Brain Wash", + "summaries": " will show you how to have a more peaceful, contented life by revealing what\u2019s wrong with all of the bad habits that society accepts as normal, how they affect our brains, and the 10-day program you can follow to fix it.", + "categories": "productivity", + "review_score": 9.7 + }, + { + "Unnamed: 0": 1560, + "book_name": "Team Of Teams", + "summaries": " reveals the incredible power that small teams have to manage the difficult and complicated issues that arise in every company and how even large organizations can take advantage of them by building a system of many teams that work together.", + "categories": "productivity", + "review_score": 4.9 + }, + { + "Unnamed: 0": 1561, + "book_name": "The Leadership Challenge", + "summaries": " shares the top leadership lessons from 25 years of experience and research of authors James Kouzes and Barry Posner and explains what makes successful managers and how you can apply the same principles to become one yourself.", + "categories": "productivity", + "review_score": 2.8 + }, + { + "Unnamed: 0": 1562, + "book_name": "The Wisdom Of Finance", + "summaries": " is a fascinating book that identifies the differences and similarities between the world of money and life experiences like relationships, showing how principles from each of these can benefit each other.", + "categories": "productivity", + "review_score": 9.5 + }, + { + "Unnamed: 0": 1563, + "book_name": "Eat Sleep Work Repeat", + "summaries": " identifies why so many workplaces are unnecessarily stressful, how it makes employees unhappy and businesses less profitable, and what we all need to do to fix this growing problem.", + "categories": "productivity", + "review_score": 9.4 + }, + { + "Unnamed: 0": 1564, + "book_name": "Think Like A Rocket Scientist", + "summaries": " teaches you how to think like an engineer in your everyday life so that you can accomplish your personal and professional goals and reach your full potential.", + "categories": "productivity", + "review_score": 3.7 + }, + { + "Unnamed: 0": 1565, + "book_name": "The Art Of Communicating", + "summaries": " will improve your interpersonal and relationship skills by identifying the power of using mindfulness when talking with others, showing you how to listen with respect, convey your ideas efficiently, and most of all deepen your connections with others.", + "categories": "productivity", + "review_score": 1.2 + }, + { + "Unnamed: 0": 1566, + "book_name": "Good People", + "summaries": " is a book about business and leadership which explains the importance of focusing on and building integrity in the workplace, including why it\u2019s so vital if you want your company to be successful, how you can get it, and why an emphasis on competencies alone won\u2019t cut it anymore.", + "categories": "productivity", + "review_score": 10.0 + }, + { + "Unnamed: 0": 1567, + "book_name": "The Alchemist", + "summaries": " is a classic novel in which a boy named Santiago embarks on a journey seeking treasure in the Egyptian pyramids after having a recurring dream about it and on the way meets mentors, falls in love, and most importantly, learns the true importance of who he is and how to improve himself and focus on what really matters in life.", + "categories": "productivity", + "review_score": 7.0 + }, + { + "Unnamed: 0": 1568, + "book_name": "High Performance Habits", + "summaries": " is your guide to building the six systems that science and the lives of the most successful people in the world prove will turn you into a productive, fulfilled, and extraordinary person.", + "categories": "productivity", + "review_score": 6.2 + }, + { + "Unnamed: 0": 1569, + "book_name": "Living Forward", + "summaries": " shows you how to finally get direction, purpose, and fulfillment by identifying why you need a Life Plan, how to write one, and the amazing life you can have if you implement it.", + "categories": "productivity", + "review_score": 9.3 + }, + { + "Unnamed: 0": 1570, + "book_name": "Getting To Yes", + "summaries": " is a handbook for having successful negotiations that teaches everything you need to know about resolving conflicts of all kinds and reaching win-win solutions in every discussion without giving in or making the other person unhappy.", + "categories": "productivity", + "review_score": 7.5 + }, + { + "Unnamed: 0": 1571, + "book_name": "Emotional Intelligence 2.0", + "summaries": " explains what Emotional Intelligence is and how you can use it to build fantastic relationships in your personal life and career by utilizing the powers of self-awareness, self-management, social awareness, and relationship management.", + "categories": "productivity", + "review_score": 6.3 + }, + { + "Unnamed: 0": 1572, + "book_name": "Presence", + "summaries": " is a life-changing guide to growing your self-confidence that shows how posture, mindset, and body language all expand your feeling of empowerment and your communication skills.", + "categories": "productivity", + "review_score": 9.7 + }, + { + "Unnamed: 0": 1573, + "book_name": "Who Not How", + "summaries": " will skyrocket your success, happiness, and fulfillment in all areas of your life by identifying why you\u2019re looking at your problems the wrong way and how simply seeking to get the right people to help you will make all the difference.", + "categories": "productivity", + "review_score": 1.8 + }, + { + "Unnamed: 0": 1574, + "book_name": "You\u2019ll See It When You Believe It", + "summaries": " shows you how to discover your true, best self by revealing how to use the power of your mind to find peace with yourself, the people around you, and the universe.", + "categories": "productivity", + "review_score": 1.2 + }, + { + "Unnamed: 0": 1575, + "book_name": "The Courage Habit", + "summaries": " helps you unearth your hidden desires for a better life, shows you how fear buried them in the first place, and outlines the path toward overcoming the paralysis that being afraid brings so that you can have everything you\u2019ve ever dreamed of.", + "categories": "productivity", + "review_score": 5.3 + }, + { + "Unnamed: 0": 1576, + "book_name": "The Power Of Bad", + "summaries": " gives some excellent tips on how to become happier by identifying your tendency toward negativity and what psychology and research have to show you about how to beat it.", + "categories": "productivity", + "review_score": 5.5 + }, + { + "Unnamed: 0": 1577, + "book_name": "Suggestible You", + "summaries": " helps you understand and utilize the power of your mind-body connection by explaining the effect that your thoughts have on your body, including pain, illness, and memory and how to take advantage of it.", + "categories": "productivity", + "review_score": 9.8 + }, + { + "Unnamed: 0": 1578, + "book_name": "Winners Dream", + "summaries": " will inspire you to get up and get moving to make your biggest goals happen by sharing the incredible rags to riches story of Bill McDermott, who went from humble beginnings to CEO of the biggest software company in the world simply by having a vision of what he wanted in life.", + "categories": "productivity", + "review_score": 1.3 + }, + { + "Unnamed: 0": 1579, + "book_name": "Everybody Matters", + "summaries": " identifies the best way to become successful in business, help your team members trust you, and enable people to reach their full potential by showing the power of taking better care of your employees as if they were family.", + "categories": "productivity", + "review_score": 9.8 + }, + { + "Unnamed: 0": 1580, + "book_name": "See You At The Top", + "summaries": " shows you how to have a spiritually, socially, financially, and physically successful and meaningful life by utilizing tools like positive thinking, kindness to others, and goal-setting.", + "categories": "productivity", + "review_score": 2.1 + }, + { + "Unnamed: 0": 1581, + "book_name": "The Sleep Solution", + "summaries": " improves your quality of life by identifying the myths surrounding rest that keep you from getting more of it, showing you why they\u2019re false, and teaching you how to establish proper sleep hygiene. ", + "categories": "productivity", + "review_score": 8.0 + }, + { + "Unnamed: 0": 1582, + "book_name": "Own Your Everyday", + "summaries": " shows you how to let go of comparison, stress, and distractions so you can find your purpose and live a more fulfilling life by sharing inspiring lessons from the experiences of author Jordan Lee Dooley.", + "categories": "productivity", + "review_score": 6.1 + }, + { + "Unnamed: 0": 1583, + "book_name": "Willpower Doesn\u2019t Work", + "summaries": " shows you how to change your life in a more efficient way than relying on sheer grit alone by identifying the importance of your environment and other factors that affect your productivity so you can become your best self.", + "categories": "productivity", + "review_score": 7.6 + }, + { + "Unnamed: 0": 1584, + "book_name": "The Fifth Discipline", + "summaries": " shows you how to find joy at work again as an employee and improve your company\u2019s productivity if you\u2019re an employer by outlining the five values you must adopt to turn your workplace into a learning environment.", + "categories": "productivity", + "review_score": 4.7 + }, + { + "Unnamed: 0": 1585, + "book_name": "Get Out Of Your Own Way", + "summaries": " guides you through the process of overcoming what\u2019s holding you back from being your best self and reaching success you\u2019ve never dreamed of by identifying how Dave Hollis came to realize his limiting beliefs and beat them.", + "categories": "productivity", + "review_score": 6.2 + }, + { + "Unnamed: 0": 1586, + "book_name": "Living In Your Top 1%", + "summaries": " shows you how to become your best self and live up to your full potential by outlining nine science-backed ways to beat the odds and achieve your goals and dreams.", + "categories": "productivity", + "review_score": 7.5 + }, + { + "Unnamed: 0": 1587, + "book_name": "Joy At Work", + "summaries": " takes Marie Kondo\u2019s famous tidying-up tips and applies it to your job to help you be happier in the physical areas, digital spaces, and uses of your time in the office.", + "categories": "productivity", + "review_score": 7.0 + }, + { + "Unnamed: 0": 1588, + "book_name": "How To Do Nothing", + "summaries": " makes you more productive and helps you have more peace by identifying the problems with our current 24/7 work culture, where it came from, and how pausing to reflect helps you overcome it.", + "categories": "productivity", + "review_score": 8.9 + }, + { + "Unnamed: 0": 1589, + "book_name": "Think Small", + "summaries": " gives the science-backed secrets to following through with your goals, identifying seven key components that will help you use your own human nature to your advantage for wild success like you\u2019ve never had before.", + "categories": "productivity", + "review_score": 5.5 + }, + { + "Unnamed: 0": 1590, + "book_name": "Everything Is Figureoutable", + "summaries": " will help you annihilate the limiting beliefs that are holding you back so that you can finally pursue your dreams by identifying the thinking patterns that get you stuck and how to use self-empowerment principles to become free.", + "categories": "productivity", + "review_score": 3.8 + }, + { + "Unnamed: 0": 1591, + "book_name": "The 15 Invaluable Laws Of Growth", + "summaries": " will inspire you to get up and improve your life by showing you how change only happens when we actively nurture it and identifying the steps and strategies to thrive in your career and life.", + "categories": "productivity", + "review_score": 3.8 + }, + { + "Unnamed: 0": 1592, + "book_name": "Epic Content Marketing", + "summaries": " shows why traditional methods for selling like TV and direct mail are dead and how creating content is the new future of advertising because it actually grabs people\u2019s attention by focusing on what they care about instead of your product.", + "categories": "productivity", + "review_score": 9.4 + }, + { + "Unnamed: 0": 1593, + "book_name": "Be A Free Range Human", + "summaries": " inspires you to finally quit that 9-5 job that is sucking the life out of you and begin working for yourself by explaining why the \u201cjob security\u201d doesn\u2019t exist anymore, helping you discover your passions, and identifying the steps you need to follow if you want to start a life of freedom and happiness.", + "categories": "productivity", + "review_score": 8.1 + }, + { + "Unnamed: 0": 1594, + "book_name": "Agile Selling", + "summaries": " helps you become a great salesperson by identifying how successful people thrive in any sales position with the skills of learning and adapting quickly.", + "categories": "productivity", + "review_score": 8.0 + }, + { + "Unnamed: 0": 1595, + "book_name": "Success Through A Positive Mental Attitude", + "summaries": " is a classic self-improvement book that will boost your happiness and give you the life of your dreams by identifying what Napoleon Hill learned interviewing hundreds of successful people and sharing how their outlook on life helped them get to the top.", + "categories": "productivity", + "review_score": 1.7 + }, + { + "Unnamed: 0": 1596, + "book_name": "Free To Focus", + "summaries": " will make you more productive by identifying why your understanding of the definition of efficient work is flawed, how to fix it, and how to have the confidence to say no to distractions and work that isn\u2019t worth your time.", + "categories": "productivity", + "review_score": 1.2 + }, + { + "Unnamed: 0": 1597, + "book_name": "Personality Isn\u2019t Permanent", + "summaries": " will shatter your long-held beliefs that you\u2019re stuck as yourself, flaws and all, by identifying why the person you are is changeable and giving you specific and actionable steps to change.", + "categories": "productivity", + "review_score": 4.1 + }, + { + "Unnamed: 0": 1598, + "book_name": "The 4 Day Week", + "summaries": " will help you improve your personal productivity and that of everyone around you by outlining a powerful technique to reduce the workweek by one day and implement other changes to help employees be healthier, happier, and more focused.", + "categories": "productivity", + "review_score": 6.0 + }, + { + "Unnamed: 0": 1599, + "book_name": "Change By Design", + "summaries": " makes you a better problem solver at every aspect of life by outlining the design thinking process that companies can use to innovate and improve.", + "categories": "productivity", + "review_score": 3.6 + }, + { + "Unnamed: 0": 1600, + "book_name": "Your Best Year Ever", + "summaries": " gives powerful inspiration to change your life by helping you identify what you should improve on, how to get over the hurdles in your way, and the patterns and habits you need to set so that achieving your dreams is more possible than ever.", + "categories": "productivity", + "review_score": 7.5 + }, + { + "Unnamed: 0": 1601, + "book_name": "Design Your Future", + "summaries": " motivates you to get out of your limiting beliefs and fears that are holding you back from building a life you love by identifying why you got stuck in a career or job you hate and what steps you must take to finally live your dreams.", + "categories": "productivity", + "review_score": 7.7 + }, + { + "Unnamed: 0": 1602, + "book_name": "SPIN Selling", + "summaries": " is your guide to becoming an expert salesperson by identifying what the author learned from 35,000 sales calls and 12 years of research on the topic.", + "categories": "productivity", + "review_score": 9.2 + }, + { + "Unnamed: 0": 1603, + "book_name": " Outer Order, Inner Calm", + "summaries": " gives you advice to declutter your space and keep it orderly, to foster your inner peace and allow you to flourish.", + "categories": "productivity", + "review_score": 1.0 + }, + { + "Unnamed: 0": 1604, + "book_name": "Boost!", + "summaries": " is a guide for becoming more productive at work by using the preparation and performance techniques that world-class athletes use to win gold medals.", + "categories": "productivity", + "review_score": 4.4 + }, + { + "Unnamed: 0": 1605, + "book_name": "The Coaching Habit", + "summaries": " outlines the questions, attitudes, and habits required of managers who want to become great at motivating their team to become self-sustaining.", + "categories": "productivity", + "review_score": 2.2 + }, + { + "Unnamed: 0": 1606, + "book_name": "The Psychology Of Selling", + "summaries": " motivates you to work on your self-image and how you relate to customers so that you can close more deals.", + "categories": "productivity", + "review_score": 6.3 + }, + { + "Unnamed: 0": 1607, + "book_name": "The 4 Disciplines Of Execution", + "summaries": " outlines the path that company leaders and individuals must follow to set the right goals and improve behavior to achieve success on a bigger, long-term scale.", + "categories": "productivity", + "review_score": 4.3 + }, + { + "Unnamed: 0": 1608, + "book_name": "What to Eat When", + "summaries": " teaches us how food works inside our body and how to feed ourselves in a way that better suits our biology, making us healthier and stronger.", + "categories": "productivity", + "review_score": 9.7 + }, + { + "Unnamed: 0": 1609, + "book_name": "The Advice Trap", + "summaries": "\u00a0will drastically improve your communication skills and make you more likable, thanks to explaining why defaulting to sharing your opinion about everything is a bad idea and how listening until you truly understand people\u2019s needs will make a much bigger positive difference in their lives.", + "categories": "productivity", + "review_score": 3.6 + }, + { + "Unnamed: 0": 1610, + "book_name": "Designing Your Life", + "summaries": " will show you how to break the shackles of your mundane 9-5 job by sharing exercises and tips that will direct you towards your true calling that fills you with passion, purpose, and fulfillment.", + "categories": "productivity", + "review_score": 7.7 + }, + { + "Unnamed: 0": 1611, + "book_name": "You\u2019re Not Listening", + "summaries": " is a book that will improve your communication skills by revealing how uncommon the skill of paying attention to what others are saying is and what experts teach about how to get better at it.", + "categories": "productivity", + "review_score": 8.5 + }, + { + "Unnamed: 0": 1612, + "book_name": "Insight", + "summaries": " will help you understand what self-awareness is, why it\u2019s vital if you want to become your best self, and how to overcome the obstacles in the way of having more of it.", + "categories": "productivity", + "review_score": 8.9 + }, + { + "Unnamed: 0": 1613, + "book_name": "Ask", + "summaries": " shows you a method that helps you take the guesswork out of the equation so you can give your customers what they want even if they don\u2019t know what they want.", + "categories": "productivity", + "review_score": 8.9 + }, + { + "Unnamed: 0": 1614, + "book_name": "The Road Back To You", + "summaries": " will teach you more about what kind of person you are by identifying the pros and cons of each personality type within the Enneagram test.", + "categories": "productivity", + "review_score": 6.2 + }, + { + "Unnamed: 0": 1615, + "book_name": "The Business Romantic", + "summaries": " shows how doing business that is focused on passion and connection leads to more success in today\u2019s world.", + "categories": "productivity", + "review_score": 7.4 + }, + { + "Unnamed: 0": 1616, + "book_name": "Brotopia", + "summaries": " motivates you to be fairer in the workplace as an employee or employer by revealing the sad sexist state of Silicon Valley.", + "categories": "productivity", + "review_score": 1.9 + }, + { + "Unnamed: 0": 1617, + "book_name": "It Doesn\u2019t Have To Be Crazy At Work", + "summaries": " helps you relax about the current hurry-up and work yourself to death culture and instead see why getting rid of these stressful mentalities will make you and your company more focused, calm, and productive.", + "categories": "productivity", + "review_score": 1.3 + }, + { + "Unnamed: 0": 1618, + "book_name": "Alibaba", + "summaries": " shares the inspiring story of Jack Ma\u2019s hard work, entrepreneurial vision, and smart thinking that helped him build one of the most successful and influential companies in the world. ", + "categories": "productivity", + "review_score": 6.7 + }, + { + "Unnamed: 0": 1619, + "book_name": "Playing With FIRE", + "summaries": " will teach you how to be happier with your financial life and worry less about money by getting into the Financial Independence, Retire Early (FIRE) movement.", + "categories": "productivity", + "review_score": 2.2 + }, + { + "Unnamed: 0": 1620, + "book_name": "The Introvert\u2019s Complete Career Guide", + "summaries": " will teach those who have a hard time talking to people how to gain confidence in navigating the workplace from job interview to office relationships.", + "categories": "productivity", + "review_score": 9.8 + }, + { + "Unnamed: 0": 1621, + "book_name": "Creative Confidence", + "summaries": " helps break the mundanity of everyday work and life by exploring the power that being more innovative has to improve happiness and success in many different areas.", + "categories": "productivity", + "review_score": 6.2 + }, + { + "Unnamed: 0": 1622, + "book_name": "What They Don\u2019t Teach You At Harvard Business School", + "summaries": " teaches why succeeding in business has less to do with accumulated theoretical knowledge through schooling and books, and more about people and communication.", + "categories": "productivity", + "review_score": 4.9 + }, + { + "Unnamed: 0": 1623, + "book_name": "Measure What Matters", + "summaries": " teaches you how to implement tracking systems into your company and life that will help you record your progress, stay accountable, and make reaching your goals almost inevitable.", + "categories": "productivity", + "review_score": 4.0 + }, + { + "Unnamed: 0": 1624, + "book_name": "Do What You Are", + "summaries": " will help you discover your personality type and how it can lead you to a more satisfying career that corresponds to your talents and interests.", + "categories": "productivity", + "review_score": 8.2 + }, + { + "Unnamed: 0": 1625, + "book_name": "Leadership Strategy And Tactics", + "summaries": " shows you how to become effective when you\u2019re in charge by using the power of traits like accountability, humility, and others that Jocko Willink uses to lead his team of Navy SEALs.", + "categories": "productivity", + "review_score": 9.7 + }, + { + "Unnamed: 0": 1626, + "book_name": "Tiny Habits", + "summaries": " shows you the power of applying small changes to your routine to unleash the full power that habits have to make your life better.", + "categories": "productivity", + "review_score": 7.2 + }, + { + "Unnamed: 0": 1627, + "book_name": "The Algebra of Happiness", + "summaries": " outlines the variables in the equation for happiness and how to build them in your life.", + "categories": "productivity", + "review_score": 4.7 + }, + { + "Unnamed: 0": 1628, + "book_name": "The Power Paradox", + "summaries": " frames the concept of power in an inspiring new narrative, which can help us create better and more equal relationships, workplaces, and societies.", + "categories": "productivity", + "review_score": 1.0 + }, + { + "Unnamed: 0": 1629, + "book_name": "What Got You Here Won\u2019t Get You There", + "summaries": " helps you overcome your personality traits and behaviors that stop you from achieving even more success.\u00a0", + "categories": "productivity", + "review_score": 1.5 + }, + { + "Unnamed: 0": 1630, + "book_name": "Brain Rules", + "summaries": " teaches you how to become more productive at work and life by giving proven facts about how your mind works better with good sleep, exercise, and learning with all the senses.", + "categories": "productivity", + "review_score": 3.0 + }, + { + "Unnamed: 0": 1631, + "book_name": "Broadcasting Happiness", + "summaries": " is an encouraging resource that will help you boost your health and happiness in your relationships, work, and community by showing you how to unlock the power of positive words and stories.", + "categories": "productivity", + "review_score": 5.8 + }, + { + "Unnamed: 0": 1632, + "book_name": "Alone Together", + "summaries": " is a book that will make you want to have a better relationship with technology by revealing just how much we rely on it and the ways our connection to it is growing worse and having negative effects on us all.", + "categories": "productivity", + "review_score": 8.0 + }, + { + "Unnamed: 0": 1633, + "book_name": "The Joy Of Movement", + "summaries": " is just what you need to finally find the motivation to get out and exercise more often by teaching you the scientific reasons why it\u2019s good for you and why your body is designed to enjoy it.", + "categories": "productivity", + "review_score": 9.4 + }, + { + "Unnamed: 0": 1634, + "book_name": "Girl, Stop Apologizing", + "summaries": " is an inspirational book for women everywhere to start living up to their potential and stop apologizing for following their dreams. ", + "categories": "productivity", + "review_score": 8.7 + }, + { + "Unnamed: 0": 1635, + "book_name": "Trillion Dollar Coach", + "summaries": " will help you become a better leader in the office by sharing the life and teachings of businessman Bill Campbell who helped build multi-billion dollar companies in Silicon Valley.", + "categories": "productivity", + "review_score": 9.5 + }, + { + "Unnamed: 0": 1636, + "book_name": "Cribsheet", + "summaries": " is a smart guide on how to make the best parenting choices for you and your child, by using an economic perspective and evidence-based advice based on scientific data.", + "categories": "productivity", + "review_score": 6.8 + }, + { + "Unnamed: 0": 1637, + "book_name": "Brave", + "summaries": " will help you have the relationships, career, and everything else in life that you\u2019ve always wanted but have been afraid to go for by teaching you how to become more courageous. ", + "categories": "productivity", + "review_score": 6.7 + }, + { + "Unnamed: 0": 1638, + "book_name": "Range", + "summaries": " shows that having a broad spectrum of skills and interests and taking your time to figure them out is better than specializing in just one area.", + "categories": "productivity", + "review_score": 2.7 + }, + { + "Unnamed: 0": 1639, + "book_name": "How Not To Worry", + "summaries": " will teach you how to live stress-free by revealing your brain\u2019s primitive emotional survival instinct and providing a simple and effective roadmap for letting go of your anxieties.\u00a0\n", + "categories": "productivity", + "review_score": 3.6 + }, + { + "Unnamed: 0": 1640, + "book_name": "Bird By Bird", + "summaries": " is Ann Lamott\u2019s guide to using the power of routine, being yourself, rolling with the punches, and many other principles to become a better writer.", + "categories": "productivity", + "review_score": 5.0 + }, + { + "Unnamed: 0": 1641, + "book_name": "The Storytelling Edge", + "summaries": " will boost your communication and persuasiveness skills by showing you how to tell powerful narratives in a convincing way and giving examples of why you should.", + "categories": "productivity", + "review_score": 6.1 + }, + { + "Unnamed: 0": 1642, + "book_name": "The 4 Pillar Plan", + "summaries": " is your guide to the right diet, exercise, relaxation, and sleep decisions that will improve your health dramatically.", + "categories": "productivity", + "review_score": 7.5 + }, + { + "Unnamed: 0": 1643, + "book_name": "Why Are We Yelling?", + "summaries": " will improve your relationships, professional life, and the way you view the world by showing you that arguments aren\u2019t bad, but important growing experiences if we learn to make them productive.", + "categories": "productivity", + "review_score": 5.1 + }, + { + "Unnamed: 0": 1644, + "book_name": "Stillness Is The Key", + "summaries": " will show you how to harness the power of slowing down your body and mind for less distractions, better self-control, and, above all, a happier and more peaceful life.", + "categories": "productivity", + "review_score": 5.5 + }, + { + "Unnamed: 0": 1645, + "book_name": "Alchemy", + "summaries": " is your guide to making magic happen in business and life by teaching you how to practice irrational thinking to stand out and come up with powerful solutions to your problems and those of others. ", + "categories": "productivity", + "review_score": 3.0 + }, + { + "Unnamed: 0": 1646, + "book_name": "The Go-Giver", + "summaries": " teaches a pattern for becoming a better person and seeing more success in business and work by focusing on being authentic and giving as much value as possible. ", + "categories": "productivity", + "review_score": 7.7 + }, + { + "Unnamed: 0": 1647, + "book_name": "The Anatomy Of Peace", + "summaries": " will help you make your life and the world more calm by explaining the inefficiencies in our go-to pattern of using conflict to resolve differences and giving specific tips for how to use understanding to settle issues.", + "categories": "productivity", + "review_score": 6.6 + }, + { + "Unnamed: 0": 1648, + "book_name": "The Little Book of Lykke", + "summaries": " gives Danish-derived and science-backed tips that will help you be happier.", + "categories": "productivity", + "review_score": 3.2 + }, + { + "Unnamed: 0": 1649, + "book_name": "Arise, Awake", + "summaries": " will inspire you to move forward with your entrepreneurial dreams by sharing the inspirational stories of six Indian entrepreneurs and the lessons they learned on the path to success.", + "categories": "productivity", + "review_score": 4.4 + }, + { + "Unnamed: 0": 1650, + "book_name": "Money", + "summaries": " is your guide for learning how to stop pushing yourself to do more at your job and live a happier and more fulfilling life by making your money work hard for you. ", + "categories": "productivity", + "review_score": 7.1 + }, + { + "Unnamed: 0": 1651, + "book_name": "Radical Acceptance", + "summaries": " teaches how you can become more content and happy in your life by applying the principles of meditation and Buddhism. ", + "categories": "productivity", + "review_score": 7.8 + }, + { + "Unnamed: 0": 1652, + "book_name": "Why We Sleep", + "summaries": " will motivate you get more and better quality sleep by showing you the recent scientific findings on why sleep deprivation is bad for individuals and society.", + "categories": "productivity", + "review_score": 3.5 + }, + { + "Unnamed: 0": 1653, + "book_name": "The Next Right Thing", + "summaries": " is your guide for making wise, thoughtful, and intentional decisions simply by looking for the single best action to take at the moment.", + "categories": "productivity", + "review_score": 3.2 + }, + { + "Unnamed: 0": 1654, + "book_name": "7 Strategies For Wealth And Happiness", + "summaries": " is the ultimate guide to improving your wealth through self-discipline, action, and a positive attitude toward work, money, and the people around you.", + "categories": "productivity", + "review_score": 1.8 + }, + { + "Unnamed: 0": 1655, + "book_name": "A Whole New Mind", + "summaries": " is your guide to standing out in the competitive workplace by taking advantage of the big-picture skills of the right side of your brain.", + "categories": "productivity", + "review_score": 8.4 + }, + { + "Unnamed: 0": 1656, + "book_name": "Extraordinary Influence", + "summaries": " helps you become a better leader by revealing what neuroscience has to say about effective leadership, identifying communication as the key to the highest levels of performance.", + "categories": "productivity", + "review_score": 4.7 + }, + { + "Unnamed: 0": 1657, + "book_name": "The Passion Paradox", + "summaries": " explains the risks of blindly following what we love to do the most and teaches us how to cultivate our passions in a way that can lead us to a fulfilling life.\u00a0", + "categories": "productivity", + "review_score": 9.5 + }, + { + "Unnamed: 0": 1658, + "book_name": "Irresistible", + "summaries": " reveals how alarmingly stuck to our devices we are, shows the negative consequences of technology addiction, and gives tips for a healthier relationship with the digital world.\n", + "categories": "productivity", + "review_score": 1.7 + }, + { + "Unnamed: 0": 1659, + "book_name": "Making It All Work", + "summaries": " explains how to balance your daily tasks with your long-term goals to bring them all together for a happy and productive life.", + "categories": "productivity", + "review_score": 6.3 + }, + { + "Unnamed: 0": 1660, + "book_name": "A More Beautiful Question", + "summaries": " will teach you how to ask more and better questions, showing you the power that the right questions have to transform your life for the better.", + "categories": "productivity", + "review_score": 3.9 + }, + { + "Unnamed: 0": 1661, + "book_name": "A Return To Love", + "summaries": " will help you let go of resentment, fear, and anger to have happier and healthier jobs and relationships by teaching you how to embrace the power of love.", + "categories": "productivity", + "review_score": 1.3 + }, + { + "Unnamed: 0": 1662, + "book_name": "60 Seconds & You\u2019re Hired!", + "summaries": " is a guide to getting your dream job that will help you feel confident in your next interview by teaching you how to impress your interviewer with being concise, focusing on your strengths, and knowing what to do at every step of the process.", + "categories": "productivity", + "review_score": 4.5 + }, + { + "Unnamed: 0": 1663, + "book_name": "A Mind For Numbers", + "summaries": " will teach you how to learn math and science more efficiently and get good at them by understanding how your brain absorbs and processes information, even if these subjects don\u2019t come naturally to you.", + "categories": "productivity", + "review_score": 7.2 + }, + { + "Unnamed: 0": 1664, + "book_name": "A Message To Garcia", + "summaries": " teaches you how to be the best at your job by becoming a dedicated worker with a good attitude about whatever tasks your company gives you.", + "categories": "productivity", + "review_score": 4.3 + }, + { + "Unnamed: 0": 1665, + "book_name": "Time And How To Spend It", + "summaries": " is your guide to becoming more productive by not focusing on working extra hours but instead using the time off more effectively.", + "categories": "productivity", + "review_score": 5.3 + }, + { + "Unnamed: 0": 1666, + "book_name": "Unlocking Potential", + "summaries": " is a guide that will help you as a leader make a difference in people\u2019s lives in the long run by learning how to coach people in a way that brings to light their greatest strengths and capabilities.", + "categories": "productivity", + "review_score": 2.5 + }, + { + "Unnamed: 0": 1667, + "book_name": "Bullshit Jobs", + "summaries": " asserts that roughly two out of every five people are stuck in work that is bereft of purpose, and these workers could suffer psychological damage as a result. ", + "categories": "productivity", + "review_score": 1.8 + }, + { + "Unnamed: 0": 1668, + "book_name": "No Excuses!", + "summaries": " teaches us that self-discipline is the key to success and gives us practical advice to master it and achieve self-actualization, happy relationships, and financial security.", + "categories": "productivity", + "review_score": 6.8 + }, + { + "Unnamed: 0": 1669, + "book_name": "Big Potential", + "summaries": " will show you that the real secret to success and thriving in all aspects of life is developing strong connections with others and treating them in a way that lifts them up.", + "categories": "productivity", + "review_score": 2.3 + }, + { + "Unnamed: 0": 1670, + "book_name": "The Second Mountain", + "summaries": " argues that the key to living a meaningful, fulfilling, and happy life is not found in the pursuit of self-improvement but instead a life of service to others.", + "categories": "productivity", + "review_score": 7.9 + }, + { + "Unnamed: 0": 1671, + "book_name": "Super Brain", + "summaries": " explores the idea that through increased self-awareness and conscious intention we can teach our brain to perform at a higher level than we thought possible.", + "categories": "productivity", + "review_score": 1.4 + }, + { + "Unnamed: 0": 1672, + "book_name": "Millionaire Success Habits", + "summaries": " will teach you the habits you need to become financially successful and make a big difference in the world along the way.", + "categories": "productivity", + "review_score": 8.3 + }, + { + "Unnamed: 0": 1673, + "book_name": "Game Changers", + "summaries": " reveals the secrets that some of the most impactful people in the world use to hack their biology and win at life and will teach you how to achieve your goals and be happy. ", + "categories": "productivity", + "review_score": 1.5 + }, + { + "Unnamed: 0": 1674, + "book_name": "Sleep Smarter", + "summaries": " is a collection of 21 simple tips and tricks to optimize your sleep environment once and then reap the benefits of more restful nights forever.", + "categories": "productivity", + "review_score": 2.9 + }, + { + "Unnamed: 0": 1675, + "book_name": "Necessary Endings", + "summaries": " is a guide to change that explains how you can get rid of unwanted behaviors, events, and people in your life and use the magic of new beginnings to build a better life.", + "categories": "productivity", + "review_score": 2.0 + }, + { + "Unnamed: 0": 1676, + "book_name": "Extreme Ownership", + "summaries": " contains useful leadership advice from two Navy SEALs who learned to stay strong, disciplined, and level-headed in high-stakes combat scenarios.", + "categories": "productivity", + "review_score": 1.8 + }, + { + "Unnamed: 0": 1677, + "book_name": "Never Split the Difference", + "summaries": "\u00a0is one of the best negotiation manuals ever written, explaining why you should never compromise, and how to negotiate like a pro in your everyday life as well as high-stakes situations.", + "categories": "productivity", + "review_score": 4.1 + }, + { + "Unnamed: 0": 1678, + "book_name": "The Dip", + "summaries": " teaches us that, between starting and succeeding, there\u2019s a time of struggle when we should either pursue excellence or quit strategically while helping us choose between the two.", + "categories": "productivity", + "review_score": 4.4 + }, + { + "Unnamed: 0": 1679, + "book_name": "The Organized Mind", + "summaries": " will show you how to adapt your mind to our modern information culture so\u00a0 you can work efficiently without feeling exhausted.", + "categories": "productivity", + "review_score": 8.6 + }, + { + "Unnamed: 0": 1680, + "book_name": "Make Your Bed", + "summaries": " encourages you to pursue your goals and change the lives of others for the better by showing that success is a combination of individual willpower and mutual support.", + "categories": "productivity", + "review_score": 8.7 + }, + { + "Unnamed: 0": 1681, + "book_name": "QBQ!", + "summaries": " will teach you to ask better questions and stay accountable and why doing so will change every aspect of your life for the better.", + "categories": "productivity", + "review_score": 9.6 + }, + { + "Unnamed: 0": 1682, + "book_name": "Multipliers", + "summaries": "\u00a0explains the five types of people who inspire, support, and improve others in their organization, showing you how to become one as well as avoid diminishers, the people who drag down others and make it harder for them to perform.", + "categories": "productivity", + "review_score": 3.5 + }, + { + "Unnamed: 0": 1683, + "book_name": "The Messy Middle", + "summaries": " challenges the notion that projects grow slowly and smoothly toward success by outlining the rocky but important intermediate stages of any journey and how to survive them.", + "categories": "productivity", + "review_score": 4.6 + }, + { + "Unnamed: 0": 1684, + "book_name": "Psycho-Cybernetics", + "summaries": " explains how thinking of the human mind as a machine can help improve your self-image, which will dramatically increase your success and happiness.", + "categories": "productivity", + "review_score": 10.0 + }, + { + "Unnamed: 0": 1685, + "book_name": "Altered Traits", + "summaries": " explores the science behind meditation techniques and the way they benefit and alter our mind and body.", + "categories": "productivity", + "review_score": 3.1 + }, + { + "Unnamed: 0": 1686, + "book_name": "The Effective Executive", + "summaries": " gives leaders a step-by-step formula to become more productive, developing their own strengths and those of their employees.", + "categories": "productivity", + "review_score": 4.4 + }, + { + "Unnamed: 0": 1687, + "book_name": "The Checklist Manifesto", + "summaries": "\u00a0explains\u00a0why checklists can\u00a0save lives and teaches you how to implement them correctly.", + "categories": "productivity", + "review_score": 6.7 + }, + { + "Unnamed: 0": 1688, + "book_name": "Girl, Wash Your Face", + "summaries": " inspires women to take their lives into their own hands and make their dreams happen, no matter how discouraged they may feel at the moment.", + "categories": "productivity", + "review_score": 9.7 + }, + { + "Unnamed: 0": 1689, + "book_name": "The 12 Week Year", + "summaries": " will teach you how to reliably hit your goals by planning in 12-week cycles instead of following our typical 12-month routine.", + "categories": "productivity", + "review_score": 8.6 + }, + { + "Unnamed: 0": 1690, + "book_name": "The Five Dysfunctions of a Team", + "summaries": " uses a fable to explain why even the best teams struggle to work together, offering actionable strategies to overcome distrust and office politics in order to achieve important goals as a cohesive, effective unit.", + "categories": "productivity", + "review_score": 4.7 + }, + { + "Unnamed: 0": 1691, + "book_name": "The Miracle Equation", + "summaries": " is a simple, step-by-step process to make achieving your goals inevitable by bridging the gap between knowing and doing.", + "categories": "productivity", + "review_score": 7.3 + }, + { + "Unnamed: 0": 1692, + "book_name": "The Science of Getting Rich", + "summaries": " gives you permission to embrace your natural desire for wealth and explains why riches lead to a prosperous and abundant life in mind, body, and soul.", + "categories": "productivity", + "review_score": 1.9 + }, + { + "Unnamed: 0": 1693, + "book_name": "Great At Work", + "summaries": " examines what it takes to be a top performer and gives practical advice to achieve significant results at work while maintaining an excellent work-life balance.", + "categories": "productivity", + "review_score": 7.0 + }, + { + "Unnamed: 0": 1694, + "book_name": "Digital Minimalism", + "summaries": "\u00a0shows us where to draw the line with technology, how to properly take time off our digital devices, and why doing so is the key to living a happy, focused life in a noisy world.", + "categories": "productivity", + "review_score": 7.1 + }, + { + "Unnamed: 0": 1695, + "book_name": "Be Fearless", + "summaries": " shows that radical changes are more effective than small enhancements and urges us to be bold\u00a0in trying to make progress.\n", + "categories": "productivity", + "review_score": 9.6 + }, + { + "Unnamed: 0": 1696, + "book_name": "Change Your Questions, Change Your Life", + "summaries": " will revolutionize your thinking with questions that create a learning mindset. ", + "categories": "productivity", + "review_score": 7.9 + }, + { + "Unnamed: 0": 1697, + "book_name": "The 5 AM Club", + "summaries": " helps you get up at 5 AM every morning, build a morning routine, and make time for the self-improvement you need to find success.", + "categories": "productivity", + "review_score": 2.3 + }, + { + "Unnamed: 0": 1698, + "book_name": "The Third Door", + "summaries": " follows an 18-year-old\u2019s wild quest of interviewing many of the world\u2019s most successful people to discover what it takes to get to the top.", + "categories": "productivity", + "review_score": 6.9 + }, + { + "Unnamed: 0": 1699, + "book_name": "Rest", + "summaries": " examines why traditional methods of working too long and hard are inefficient compared to working less, resting, and playing to accomplish your best work.", + "categories": "productivity", + "review_score": 8.8 + }, + { + "Unnamed: 0": 1700, + "book_name": "The Rise", + "summaries": " explains the integral role of failure in all creative endeavors and provides examples of great thinkers who thrived because they viewed failure as a necessary part of their journey towards mastery.", + "categories": "productivity", + "review_score": 6.3 + }, + { + "Unnamed: 0": 1701, + "book_name": "How Luck Happens", + "summaries": " shows you how to foster your own luck by creating the conditions for it to manifest itself in your work, love and all other aspects of life.", + "categories": "productivity", + "review_score": 4.2 + }, + { + "Unnamed: 0": 1702, + "book_name": "The Antidote", + "summaries": " will explain everything that\u2019s wrong with positivity-based self-help advice and what you should do instead to feel, live, and be happier. ", + "categories": "productivity", + "review_score": 6.2 + }, + { + "Unnamed: 0": 1703, + "book_name": "Peak Performance", + "summaries": " shows you how to perform at your highest level by exploring the most significant factors that contribute to delivering our best work, such as stress, rest, focus, and purpose.\u00a0", + "categories": "productivity", + "review_score": 9.2 + }, + { + "Unnamed: 0": 1704, + "book_name": "Own The Day, Own Your Life", + "summaries": " is a straightforward guide to maximizing your potential by optimizing your health of body and mind with simple tweaks to your daily routine.", + "categories": "productivity", + "review_score": 4.8 + }, + { + "Unnamed: 0": 1705, + "book_name": "Write It Down, Make It Happen", + "summaries": " is a simple guide to help you accomplish your goals through the act of writing, showing you how to use this basic skill to focus, address fears, and stay motivated.", + "categories": "productivity", + "review_score": 7.0 + }, + { + "Unnamed: 0": 1706, + "book_name": "Braving The Wilderness", + "summaries": " offers a four-step process to find true belonging through authenticity, bravery, trust, and vulnerability since it\u2019s mostly about learning to stand alone rather than trying to fit in.", + "categories": "productivity", + "review_score": 9.9 + }, + { + "Unnamed: 0": 1707, + "book_name": "Make Time", + "summaries": " is about creating space in your life for what truly matters using highlights, laser-style focus, energizing breaks, and regularly reflecting on how you spend your most valuable asset.", + "categories": "productivity", + "review_score": 9.0 + }, + { + "Unnamed: 0": 1708, + "book_name": "The Energy Bus", + "summaries": " is a fable that will help you create positive energy with ten simple rules and make it the center of your life, work, and relationships.", + "categories": "productivity", + "review_score": 7.1 + }, + { + "Unnamed: 0": 1709, + "book_name": "Atomic Habits", + "summaries": " is the definitive guide to breaking bad behaviors and adopting good ones in four steps, showing you how small, incremental, everyday routines compound into massive, positive change over time.", + "categories": "productivity", + "review_score": 3.7 + }, + { + "Unnamed: 0": 1710, + "book_name": "The Laws of Human Nature", + "summaries": " helps you understand why people do what they do and how you can use both your own psychological flaws and those of others to your advantage at work, in relationships, and in life.", + "categories": "productivity", + "review_score": 8.7 + }, + { + "Unnamed: 0": 1711, + "book_name": "The Inner Game Of Tennis", + "summaries": " is about the mental state required to deliver peak performance and how you can cultivate that state in sports, work, and life.", + "categories": "productivity", + "review_score": 1.9 + }, + { + "Unnamed: 0": 1712, + "book_name": "The Power Of Your Subconscious Mind", + "summaries": " is a spiritual self-help classic, which teaches you how to use visualization and other suggestion techniques to adapt your unconscious behavior in positive ways.", + "categories": "productivity", + "review_score": 8.5 + }, + { + "Unnamed: 0": 1713, + "book_name": "The Chimp Paradox", + "summaries": " uses a simple analogy to help you take control of your emotions and act in your own, best interest, whether it\u2019s in making decisions, communicating with others, or your health and happiness.", + "categories": "productivity", + "review_score": 1.3 + }, + { + "Unnamed: 0": 1714, + "book_name": "How To Talk To Anyone", + "summaries": " is a collection of actionable tips to help you master the art of human communication, leave great first impressions and make people feel comfortable around you in all walks of life.", + "categories": "productivity", + "review_score": 1.9 + }, + { + "Unnamed: 0": 1715, + "book_name": "Minimalism", + "summaries": " is an instructive introduction to the philosophy of less and how it helped two guys who had achieved the American dream let go of their possessions and the depressions that came with them.", + "categories": "productivity", + "review_score": 1.5 + }, + { + "Unnamed: 0": 1716, + "book_name": "The First 20 Hours", + "summaries": " lays out a methodical approach you can use to pick up new skills quickly without worrying about how long it takes to become an expert.", + "categories": "productivity", + "review_score": 9.8 + }, + { + "Unnamed: 0": 1717, + "book_name": "The Culture Code", + "summaries": " examines the dynamics of groups, large and small, formal and informal, to help you understand how great teams work and what you can do to improve your relationships wherever you cooperate with others.", + "categories": "productivity", + "review_score": 7.6 + }, + { + "Unnamed: 0": 1718, + "book_name": "The Fifth Agreement", + "summaries": "\u00a0is an update and sequel to one of the world\u2019s most popular self-help books, which shines a new light on ancient, Toltec wisdom, to help us master our selves, cultivate deep awareness, and be who we really are.", + "categories": "productivity", + "review_score": 8.2 + }, + { + "Unnamed: 0": 1719, + "book_name": "12 Rules For Life", + "summaries": "\u00a0is a story-based, stern yet entertaining self-help manual for young people laying out a set of simple rules to help us become more disciplined, behave better, act with integrity, and balance our lives while enjoying them as much as we can.", + "categories": "productivity", + "review_score": 6.6 + }, + { + "Unnamed: 0": 1720, + "book_name": "The 4-Hour Body", + "summaries": "\u00a0is a complete guide to hacking your health, helping you achieve anything from rapid fat loss and quick muscle gain to better sleep, sex, and extreme athletic performance.", + "categories": "productivity", + "review_score": 4.8 + }, + { + "Unnamed: 0": 1721, + "book_name": "How To Fail At Almost Everything And Still Win Big", + "summaries": " is the memoir of Dilbert cartoonist Scott Adams", + "categories": "productivity", + "review_score": 5.9 + }, + { + "Unnamed: 0": 1722, + "book_name": "Problem Solving 101", + "summaries": "\u00a0is a universal, four-step template for overcoming challenges in life, based on a traditional method Japanese school children learn early on.", + "categories": "productivity", + "review_score": 8.5 + }, + { + "Unnamed: 0": 1723, + "book_name": "The Secret", + "summaries": " is a self-help book by Rhonda Byrne that explains how the law of attraction, which states that positive energy attracts positive things into your life, governs your thinking and actions, and how you can use the power of positive thinking to achieve anything you can imagine.", + "categories": "productivity", + "review_score": 8.5 + }, + { + "Unnamed: 0": 1724, + "book_name": "Tribe of Mentors", + "summaries": " is a collection of over 100 mini-interviews, where some of the world\u2019s most successful people share their ideas around habits, learning, money, relationships, failure, success, and life.", + "categories": "productivity", + "review_score": 6.7 + }, + { + "Unnamed: 0": 1725, + "book_name": "The Big Leap", + "summaries": " is about changing your overall perspective, so you can embrace a philosophy that\u2019ll help you achieve your full potential in work, relationships, finance, and all other walks of life.", + "categories": "productivity", + "review_score": 5.3 + }, + { + "Unnamed: 0": 1726, + "book_name": "When: The Scientific Secrets of Perfect Timing", + "summaries": " breaks down the science of time so you can stop guessing when to do things and pick the best times to work, eat, sleep, have your coffee and even quit your job.", + "categories": "productivity", + "review_score": 6.1 + }, + { + "Unnamed: 0": 1727, + "book_name": "Leonardo Da Vinci", + "summaries": " is Walter Isaacson\u2019s account of the life of one of the most brilliant artists, thinkers, and innovators who ever lived.", + "categories": "productivity", + "review_score": 6.4 + }, + { + "Unnamed: 0": 1728, + "book_name": "Barking Up The Wrong Tree", + "summaries": " turns standard success advice on its head by looking at both sides of many common arguments, like confidence, extroversion, or being nice, concluding it\u2019s really other factors that decide if we win, and we control more of them than we think.", + "categories": "productivity", + "review_score": 3.3 + }, + { + "Unnamed: 0": 1729, + "book_name": "Find Your Why", + "summaries": " is an actionable guide to discover your mission in life, figure out how you can live it on a daily basis and share it with the world.", + "categories": "productivity", + "review_score": 7.5 + }, + { + "Unnamed: 0": 1730, + "book_name": "Principles", + "summaries": " holds the set of rules for work and life billionaire investor and CEO of the most successful fund in history, Ray Dalio, has acquired through his 40-year career in finance.", + "categories": "productivity", + "review_score": 6.1 + }, + { + "Unnamed: 0": 1731, + "book_name": "Nobody Wants to Read Your Sh*t", + "summaries": " combines countless lessons Steven Pressfield has learned from succeeding as a writer in advertising, the movie industry, fiction, non-fiction, and self-help, in order to help you write like a pro.", + "categories": "productivity", + "review_score": 6.3 + }, + { + "Unnamed: 0": 1732, + "book_name": "Finish", + "summaries": " identifies perfectionism as the biggest enemy of your goals, in order to then help you defeat it with research backed strategies to get things out the door while having fun, taking the pressure off and cutting yourself some slack.", + "categories": "productivity", + "review_score": 4.2 + }, + { + "Unnamed: 0": 1733, + "book_name": "The 5 Second Rule", + "summaries": " is a simple tool that undercuts most of the psychological weapons your brain employs to keep you from taking action, which will allow you to procrastinate less, live happier and reach your goals.", + "categories": "productivity", + "review_score": 2.2 + }, + { + "Unnamed: 0": 1734, + "book_name": "The Four Tendencies", + "summaries": "\u00a0is a personality profile framework to help you understand how you and the people around you deal with their outer and inner expectations, so you can better manage your life, work and relationships.", + "categories": "productivity", + "review_score": 2.4 + }, + { + "Unnamed: 0": 1735, + "book_name": "The Subtle Art Of Not Giving A F*ck", + "summaries": " does away with the positive psychology craze to instead give you a Stoic, no-BS approach to living a life that might not always be happy, but meaningful and centered only around what\u2019s important to you.", + "categories": "productivity", + "review_score": 3.4 + }, + { + "Unnamed: 0": 1736, + "book_name": "The Myth Of Multitasking", + "summaries": " explains why doing everything at once is neither efficient, nor even possible, and gives you practical steps for more focus in the workplace.", + "categories": "productivity", + "review_score": 1.9 + }, + { + "Unnamed: 0": 1737, + "book_name": "Accidental Genius", + "summaries": "\u00a0introduces you to the concept of freewriting, which you can use to solve complex problems, exercise your creativity, flesh out your ideas and even build a catalog of publishable work.", + "categories": "productivity", + "review_score": 9.3 + }, + { + "Unnamed: 0": 1738, + "book_name": "The Productivity Project", + "summaries": " recounts the lessons Chris Bailey learned over the course of a year running various productivity experiments to help you get more done in all areas of your life.", + "categories": "productivity", + "review_score": 9.2 + }, + { + "Unnamed: 0": 1739, + "book_name": "Real Artists Don\u2019t Starve", + "summaries": "\u00a0debunks all myths around the starving artist and shows you you can, will and deserve to make a living from your creative work.", + "categories": "productivity", + "review_score": 5.6 + }, + { + "Unnamed: 0": 1740, + "book_name": "What Color Is Your Parachute", + "summaries": " is a classic for job seekers, equipping you with the tools, tips and strategies you need to quickly find the right gig in today\u2019s fast-moving market.", + "categories": "productivity", + "review_score": 5.5 + }, + { + "Unnamed: 0": 1741, + "book_name": "Get Smart", + "summaries": " reveals how you can access more of your brain\u2019s power through simple, actionable brain training techniques that\u2019ll spark your creativity, make you look for the positive and help you achieve your goals faster.", + "categories": "productivity", + "review_score": 9.5 + }, + { + "Unnamed: 0": 1742, + "book_name": "Failing Forward", + "summaries": " will help you stop making excuses, start embracing failure as a natural, necessary part of the process and let you find the confidence to proceed anyway.", + "categories": "productivity", + "review_score": 7.0 + }, + { + "Unnamed: 0": 1743, + "book_name": "The 10X Rule", + "summaries": " will show you how to achieve extraordinary success by pointing out what\u2019s wrong with shooting for average, why you should aim ten times higher when tackling your goals, and how to back up your new, bold targets with the right actions.", + "categories": "productivity", + "review_score": 9.3 + }, + { + "Unnamed: 0": 1744, + "book_name": "The Four Agreements", + "summaries": " draws on the long tradition of the Toltecs, an ancient, indigenous people of Mexico, to show you that we have been domesticated from childhood, how these internal, guiding rules hurt us and what we can do to break and replace them with a new set of agreements with ourselves.", + "categories": "productivity", + "review_score": 9.1 + }, + { + "Unnamed: 0": 1745, + "book_name": "Sprint", + "summaries": " completely overhauls your project management process so it allows you to go from zero to prototype in just five days and figure out if your idea is worth creating faster than ever.", + "categories": "productivity", + "review_score": 3.2 + }, + { + "Unnamed: 0": 1746, + "book_name": "The Innovator\u2019s Dilemma", + "summaries": " is a business classic that explains the power of disruption, why market leaders are often set up to fail as technologies and industries change and what incumbents can do to secure their market leadership for a long time.", + "categories": "productivity", + "review_score": 5.5 + }, + { + "Unnamed: 0": 1747, + "book_name": "On The Shortness Of Life", + "summaries": " is a 2,000 year old, 20-page masterpiece by Seneca, Roman stoic philosopher and teacher to the emperors, about time and how to best use it, to ensure you lead a long and fulfilling life.", + "categories": "productivity", + "review_score": 2.1 + }, + { + "Unnamed: 0": 1748, + "book_name": "The Life-Changing Magic Of Not Giving A F*ck", + "summaries": " is a funny, practical guide to mental decluttering, giving you actionable tips to stop caring about things that don\u2019t really matter to you, without feeling ashamed or guilty.", + "categories": "productivity", + "review_score": 2.5 + }, + { + "Unnamed: 0": 1749, + "book_name": "Trying Not To Try", + "summaries": " explores ancient, Chinese philosophy to break down the art of being spontaneous, which will help you unite your mind and body, reach a state of flow, and breeze through life like a leaf in a river.", + "categories": "productivity", + "review_score": 4.4 + }, + { + "Unnamed: 0": 1750, + "book_name": "You Are A Badass", + "summaries": " helps you become self-aware, figure out what you want in life and then summon the guts to not worry about the how, kick others\u2019 opinions to the curb and focus your life on the thing that will make you happy.", + "categories": "productivity", + "review_score": 1.9 + }, + { + "Unnamed: 0": 1751, + "book_name": "Peak", + "summaries": " accumulates everything the pioneer researcher on deliberate practice has learned about expert performance through decades of exploration and analysis of what separates those, who are average, from those, who are world-class at what they do.", + "categories": "productivity", + "review_score": 7.7 + }, + { + "Unnamed: 0": 1752, + "book_name": "Ego Is The Enemy", + "summaries": " reveals why a tendency that\u2019s hardwired into our brains \u2014 the belief that the world revolves around us and us alone \u2014 keeps holding us back from living the very life it dreams up for us, including what we can do to overcome our ego, be kinder to others and ourselves, and achieve true greatness.", + "categories": "productivity", + "review_score": 5.8 + }, + { + "Unnamed: 0": 1753, + "book_name": "Simple Rules", + "summaries": " shows you how to navigate our incredibly complex world by learning the structure of and coming up with your own set of easy, clear-cut rules to follow for the most various situations in life.", + "categories": "productivity", + "review_score": 9.4 + }, + { + "Unnamed: 0": 1754, + "book_name": "The Habit Blueprint", + "summaries": " strips down behavior change to its very core, giving you the ultimate, research-backed recipe for cultivating the habits you desire, with plenty of backup steps you can take to maximize your chances of success.", + "categories": "productivity", + "review_score": 5.1 + }, + { + "Unnamed: 0": 1755, + "book_name": "The Creative Habit", + "summaries": " is a dancer\u2019s blueprint to making creativity a habit, which she\u2019s successfully done for over 50 years in the entertainment industry.", + "categories": "productivity", + "review_score": 2.9 + }, + { + "Unnamed: 0": 1756, + "book_name": "The Seven Spiritual Laws Of Success", + "summaries": " brings together the spiritual calmness and mindful behavior of Eastern religions with Western striving for achieving internal and external success, showing you seven specific ways to let both come to you.", + "categories": "productivity", + "review_score": 6.4 + }, + { + "Unnamed: 0": 1757, + "book_name": "Decisive", + "summaries": " gives you a scientific, 4-step approach to making better decisions in your life and career, based on an extensive\u00a0study of the available\u00a0literature and research on the topic.", + "categories": "productivity", + "review_score": 1.6 + }, + { + "Unnamed: 0": 1758, + "book_name": "Making Ideas Happen", + "summaries": " is a systematized approach to coming up with creative ideas and, more importantly, actually executing them, that teams and companies can use to move their business and the world forward.", + "categories": "productivity", + "review_score": 6.6 + }, + { + "Unnamed: 0": 1759, + "book_name": "The Artist\u2019s Way", + "summaries": " is an all-time, self-help classic, helping you to reignite\u00a0your inner artist, recover your creativity and let the divine energy flow through you as you create your art.", + "categories": "productivity", + "review_score": 4.2 + }, + { + "Unnamed: 0": 1760, + "book_name": "The Power Of The Other", + "summaries": " shows you the surprisingly big influence other people have on your life, what different kinds of relationships you have with them and how you can cultivate more good ones to replace the bad, fake or unconnected and\u00a0live a more fulfilled life.", + "categories": "productivity", + "review_score": 9.4 + }, + { + "Unnamed: 0": 1761, + "book_name": "The Untethered Soul", + "summaries": " describes how you can untie your self from your ego, harness your inner energy, expand beyond yourself and float through the river of life instead of blocking or fighting it.", + "categories": "productivity", + "review_score": 4.3 + }, + { + "Unnamed: 0": 1762, + "book_name": "Unlimited Power", + "summaries": " is a self-help classic, which breaks down how Tony Robbins has helped top performers achieve at their highest level and how you can use the same mental and physical tactics to accomplish your biggest goals in life.", + "categories": "productivity", + "review_score": 7.3 + }, + { + "Unnamed: 0": 1763, + "book_name": "Six Thinking Hats", + "summaries": "\u00a0divides thinking into six distinct areas and perspectives, which will help you, your team, and your company tackle problems from different angles, thus solving them with the power of parallel thinking and saving time, money, and energy as a result.", + "categories": "productivity", + "review_score": 1.4 + }, + { + "Unnamed: 0": 1764, + "book_name": "The Gifts Of Imperfection", + "summaries": " shows you how to embrace your inner flaws to accept who you are, instead of constantly chasing the image of who you\u2019re trying to be, because other people expect you to act in certain ways.", + "categories": "productivity", + "review_score": 5.5 + }, + { + "Unnamed: 0": 1765, + "book_name": "Steal Like An Artist", + "summaries": " gives you permission to copy your heroes\u2019 work and use it as a springboard to find your own, unique style, all while remembering to have fun, creating the right work environment for your art and letting neither criticism nor praise drive you off track.", + "categories": "productivity", + "review_score": 8.7 + }, + { + "Unnamed: 0": 1766, + "book_name": "How Will You Measure Your Life", + "summaries": " shows you how to sustain motivation at work and in life to spend your time on earth happily and fulfilled, by focusing not just on money and your career, but your family, relationships and personal well-being.", + "categories": "productivity", + "review_score": 1.6 + }, + { + "Unnamed: 0": 1767, + "book_name": "Mind Gym", + "summaries": " explains why the performance of world-class athletes isn\u2019t only\u00a0a result of their physical training, but just as much due to their mentally fit minds and shows you how you can cultivate the mindset of a top performer yourself.", + "categories": "productivity", + "review_score": 2.7 + }, + { + "Unnamed: 0": 1768, + "book_name": "The Practicing Mind", + "summaries": " shows you how to cultivate\u00a0patience, focus, and discipline for working towards your biggest goals, by\u00a0going back to the basic principles of practice, embracing a child-like trial-and-error attitude again and thus make working hard towards mastery a fulfilling process in itself.", + "categories": "productivity", + "review_score": 7.3 + }, + { + "Unnamed: 0": 1769, + "book_name": "Nudge", + "summaries": " shows you how you can unconsciously make better decisions by designing your environment so it nudges you in the right direction every time temptation becomes greatest and thus build your own choice architecture in advance.", + "categories": "productivity", + "review_score": 3.1 + }, + { + "Unnamed: 0": 1770, + "book_name": "Finding Your Element", + "summaries": " shows you how to find your talents and passions, embrace them, and come up with your own definition of happiness, so you can combine what you love with what you\u2019re good at to live a long, happy life.", + "categories": "productivity", + "review_score": 2.7 + }, + { + "Unnamed: 0": 1771, + "book_name": "The Art Of Choosing", + "summaries": " extensively covers the scientific research made about human decision making, showing you what affects how you make choices, how the consequences of those choices affect you, as well as how you can adapt to these circumstances to make better decisions in the future.", + "categories": "productivity", + "review_score": 1.6 + }, + { + "Unnamed: 0": 1772, + "book_name": "How To Read A Book", + "summaries": " is a 1940 classic teaching you how to become a more active reader and deliberately practice the various stages of reading, in order to maximize the value you get from books.", + "categories": "productivity", + "review_score": 10.0 + }, + { + "Unnamed: 0": 1773, + "book_name": "Move Your Bus", + "summaries": "\u00a0illustrates the different kinds of groups in organizations, how leaders can inspire those groups, and what individuals can do to become highly valued, productive members of the organizations they serve.", + "categories": "productivity", + "review_score": 5.1 + }, + { + "Unnamed: 0": 1774, + "book_name": "Getting Everything You Can Out Of All You\u2019ve Got", + "summaries": " gives you 21 ways to beat the competition in business by working with the assets you have, but are not considering, learning to see opportunities where others see obstacles and doing things differently on purpose.", + "categories": "productivity", + "review_score": 8.9 + }, + { + "Unnamed: 0": 1775, + "book_name": "The Compound Effect", + "summaries": " will show you why big, abrupt changes rarely work and how you can change your life over time with the power of small, daily steps, a routine that builds momentum and the courage to break through your limits when you reach them.", + "categories": "productivity", + "review_score": 2.7 + }, + { + "Unnamed: 0": 1776, + "book_name": "The 8th Habit", + "summaries": " is about finding your voice and helping others discover their own, in order to thrive at work in the Information Age, where interdependence is more important than independence.", + "categories": "productivity", + "review_score": 5.4 + }, + { + "Unnamed: 0": 1777, + "book_name": "Your Best Just Got Better", + "summaries": " shows you how to tackle productivity and performance with the best techniques to help you work smarter, get more done and stay inspired.", + "categories": "productivity", + "review_score": 4.8 + }, + { + "Unnamed: 0": 1778, + "book_name": "Bit Literacy", + "summaries": " shows you how to navigate innumerable streams\u00a0of digital information without becoming paralyzed by managing your media with a few simple systems.", + "categories": "productivity", + "review_score": 7.5 + }, + { + "Unnamed: 0": 1779, + "book_name": "Switch", + "summaries": " is about how you can lead and encourage changes of human behavior, both in yourself and in your organization, by focusing on the three forces that influence it: the rider, the elephant and the path.", + "categories": "productivity", + "review_score": 3.2 + }, + { + "Unnamed: 0": 1780, + "book_name": "Algorithms To Live By", + "summaries": " explains how computer algorithms work, why their relevancy isn\u2019t limited to the digital world and how you can make better decisions by strategically using the right algorithm at the right time, for example in dating, at home or in the office.", + "categories": "productivity", + "review_score": 6.5 + }, + { + "Unnamed: 0": 1781, + "book_name": "The Wisdom Of Insecurity", + "summaries": " is a self-help classic that breaks down our psychological need for stability and explains how it\u2019s led us right into consumerism, why that won\u2019t solve our problem and how we can really calm our anxiety.", + "categories": "productivity", + "review_score": 7.9 + }, + { + "Unnamed: 0": 1782, + "book_name": "The Man Who Fed The World", + "summaries": "\u00a0is the biography\u00a0of Dr. Norman Borlaug, Nobel Peace Prize laureate and\u00a0US national hero, who saved over a billion lives by dedicating his own to ending world hunger and leading the green revolution, which helped get agriculture to a\u00a0point where it can feed the world.", + "categories": "productivity", + "review_score": 6.3 + }, + { + "Unnamed: 0": 1783, + "book_name": "Disrupt Yourself", + "summaries": " explains how you can harness\u00a0the ever-accelerating power of disruptive innovation in your personal life, be it to advance your career or to build a company that thrives, by embracing your limitations, focusing on your strengths and staying flexible and curious along the way.", + "categories": "productivity", + "review_score": 1.5 + }, + { + "Unnamed: 0": 1784, + "book_name": "Winners: And How They Succeed", + "summaries": " draws on years of research and extensive interviews with a wide array of successful people to deliver a blueprint for what it takes to win in life based on strategy, leadership and team-building.", + "categories": "productivity", + "review_score": 2.6 + }, + { + "Unnamed: 0": 1785, + "book_name": "The End Of Average", + "summaries": " explains the fundamental flaws with our culture of averages, in which we design everything for the average person, when that person doesn\u2019t exist, and shows how we can embrace our individuality and use it to succeed in a world that wants everyone to be the same.", + "categories": "productivity", + "review_score": 9.1 + }, + { + "Unnamed: 0": 1786, + "book_name": "Benjamin Franklin: An American Life", + "summaries": " takes a thorough look at the life of one of the most influential humans that ever lived and explains how he could achieve such greatness in so many different fields and areas.", + "categories": "productivity", + "review_score": 3.2 + }, + { + "Unnamed: 0": 1787, + "book_name": "59 Seconds", + "summaries": " shows you several self-improvement hacks, grounded in the science of psychology, which you can use to improve your mindset, happiness and life in less than a minute.", + "categories": "productivity", + "review_score": 4.0 + }, + { + "Unnamed: 0": 1788, + "book_name": "How Not To Be Wrong", + "summaries": " shows you that math is really just the science of common sense and that studying a few key mathematical ideas can help you assess risks better, make the right decisions, navigate the world effortlessly and be wrong a lot less.", + "categories": "productivity", + "review_score": 2.9 + }, + { + "Unnamed: 0": 1789, + "book_name": "Excellent Sheep", + "summaries": "\u00a0describes how fundamentally broken elite education is, why it makes students feel depressed and lost, how educational institutions have been alienated from their true purpose, what students really must learn in college and how we can go back to making college a place for self-discovery and critical thinking.", + "categories": "productivity", + "review_score": 2.9 + }, + { + "Unnamed: 0": 1790, + "book_name": "The Rise Of Superman", + "summaries": " decodes the science of ultimate, human performance by examining how top athletes enter and stay in a state of flow, while achieving their greatest feats, and how you can do the same.", + "categories": "productivity", + "review_score": 8.1 + }, + { + "Unnamed: 0": 1791, + "book_name": "Shoe Dog", + "summaries": " is the autobiography of Nike\u2019s founder Phil Knight, who at last decided to share the story of how he founded one of the most iconic, profitable and world-changing brands in the world.", + "categories": "productivity", + "review_score": 9.2 + }, + { + "Unnamed: 0": 1792, + "book_name": "The Art Of Asking", + "summaries": " teaches you to finally accept the help of others, stop trying to do everything on your own, and show you how you can build a closely knit family of friends and supporters by being honest, generous and not afraid to ask.", + "categories": "productivity", + "review_score": 2.5 + }, + { + "Unnamed: 0": 1793, + "book_name": "The Code Of The Extraordinary Mind", + "summaries": " gives you a 10-step framework for success, based on the lives of the world\u2019s most successful people, who the author has spent 200+ hours interviewing.", + "categories": "productivity", + "review_score": 7.4 + }, + { + "Unnamed: 0": 1794, + "book_name": "Reality Is Broken", + "summaries": " flips the image of the lonely gamer on its head, explaining how games create real value, can be used to make us happier and even help us solve global problems.", + "categories": "productivity", + "review_score": 3.6 + }, + { + "Unnamed: 0": 1795, + "book_name": "Ignore Everybody", + "summaries": " outlines 40 ways for creative people to let their inner artist bubble to the surface by staying in control of their art, not selling out and refusing\u00a0to conform to\u00a0what the world wants you to do.", + "categories": "productivity", + "review_score": 5.0 + }, + { + "Unnamed: 0": 1796, + "book_name": "Think Like A Freak teaches you how to reject conventional wisdom as often as possible, ask the right questions about everything and come up with your own, statistically validated answers, instead of relying on other peoples\u2019 opinions or common sense", + "summaries": ".", + "categories": "productivity", + "review_score": 1.2 + }, + { + "Unnamed: 0": 1797, + "book_name": "Born For This", + "summaries": " shows you how to find the work you were meant to do, which actually might consist of many different forms of work over the course of your life, by showing you the power of a side hustle, proper risk-assessment, creating your own job and pursuing all of your passions \u2013 one at a time.", + "categories": "productivity", + "review_score": 4.1 + }, + { + "Unnamed: 0": 1798, + "book_name": "Remote", + "summaries": " explains why offices are a thing of the past and what both companies and employees can do to thrive in a company that\u2019s spread all across the globe with people working wherever they choose to.", + "categories": "productivity", + "review_score": 2.6 + }, + { + "Unnamed: 0": 1799, + "book_name": "The Now Habit", + "summaries": " is a strategic program to help you eliminate procrastination from your life, bring fun and motivation back to your work and enjoy your well-earned spare time without feeling guilty.", + "categories": "productivity", + "review_score": 4.9 + }, + { + "Unnamed: 0": 1800, + "book_name": "Where Good Ideas Come From", + "summaries": " describes how the process of innovation is similar to evolution and why good ideas have to be shaped over time, build on existing platforms, require connections, luck, and error and how you can turn something old into something new.", + "categories": "productivity", + "review_score": 4.7 + }, + { + "Unnamed: 0": 1801, + "book_name": "Mini Habits", + "summaries": " explains how you can get the most out of the fact that 45% of your behavior happens on autopilot by setting ridiculously small goals, relying on willpower instead of motivation and tracking your progress to live a life that\u2019s full of\u00a0good mini habits.", + "categories": "productivity", + "review_score": 3.2 + }, + { + "Unnamed: 0": 1802, + "book_name": "The Eureka Factor lays out the history of so-called \u201caha moments\u201d and explains what happens in your brain as you have them, where they come from and how you can train yourself to have more flashes of genius", + "summaries": ".", + "categories": "productivity", + "review_score": 1.3 + }, + { + "Unnamed: 0": 1803, + "book_name": "Grain Brain", + "summaries": " takes a look at the impact carbohydrates have on the structure and development of your brain, arriving at the conclusion that a diet high in fat, low in carbs and especially sugar, combined with fasting, lots of activity and more sleep could provide you with a much higher quality of life.", + "categories": "productivity", + "review_score": 5.7 + }, + { + "Unnamed: 0": 1804, + "book_name": "A Curious Mind", + "summaries": " is an homage to the power of asking questions, showing you how being curious can change your entire life, from the way you do business, to how you interact with your loved ones, or even shape your country.", + "categories": "productivity", + "review_score": 6.6 + }, + { + "Unnamed: 0": 1805, + "book_name": "Smarter", + "summaries": " is one \u201cslow learner\u201d turned A student\u2019s experimental account of improving his intelligence by 16% through various tests, lessons and exercises and explains how you can increase your intelligence in scientifically proven ways.", + "categories": "productivity", + "review_score": 4.8 + }, + { + "Unnamed: 0": 1806, + "book_name": "Breakfast With Socrates", + "summaries": " takes you through an ordinary day in the company of extraordinary minds, by linking each part of it to the core message of one of several great philosophers throughout history, such as Descartes, Nietzsche, Marx, and even Buddha.", + "categories": "productivity", + "review_score": 1.3 + }, + { + "Unnamed: 0": 1807, + "book_name": "The Third Wave", + "summaries": " lays out the history of the internet and how it\u2019s about to permeate everything in our lives, as well as what it takes for entrepreneurs to make use of this mega-trend and thrive in an omni-connected, always-online world.", + "categories": "productivity", + "review_score": 9.2 + }, + { + "Unnamed: 0": 1808, + "book_name": "Originals", + "summaries": " re-defines what being creative means by using many specific examples of how persistence, procrastination, transparency, critical thinking and perspective can be brought together to change the world.", + "categories": "productivity", + "review_score": 1.6 + }, + { + "Unnamed: 0": 1809, + "book_name": "Hardwiring Happiness", + "summaries": " tells you what you can do to overcome your negativity bias of focusing on and exaggerating negative events by relishing, extending and prioritizing the good things in your life to become happier.", + "categories": "productivity", + "review_score": 3.0 + }, + { + "Unnamed: 0": 1810, + "book_name": "Hatching Twitter", + "summaries": " details the story and human drama behind the creation and meteoric rise of Twitter, the social media platform that\u2019s changed how we communicate over the past ten years.", + "categories": "productivity", + "review_score": 7.1 + }, + { + "Unnamed: 0": 1811, + "book_name": "The Sleep Revolution", + "summaries": " paints a grim picture of Western sleep culture, but not without extending a hand to school kids, students, professionals and CEOs alike by offering genuine advice on how to stop wearing sleep deprivation as a badge of honor and finally get a good night\u2019s sleep.", + "categories": "productivity", + "review_score": 7.6 + }, + { + "Unnamed: 0": 1812, + "book_name": "How to Become a Straight-A Student", + "summaries": " gives you the techniques A+ students have used to pass college with flying colors and summa cum laude degrees, without compromising their entire lives and spending every minute in the library, ranging from time management and note-taking tactics all the way to how you can write a great thesis.", + "categories": "productivity", + "review_score": 9.4 + }, + { + "Unnamed: 0": 1813, + "book_name": "The Upside Of Irrationality", + "summaries": "\u00a0shows you the many ways in which you act irrational, while thinking what you\u2019re doing makes perfect sense, and how this irrational behavior can actually be beneficial, as long as you use it the right way.", + "categories": "productivity", + "review_score": 3.3 + }, + { + "Unnamed: 0": 1814, + "book_name": "Rejection Proof", + "summaries": " shows you that no \u201cNo\u201d lasts forever, and how you can use rejection therapy to change your perspective of fear, embrace new challenges, and hear the word \u201cYes\u201d more often than ever before.", + "categories": "productivity", + "review_score": 1.1 + }, + { + "Unnamed: 0": 1815, + "book_name": "Smartcuts", + "summaries": " explains how some people and businesses achieve rapid growth and build sustainable, profitable companies in the time it takes you to get another promotion, by working smart, not hard and hacking into the ladder of success, instead of climbing it one step at a time.", + "categories": "productivity", + "review_score": 2.4 + }, + { + "Unnamed: 0": 1816, + "book_name": "Predictable Success", + "summaries": " leads you through the various stages of companies and alternative paths they can and might take, depending on their actions, showing you the safest path towards predictable success, where you consistently achieve your goals.", + "categories": "productivity", + "review_score": 6.1 + }, + { + "Unnamed: 0": 1817, + "book_name": "Traction", + "summaries": " is a roadmap for startups to achieve the exponential growth necessary to survive the first few months and years by looking at 19 ways to get traction and a framework to help you pick the best one for your startup.", + "categories": "productivity", + "review_score": 2.2 + }, + { + "Unnamed: 0": 1818, + "book_name": "How To Win At The Sport Of Business", + "summaries": " is Mark Cuban\u2019s account of how he changed his mindset and attitude over the years to go from broke to billionaire and help you embrace the habits of a successful businessman (or woman).", + "categories": "productivity", + "review_score": 8.2 + }, + { + "Unnamed: 0": 1819, + "book_name": "Black Box Thinking", + "summaries": " reveals that all paths to success lead through failure and what you can do to change your perspective on it, admit your mistakes, and build your own black box to consistently learn and improve from the feedback failure gives you.", + "categories": "productivity", + "review_score": 7.5 + }, + { + "Unnamed: 0": 1820, + "book_name": "Charlie Munger", + "summaries": " teaches you the investment approach and ideas about life from Warren Buffett\u2019s business partner and billionaire Charlie Munger, which the two have used for decades to run one of the most successful companies in the world.", + "categories": "productivity", + "review_score": 8.5 + }, + { + "Unnamed: 0": 1821, + "book_name": "The Talent Code", + "summaries": " cracks open the myth of talent and breaks it down from a neurological standpoint into three crucial parts, which anyone can pull together to become a world-class performer, artist, or athlete and form something they used to believe was not even within their own hands.", + "categories": "productivity", + "review_score": 9.7 + }, + { + "Unnamed: 0": 1822, + "book_name": "Reading Like A Writer", + "summaries": " takes you through the various elements of world-famous\u00a0literature and shows you how, by paying close attention to how great authors employ them, you can not only get a lot more from your reading, but also learn to be a better writer yourself.", + "categories": "productivity", + "review_score": 8.8 + }, + { + "Unnamed: 0": 1823, + "book_name": "Smarter Faster Better", + "summaries": " tells deeply researched stories from professionals around the world to show you how to do what you\u2019re already doing in a better, more efficient way, by focusing on decisions, motivation and the way we set goals.", + "categories": "productivity", + "review_score": 7.8 + }, + { + "Unnamed: 0": 1824, + "book_name": "Abundance", + "summaries": " shows you the key technological trends being developed today, to give you a glimpse of a future that\u2019s a lot brighter than you think and help you embrace the optimism we need to make it happen.", + "categories": "productivity", + "review_score": 6.4 + }, + { + "Unnamed: 0": 1825, + "book_name": "10 Days To Faster Reading", + "summaries": " helps you\u00a0bring your reading skills to the current century, even if you\u2019ve stopped developing them, like most of us, with the end of elementary school, by helping you select what to read in a better way and giving you actionable techniques to read and retain faster and better.", + "categories": "productivity", + "review_score": 2.0 + }, + { + "Unnamed: 0": 1826, + "book_name": "The Art Of Learning", + "summaries": " explains the science of becoming a top performer, based on Josh Waitzkin\u2019s personal rise to the top of the chess and Tai Chi world, by showing you the right mindset, proper ways to practice and how to build the habits of a professional.", + "categories": "productivity", + "review_score": 4.6 + }, + { + "Unnamed: 0": 1827, + "book_name": "Carrots And Sticks", + "summaries": " explains how you can harness the power of incentives \u2013 carrots and sticks \u2013 to change your bad behaviors, improve your self-control and reach your long-term goals.", + "categories": "productivity", + "review_score": 3.1 + }, + { + "Unnamed: 0": 1828, + "book_name": "Are You Fully Charged", + "summaries": " shows you the three keys to arriving at work and life with a battery that\u2019s brimming with happiness and motivation, which are energy, interactions and meaning, and how to implement them in your day.", + "categories": "productivity", + "review_score": 6.3 + }, + { + "Unnamed: 0": 1829, + "book_name": "Wherever You Go, There You Are", + "summaries": " explains what mindfulness is and why it\u2019s not reserved for Zen practitioners and Buddhist monks, giving you simple ways to practice it in everyday life, both formally and informally, while helping you avoid the obstacles on your way to a more aware self.", + "categories": "productivity", + "review_score": 9.2 + }, + { + "Unnamed: 0": 1830, + "book_name": "Eat, Move, Sleep", + "summaries": " shows you that living a long and healthy life is not the result of massive lifestyle changes, but of lots of small habits, which improve the way you sleep, eat and exercise and, if combined, add a whole lot to your health.", + "categories": "productivity", + "review_score": 8.8 + }, + { + "Unnamed: 0": 1831, + "book_name": "Year of Yes", + "summaries": " details famous TV-show creator Shonda Rhimes\u2019s change from introversion to socialite by saying \u201cYes\u201d to anything for a full year and how she was finally able to face her fears and start loving herself.", + "categories": "productivity", + "review_score": 7.9 + }, + { + "Unnamed: 0": 1832, + "book_name": "The Life-Changing Magic of Tidying Up", + "summaries": " takes you through the process of simplifying, organizing and storing your belongings step by step, to make your home a place of peace and clarity.", + "categories": "productivity", + "review_score": 5.2 + }, + { + "Unnamed: 0": 1833, + "book_name": "Why We Work", + "summaries": " looks at the purpose of work in our lives by examining how different people view their work, what traits make work feel meaningful, and which questions companies should ask to maximize the motivation of their employees.", + "categories": "productivity", + "review_score": 8.6 + }, + { + "Unnamed: 0": 1834, + "book_name": "Deep Work", + "summaries": " proposes that we have lost our ability to focus deeply and immerse ourselves in a complex task, showing you how to cultivate this skill again and focus more than ever before with four simple rules.", + "categories": "productivity", + "review_score": 9.9 + }, + { + "Unnamed: 0": 1835, + "book_name": "Who Moved My Cheese", + "summaries": " tells a parable, which you can directly apply to your own life, in order to stop fearing what lies ahead and instead thrive in an environment of change and uncertainty.", + "categories": "productivity", + "review_score": 9.6 + }, + { + "Unnamed: 0": 1836, + "book_name": "The One Minute Manager", + "summaries": " gives managers three simple tools that each take 60 seconds or less to use but can tremendously improve their efficiency in getting people to stay motivated, happy, and ready to deliver great work.", + "categories": "productivity", + "review_score": 5.0 + }, + { + "Unnamed: 0": 1837, + "book_name": "Singletasking", + "summaries": " digs into neuroscientific research to explain why we\u2019re not meant to multitask, how you can go back to the old, singletasking ways, and why that\u2019s better for your work, relationships and happiness.", + "categories": "productivity", + "review_score": 10.0 + }, + { + "Unnamed: 0": 1838, + "book_name": "The Da Vinci Curse", + "summaries": " explains why people with many talents don\u2019t fit into a world where we need specialists and, if you have many talents yourself, shows you how you can lift this curse, by giving you a framework to follow and find your true vocation in life.", + "categories": "productivity", + "review_score": 5.6 + }, + { + "Unnamed: 0": 1839, + "book_name": "Never Eat Alone", + "summaries": " is a modern classic, which explains the art of networking and gives you actionable advice on how you can harness the power of good relationships and become a good networker to build a career you love.", + "categories": "productivity", + "review_score": 2.7 + }, + { + "Unnamed: 0": 1840, + "book_name": "13 Things Mentally Strong People Don\u2019t Do", + "summaries": " started as a personal reminder to not give in to bad habits in the face of adversity, but turned into a psychological guidebook to help you improve your mental strength and emotional resilience.", + "categories": "productivity", + "review_score": 4.2 + }, + { + "Unnamed: 0": 1841, + "book_name": "Thrive", + "summaries": " shines a light on the missing ingredient in our perception of success, which includes well-being, wonder, wisdom and giving, and goes beyond just money and power, which often drive people right into burnout, terrible health and unhappiness.", + "categories": "productivity", + "review_score": 7.5 + }, + { + "Unnamed: 0": 1842, + "book_name": "Losing My Virginity", + "summaries": " details Richard Branson\u2019s meteoric rise to success and digs into what made him the adventurous, fun-loving, daring entrepreneur he is today and what lessons you can learn about business from him.", + "categories": "productivity", + "review_score": 5.8 + }, + { + "Unnamed: 0": 1843, + "book_name": "The End Of Stress", + "summaries": " shows you not only that treating stress as normal is wrong and how it harms your mental and physical health, but also gives you actionable tips and strategies to end stress once and for all so you can live a long, happy, powerful and creative life.", + "categories": "productivity", + "review_score": 7.3 + }, + { + "Unnamed: 0": 1844, + "book_name": "Awaken The Giant Within", + "summaries": " is the psychological blueprint you can follow to wake up and start taking control of your life, starting in your mind, spreading through your body and then all the way through your relationships, work and finances until you\u2019re the giant you were always meant to be.", + "categories": "productivity", + "review_score": 1.8 + }, + { + "Unnamed: 0": 1845, + "book_name": "The Desire Map", + "summaries": " gives your goal-setting mechanism a makeover by showing you that desire, not facts, is what fuels our lives and helps you rely on your feelings to navigate life, instead of giving in to the pressure of the outside world to check the boxes on goals that don\u2019t really matter to you.", + "categories": "productivity", + "review_score": 1.5 + }, + { + "Unnamed: 0": 1846, + "book_name": "Strengthsfinder 2.0", + "summaries": " argues that we should forget about fixing our weaknesses, and go all in on our strengths instead, by showing you ways to figure out which 5 key strengths are an innate part of you and giving you advice on how to use them in your life and work.", + "categories": "productivity", + "review_score": 9.5 + }, + { + "Unnamed: 0": 1847, + "book_name": "The Art of Non-Conformity", + "summaries": " teaches you how to play life by your own rules by giving you practical glimpses into the world of self-employment, a new approach to travel, to-do list minimalism and conscious spending habits.", + "categories": "productivity", + "review_score": 7.5 + }, + { + "Unnamed: 0": 1848, + "book_name": "David and Goliath", + "summaries": " explains why underdogs win in situations where the odds are stacked unfavorably against them, and how you can do the same.", + "categories": "productivity", + "review_score": 2.3 + }, + { + "Unnamed: 0": 1849, + "book_name": "Uncertainty", + "summaries": " shows you that the condition of not knowing is nothing to fear, but the birthplace of innovation, which, if you embrace it while anchoring yourself, has an unlimited potential for growth, wealth and happiness.", + "categories": "productivity", + "review_score": 6.0 + }, + { + "Unnamed: 0": 1850, + "book_name": "Blink", + "summaries": " explains what happens when you listen to your gut feeling, why these snap judgments are often much more efficient than conscious deliberating, and how to avoid your intuition leading you to wrong assumptions.", + "categories": "productivity", + "review_score": 4.5 + }, + { + "Unnamed: 0": 1851, + "book_name": "First Things First", + "summaries": " shows you how to stop looking at the clock and start looking at the compass, by figuring out what\u2019s important, prioritizing those things in your life, developing a vision for the future, building the right relationships and becoming a strong leader wherever you go.", + "categories": "productivity", + "review_score": 6.1 + }, + { + "Unnamed: 0": 1852, + "book_name": "Linchpin", + "summaries": " shows you why the time of simply following instructions at your job is over and how to make yourself indispensable, which is a must for success today.", + "categories": "productivity", + "review_score": 5.8 + }, + { + "Unnamed: 0": 1853, + "book_name": "Focus", + "summaries": " shows you that attention is the thing that makes life worth living and helps you develop more of it to\u00a0become focused in every area of life: work, relationships and your own attitude towards life and the planet.", + "categories": "productivity", + "review_score": 6.8 + }, + { + "Unnamed: 0": 1854, + "book_name": "The In-Between", + "summaries": " is a reminder to slow down and learn to appreciate the little moments in life, like the times when we\u2019re really just waiting for the next big thing, as they shape our lives a lot more than we think.", + "categories": "productivity", + "review_score": 8.0 + }, + { + "Unnamed: 0": 1855, + "book_name": "Rework", + "summaries": " shows you that you need less than you think to start a business \u2013 way less \u2013 by explaining why plans are actually harmful, how productivity isn\u2019t a result from working long hours and why hiring and seeking investors should be your absolute last resort.", + "categories": "productivity", + "review_score": 1.6 + }, + { + "Unnamed: 0": 1856, + "book_name": "Drive", + "summaries": " explores what has motivated humans throughout history and explains how we shifted from mere survival to the carrot and stick approach that\u2019s still practiced today \u2013 and why it\u2019s outdated.", + "categories": "productivity", + "review_score": 9.9 + }, + { + "Unnamed: 0": 1857, + "book_name": "The Success Principles", + "summaries": " condenses 64 lessons Jack Canfield learned on his journey to becoming a successful entrepreneur, author, coach and speaker into 6 sections, which will help you transform your mindset and take responsibility and control of your own life, so you can get from where you are to where you want to be.", + "categories": "productivity", + "review_score": 8.6 + }, + { + "Unnamed: 0": 1858, + "book_name": "Tribes", + "summaries": " turns you from a sheepwalker into a heretic, by giving you the tools to start your own tribe, explaining why they\u2019re the future of business and showing you that you too, can be a leader.", + "categories": "productivity", + "review_score": 3.4 + }, + { + "Unnamed: 0": 1859, + "book_name": "Do Over", + "summaries": " shines a light on the four core skills you need to build an amazing career: relationships, skills, character and hustle, and shows you how to develop each one of them and use them in different stages of your career.", + "categories": "productivity", + "review_score": 8.5 + }, + { + "Unnamed: 0": 1860, + "book_name": "The Happiness Project", + "summaries": " will show you how to change your life, without actually changing your life, thanks to the findings of modern science, ancient history and popular culture about happiness, which the author tested for a year and now shares with you.", + "categories": "productivity", + "review_score": 2.3 + }, + { + "Unnamed: 0": 1861, + "book_name": "The Obstacle Is The Way", + "summaries": " is a modern take on the ancient philosophy of Stoicism, which helps you endure the struggles of life with grace and resilience by drawing lessons from ancient heroes, former presidents, modern actors, athletes, and how they turned adversity into success thanks to the power of perception, action, and will.", + "categories": "productivity", + "review_score": 6.6 + }, + { + "Unnamed: 0": 1862, + "book_name": "Outliers", + "summaries": " explains why \u201cthe self-made man\u201d is a myth and what truly lies behind the success of the best people in their field, which is often a series of lucky events, rare opportunities and other external factors, which are out of our control.", + "categories": "productivity", + "review_score": 7.7 + }, + { + "Unnamed: 0": 1863, + "book_name": "Crush It", + "summaries": " is the blueprint you need to turn your passion into your profession and will give you the tools to turn yourself into a brand, leverage social media, produce great content and reap the financial benefits of it.", + "categories": "productivity", + "review_score": 8.5 + }, + { + "Unnamed: 0": 1864, + "book_name": "The Year Without Pants", + "summaries": " dives into the company culture of Automattic, the company behind WordPress.com and explains how they\u2019ve created a culture of work where employees thrive, creativity flows freely and new ideas are implemented on a daily basis.", + "categories": "productivity", + "review_score": 1.2 + }, + { + "Unnamed: 0": 1865, + "book_name": "Start", + "summaries": " shows you how you can flip the switch of your life from average to awesome by punching fear in the face, being realistic, living with purpose and going through the five stages of success, one step at a time.", + "categories": "productivity", + "review_score": 6.4 + }, + { + "Unnamed: 0": 1866, + "book_name": "The Power Of Positive Thinking", + "summaries": " will show you that the roots of success lie in the mind and teach you how to believe in yourself, break the habit of worrying, and take control of your life by taking control of your thoughts and changing your attitude.", + "categories": "productivity", + "review_score": 6.1 + }, + { + "Unnamed: 0": 1867, + "book_name": "Rookie Smarts", + "summaries": " argues against experience and for a mindset of learning in the modern workplace, due to knowledge growing and changing fast, which gives rookies a competitive advantage, as they\u2019re not bound by common practices and the status quo.", + "categories": "productivity", + "review_score": 3.5 + }, + { + "Unnamed: 0": 1868, + "book_name": "Thinking Fast And Slow", + "summaries": " shows you how two systems in your brain are constantly\u00a0fighting over control of your behavior and actions, and teaches you the many ways in which this leads to errors in memory, judgment and decisions, and what you can do about it.", + "categories": "productivity", + "review_score": 5.6 + }, + { + "Unnamed: 0": 1869, + "book_name": "The Power Of Full Engagement", + "summaries": null, + "categories": "productivity", + "review_score": 9.1 + }, + { + "Unnamed: 0": 1870, + "book_name": "Your Brain At Work", + "summaries": " helps you overcome the daily challenges that take away\u00a0your brain power, like constant email and interruption madness, high levels of stress, lack of control and high expectations, by showing you what goes on inside your head and giving you new approaches to control it better.", + "categories": "productivity", + "review_score": 5.5 + }, + { + "Unnamed: 0": 1871, + "book_name": "Don\u2019t Sweat The Small Stuff (\u2026 And It\u2019s All Small Stuff)", + "summaries": " will keep you from letting the little, stressful things in life, like your email inbox, rushing to trains, and annoying co-workers drive you insane and help you find peace and calm in a stressful world.", + "categories": "productivity", + "review_score": 7.7 + }, + { + "Unnamed: 0": 1872, + "book_name": "Big Magic", + "summaries": " is the book that\u2019ll give you the courage you need to pursue your creative interests by showing you how to deal with your fears, notice ideas and act on them and take the stress out of creation.", + "categories": "productivity", + "review_score": 5.5 + }, + { + "Unnamed: 0": 1873, + "book_name": "The Psychology of Winning", + "summaries": " teaches you the 10 qualities of winners, which set them apart and help them win in every sphere of life: personally, professionally and spiritually.", + "categories": "productivity", + "review_score": 5.0 + }, + { + "Unnamed: 0": 1874, + "book_name": "The Power Of Starting Something Stupid", + "summaries": " shows you that most ideas are often falsely labeled stupid at first, and that if they are, that\u2019s a good indicator you should pursue them and not care what anyone thinks.", + "categories": "productivity", + "review_score": 7.3 + }, + { + "Unnamed: 0": 1875, + "book_name": "The 80/20 Principle", + "summaries": " reveals how you can boost your effectiveness both in your own life and for your business by getting you in the mindset that not all inputs produce an equal amount of outputs and helping you embrace the Pareto principle.", + "categories": "productivity", + "review_score": 2.8 + }, + { + "Unnamed: 0": 1876, + "book_name": "Willpower", + "summaries": " is a blend of practical tips and the latest scientific research on self-control, explaining how willpower works, what you can do to improve it, how to optimize it and which steps to take when it fails you.", + "categories": "productivity", + "review_score": 9.2 + }, + { + "Unnamed: 0": 1877, + "book_name": "Less Doing More Living", + "summaries": " is based on the assumption that the less you have to do, the more life you have to live, and helps you implement this philosophy into your life by giving you real-world tools to boost efficiency in every aspect of your life.", + "categories": "productivity", + "review_score": 7.0 + }, + { + "Unnamed: 0": 1878, + "book_name": "Rewire", + "summaries": " explains why we keep engaging in addictive and self-destructive behavior, how our brains justify it and where you can get started on breaking your bad habits by becoming more mindful and disciplined.", + "categories": "productivity", + "review_score": 2.5 + }, + { + "Unnamed: 0": 1879, + "book_name": "Quiet", + "summaries": " shows the slow rise of the extrovert ideal for success throughout the 20th century, while making a case for the underappreciated power of introverts and showing up new ways for both forces to cooperate.", + "categories": "productivity", + "review_score": 3.8 + }, + { + "Unnamed: 0": 1880, + "book_name": "Antifragile", + "summaries": " reveals how some systems thrive from shocks, volatility and uncertainty, instead of breaking from them, and how you can adapt more antifragile traits yourself to thrive in an uncertain and chaotic world.", + "categories": "productivity", + "review_score": 5.3 + }, + { + "Unnamed: 0": 1881, + "book_name": "Getting Things Done", + "summaries": " is a manual for stress-free productivity, which helps you set up a system of lists, reminders and weekly reviews, in order to free your mind from having to remember tasks and to-dos and instead let it work at full focus on the task at hand.", + "categories": "productivity", + "review_score": 2.1 + }, + { + "Unnamed: 0": 1882, + "book_name": "Think And Grow Rich", + "summaries": " is a curation of the 13 most common habits of wealthy and successful people, distilled from studying over 500 individuals over the course of 20 years.", + "categories": "productivity", + "review_score": 1.8 + }, + { + "Unnamed: 0": 1883, + "book_name": "Talent Is Overrated", + "summaries": " debunks both talent and experience as the determining factors and instead makes a case for deliberate practice, intrinsic motivation and starting early.", + "categories": "productivity", + "review_score": 4.3 + }, + { + "Unnamed: 0": 1884, + "book_name": "SuperBetter", + "summaries": " not only breaks down the science behind games and how they help us become physically, emotionally, mentally and socially stronger, but also gives you a 7-step system you can use to turn your own life into a game, have more fun than ever before and overcome your biggest challenges.", + "categories": "productivity", + "review_score": 3.9 + }, + { + "Unnamed: 0": 1885, + "book_name": "The Achievement Habit", + "summaries": " shows you that being an achiever can be learned, by using the principles of design thinking to walk you through several stories and exercises, which will get you to stop wishing and start doing.", + "categories": "productivity", + "review_score": 9.1 + }, + { + "Unnamed: 0": 1886, + "book_name": "Mistakes Were Made, But Not By Me", + "summaries": " takes you on a journey of famous examples and areas of life where mistakes are hushed up instead of admitted, showing you along the way how this\u00a0hinders progress, why we do it in the first place, and what you can do to start honestly admitting your own.", + "categories": "productivity", + "review_score": 7.9 + }, + { + "Unnamed: 0": 1887, + "book_name": "Quitter", + "summaries": " is a blueprint to help you close the gap between your day job and your dream job, showing you simple steps you can take towards your dream without turning it into a nightmare.", + "categories": "productivity", + "review_score": 1.1 + }, + { + "Unnamed: 0": 1888, + "book_name": "Jab, Jab, Jab, Right Hook", + "summaries": " is a message to everyone who\u2019s not on the social media train yet, showing them how to tell their story the right way on social media, so that it\u2019ll actually get heard.", + "categories": "productivity", + "review_score": 7.6 + }, + { + "Unnamed: 0": 1889, + "book_name": "The Art Of Work", + "summaries": " is the instruction manual to find your vocation by looking into your passions, connecting them to the needs of the world, and thus building a legacy that\u2019s bigger than yourself.", + "categories": "productivity", + "review_score": 8.7 + }, + { + "Unnamed: 0": 1890, + "book_name": "Work The System", + "summaries": " will fundamentally change the way you view the world, by showing you the systems all around you and giving you the guiding principles to influence the right ones to make your business successful.", + "categories": "productivity", + "review_score": 8.5 + }, + { + "Unnamed: 0": 1891, + "book_name": "The War Of Art", + "summaries": " brings some much needed tough love to all artists, business people and creatives who spend more time battling the resistance against work than actually working, by identifying the procrastinating forces at play and pulling out the rug from under their feet.", + "categories": "productivity", + "review_score": 8.6 + }, + { + "Unnamed: 0": 1892, + "book_name": "Essentialism", + "summaries": "\u00a0will show you a new, better way of looking at productivity\u00a0by giving you permission to be extremely selective about what\u2019s truly essential in your life and then ruthlessly cutting out everything else.", + "categories": "productivity", + "review_score": 8.3 + }, + { + "Unnamed: 0": 1893, + "book_name": "Mastery", + "summaries": " debunks the myth of talent and shows you there are proven steps you can take to achieve mastery in a discipline of your own choosing, by analyzing the paths of some of history\u2019s most famous masters, such as Einstein, Darwin and Da Vinci.", + "categories": "productivity", + "review_score": 8.3 + }, + { + "Unnamed: 0": 1894, + "book_name": "The Pomodoro Technique", + "summaries": " is the simplest way to productively manage your time with only two lists and a timer, by breaking down your workload into small, manageable chunks to stay fresh and focused throughout your day.", + "categories": "productivity", + "review_score": 6.9 + }, + { + "Unnamed: 0": 1895, + "book_name": "The Power Of Habit", + "summaries": " helps you understand why\u00a0habits are at the core of everything you\u00a0do, how you can change them, and what impact that will have on your life, your business and society.", + "categories": "productivity", + "review_score": 6.2 + }, + { + "Unnamed: 0": 1896, + "book_name": "So Good They Can\u2019t Ignore You", + "summaries": " sheds some much needed light on the \u201cfollow your passion\u201d myth and shows you that the true path to work you love lies in becoming a craftsman of the work you already have, collecting rare skills and taking control of your hours in the process.", + "categories": "productivity", + "review_score": 8.6 + }, + { + "Unnamed: 0": 1897, + "book_name": "The Power Of Less", + "summaries": " shows you how to align your life with your most important goals, by finding out what\u2019s really essential, changing your habits one at a time and working focused and productively on only those projects that will lead you to where you really want to go.", + "categories": "productivity", + "review_score": 7.2 + }, + { + "Unnamed: 0": 1898, + "book_name": "Bounce", + "summaries": " shows you that training\u00a0trumps talent every time, by explaining the science of deliberate practice, the mindset of high performers and how you can use those tools to become a master of whichever\u00a0skill you choose.", + "categories": "productivity", + "review_score": 4.6 + }, + { + "Unnamed: 0": 1899, + "book_name": "Zero To One", + "summaries": " is an inside look at Peter Thiel\u2019s philosophy and strategy for making your startup a success by looking at the lessons he learned from founding and selling PayPal, investing in Facebook and becoming a billionaire in the process.", + "categories": "productivity", + "review_score": 6.2 + }, + { + "Unnamed: 0": 1900, + "book_name": "Choose Yourself", + "summaries": " is a call to give up traditional career paths and take your life into your own hands by building good habits, creating your own career, and making a decision to choose yourself.", + "categories": "productivity", + "review_score": 1.3 + }, + { + "Unnamed: 0": 1901, + "book_name": "The Millionaire Fastlane", + "summaries": " points out what\u2019s wrong with the old get a degree, get a job, work hard, retire rich model, defines wealth in a new way, and shows you the path to retiring young.", + "categories": "productivity", + "review_score": 2.7 + }, + { + "Unnamed: 0": 1902, + "book_name": "The ONE Thing", + "summaries": " gives you a very simple approach to productivity, based around a single question, to help you have less clutter, distractions and stress, and more focus, energy and success.", + "categories": "productivity", + "review_score": 7.4 + }, + { + "Unnamed: 0": 1903, + "book_name": "The 7 Habits Of Highly Effective People", + "summaries": " teaches you both personal and professional effectiveness by\u00a0changing your view of how the world works and giving you 7 habits, which, if adopted well, will lead you to immense success.", + "categories": "productivity", + "review_score": 7.8 + }, + { + "Unnamed: 0": 1904, + "book_name": "Steve Jobs", + "summaries": " is the most detailed and accurate account of the life of the man who created Apple, the most valuable technology company in the world.", + "categories": "productivity", + "review_score": 3.5 + }, + { + "Unnamed: 0": 1905, + "book_name": "Moonwalking With Einstein", + "summaries": " not only educates you about the history of memory, and how its standing has declined over centuries, but also gives you actionable techniques to extend and improve your own.", + "categories": "productivity", + "review_score": 2.6 + }, + { + "Unnamed: 0": 1906, + "book_name": "The Upside Of Stress", + "summaries": " helps you change your mindset from one that avoids anxiety at all costs to a belief that embraces stress as a normal part of life, which helps you respond to it in better ways and actually be healthier.", + "categories": "productivity", + "review_score": 2.4 + }, + { + "Unnamed: 0": 1907, + "book_name": "The Miracle Morning", + "summaries": " makes it clear that in order to become successful,\u00a0you have to dedicate time to personal development each day, and then gives you a 6-step morning routine to create and shape that time.", + "categories": "productivity", + "review_score": 5.2 + }, + { + "Unnamed: 0": 1908, + "book_name": "The 4-Hour Workweek", + "summaries": " is the step-by-step blueprint to free yourself from the shackles of a corporate job, create a business to fund the lifestyle of your dreams, and live life like a millionaire, without actually having to be one.", + "categories": "productivity", + "review_score": 7.1 + }, + { + "Unnamed: 0": 1909, + "book_name": "The Wisdom Of Crowds", + "summaries": " researches why groups reach better decisions than individuals, what makes groups smart, where the dangers of group decisions lie, and how each of us can encourage the groups we are part of to work together.", + "categories": "productivity", + "review_score": 8.0 + }, + { + "Unnamed: 0": 1910, + "book_name": "The Willpower Instinct", + "summaries": " breaks down willpower into 3 categories, and gives you science-backed systems to improve your self-control, break bad habits and choose long-term goals over instant gratification.", + "categories": "productivity", + "review_score": 3.4 + }, + { + "Unnamed: 0": 1911, + "book_name": "How We Learn", + "summaries": " teaches you how your brain creates and recalls memories, what you can do to remember things better and longer, and how you can boost your creativity and improve your gut decisions along the way.", + "categories": "productivity", + "review_score": 3.6 + }, + { + "Unnamed: 0": 1912, + "book_name": "Flow", + "summaries": " explains why we seek happiness in externals and what\u2019s wrong with it, where you can really find enjoyment in life, and how you can truly become happy by creating your own meaning of life.", + "categories": "productivity", + "review_score": 8.1 + }, + { + "Unnamed: 0": 1913, + "book_name": "Eat That Frog", + "summaries": " provides 21 techniques and strategies to stop procrastinating and get more done.", + "categories": "productivity", + "review_score": 9.0 + }, + { + "Unnamed: 0": 1914, + "book_name": "You Are Not Your Brain", + "summaries": " educates you about the science behind bad habits and breaking them, giving you an actionable 4-step framework you can use to stop listening to your brain\u2019s deceptive messages.", + "categories": "productivity", + "review_score": 7.9 + }, + { + "Unnamed: 0": 1915, + "book_name": "The Upside Of Your Dark Side", + "summaries": " takes a look at our darkest emotions, like anxiety or anger, and shows you there are real benefits that follow\u00a0them and their underlying character traits, such as narcissism or psychopathy.", + "categories": "productivity", + "review_score": 8.5 + }, + { + "Unnamed: 0": 1916, + "book_name": "Outlive", + "summaries": "\u00a0compiles the latest science on health and longevity, combined with practical advice anyone can use to live better today and beat four types of chronic disease with the four pillars of good health: exercise, nutrition, sleep, and emotional health.", + "categories": "psychology", + "review_score": 9.1 + }, + { + "Unnamed: 0": 1917, + "book_name": "The Picture of Dorian Gray", + "summaries": " tells the story of a young, beautiful man who trades his soul for eternal youth, then descends further and further into a moral abyss \u2014 until he discovers there is, after all, a price to pay for his actions.", + "categories": "psychology", + "review_score": 5.1 + }, + { + "Unnamed: 0": 1918, + "book_name": "The Light We Carry", + "summaries": " is a set of practices to help you stay calm, optimistic, and confident in an unpredictable world, based on Michelle Obama\u2019s life experiences as a woman, mother, lawyer, daughter, leader, and the former First Lady of the United States.", + "categories": "psychology", + "review_score": 7.8 + }, + { + "Unnamed: 0": 1919, + "book_name": "Never Finished", + "summaries": " is an inspiring blueprint for leveling up in the game of life that never ends, offering 8 evolutions of thought, painful truths, and motivating stories to help you smash any and all glass ceilings in your life.", + "categories": "psychology", + "review_score": 6.0 + }, + { + "Unnamed: 0": 1920, + "book_name": "The Highly Sensitive Person", + "summaries": "\u00a0is a self-assessment guide and how-to-live template for people who feel, relate, process, and notice more deeply than others, and who frequently suffer from overstimulation as a result.", + "categories": "psychology", + "review_score": 4.8 + }, + { + "Unnamed: 0": 1921, + "book_name": "Bittersweet", + "summaries": " explains where emotions like sorrow, longing, and sadness come from and what their purpose in our lives is, as well as helping us deal with grief, loss, and our own mortality.", + "categories": "psychology", + "review_score": 5.2 + }, + { + "Unnamed: 0": 1922, + "book_name": "The Power of Regret", + "summaries": " is a deep dive into an emotion we all experience, outlining in three parts why regret makes us more human, not less, which four core regrets plague us all, and how we can accept and reshape our mistakes into better futures instead of keeping them as skeletons in our closets.", + "categories": "psychology", + "review_score": 4.3 + }, + { + "Unnamed: 0": 1923, + "book_name": "Why Has Nobody Told Me This Before?", + "summaries": " is a collection of a clinical psychologist\u2019s best practical advice to combat anxiety and depression and improve our mental health in small increments, collected from over a decade of 1-on-1 work with patients.", + "categories": "psychology", + "review_score": 5.3 + }, + { + "Unnamed: 0": 1924, + "book_name": "The Financial Diet", + "summaries": " is a compendium of clever money tips for beginners, offering thrifty spending advice and sound money strategies in a wide range of areas, such as budgeting, investing, work, food, home, and even love.", + "categories": "psychology", + "review_score": 9.0 + }, + { + "Unnamed: 0": 1925, + "book_name": "The 4 Minute Millionaire", + "summaries": " is a collection of 44 short lessons sourced from the best finance books, each paired with an action item to help you get closer to financial freedom in just 4 minutes a day.", + "categories": "psychology", + "review_score": 4.5 + }, + { + "Unnamed: 0": 1926, + "book_name": "Outlive", + "summaries": "\u00a0compiles the latest science on health and longevity, combined with practical advice anyone can use to live better today and beat four types of chronic disease with the four pillars of good health: exercise, nutrition, sleep, and emotional health.", + "categories": "psychology", + "review_score": 5.8 + }, + { + "Unnamed: 0": 1927, + "book_name": "The Picture of Dorian Gray", + "summaries": " tells the story of a young, beautiful man who trades his soul for eternal youth, then descends further and further into a moral abyss \u2014 until he discovers there is, after all, a price to pay for his actions.", + "categories": "psychology", + "review_score": 7.3 + }, + { + "Unnamed: 0": 1928, + "book_name": "The Light We Carry", + "summaries": " is a set of practices to help you stay calm, optimistic, and confident in an unpredictable world, based on Michelle Obama\u2019s life experiences as a woman, mother, lawyer, daughter, leader, and the former First Lady of the United States.", + "categories": "psychology", + "review_score": 1.3 + }, + { + "Unnamed: 0": 1929, + "book_name": "Never Finished", + "summaries": " is an inspiring blueprint for leveling up in the game of life that never ends, offering 8 evolutions of thought, painful truths, and motivating stories to help you smash any and all glass ceilings in your life.", + "categories": "psychology", + "review_score": 2.3 + }, + { + "Unnamed: 0": 1930, + "book_name": "The Highly Sensitive Person", + "summaries": "\u00a0is a self-assessment guide and how-to-live template for people who feel, relate, process, and notice more deeply than others, and who frequently suffer from overstimulation as a result.", + "categories": "psychology", + "review_score": 5.9 + }, + { + "Unnamed: 0": 1931, + "book_name": "Bittersweet", + "summaries": " explains where emotions like sorrow, longing, and sadness come from and what their purpose in our lives is, as well as helping us deal with grief, loss, and our own mortality.", + "categories": "psychology", + "review_score": 5.4 + }, + { + "Unnamed: 0": 1932, + "book_name": "The Power of Regret", + "summaries": " is a deep dive into an emotion we all experience, outlining in three parts why regret makes us more human, not less, which four core regrets plague us all, and how we can accept and reshape our mistakes into better futures instead of keeping them as skeletons in our closets.", + "categories": "psychology", + "review_score": 4.7 + }, + { + "Unnamed: 0": 1933, + "book_name": "Why Has Nobody Told Me This Before?", + "summaries": " is a collection of a clinical psychologist\u2019s best practical advice to combat anxiety and depression and improve our mental health in small increments, collected from over a decade of 1-on-1 work with patients.", + "categories": "psychology", + "review_score": 1.3 + }, + { + "Unnamed: 0": 1934, + "book_name": "The Financial Diet", + "summaries": " is a compendium of clever money tips for beginners, offering thrifty spending advice and sound money strategies in a wide range of areas, such as budgeting, investing, work, food, home, and even love.", + "categories": "psychology", + "review_score": 7.0 + }, + { + "Unnamed: 0": 1935, + "book_name": "The 4 Minute Millionaire", + "summaries": " is a collection of 44 short lessons sourced from the best finance books, each paired with an action item to help you get closer to financial freedom in just 4 minutes a day.", + "categories": "psychology", + "review_score": 3.2 + }, + { + "Unnamed: 0": 1936, + "book_name": "Just Keep Buying", + "summaries": " will help you answer the big questions about saving and investing money with clever stories and interesting data, all while acknowledging that your needs and desires will change throughout life and that, therefore, your financial behavior will have to do the same.", + "categories": "psychology", + "review_score": 5.6 + }, + { + "Unnamed: 0": 1937, + "book_name": "The Midnight Library", + "summaries": " tells the story of Nora, a depressed woman in her 30s, who, on the day she decides to die, finds herself in a library full of lives she could have lived, where she discovers there\u2019s a lot more to life, even her current one, than she had ever imagined.", + "categories": "psychology", + "review_score": 3.9 + }, + { + "Unnamed: 0": 1938, + "book_name": "Brave New World", + "summaries": " presents a futuristic society engineered perfectly around capitalism and scientific efficiency, in which everyone is happy, conform, and content \u2014 but only at first glance.", + "categories": "psychology", + "review_score": 9.6 + }, + { + "Unnamed: 0": 1939, + "book_name": "1984", + "summaries": " is the story of a man questioning the system that keeps his futuristic but dystopian society afloat and the chaos that quickly ensues once he gives in to his natural curiosity and desire to be free.", + "categories": "psychology", + "review_score": 6.1 + }, + { + "Unnamed: 0": 1940, + "book_name": "The Catcher in the Rye", + "summaries": " describes the adventures of well-off teenage boy Holden Caulfield on a weekend out alone in New York City, illuminating the struggles of young adults with existential questions of morality, identity, meaning, and connection.", + "categories": "psychology", + "review_score": 9.5 + }, + { + "Unnamed: 0": 1941, + "book_name": "Stolen Focus", + "summaries": "\u00a0explains why our attention spans have been dwindling for decades, how technology accelerates this worrying trend, and what we can do to reclaim our focus and thus our capacity to live meaningful lives.", + "categories": "psychology", + "review_score": 7.2 + }, + { + "Unnamed: 0": 1942, + "book_name": "The 1-Page Marketing Plan", + "summaries": " offers a hands-on guide to creating a simple, single-page marketing strategy that will help you find prospects, generate leads, keep them engaged, and close sales, all from scratch.", + "categories": "psychology", + "review_score": 2.0 + }, + { + "Unnamed: 0": 1943, + "book_name": "The Daily Laws", + "summaries": "\u00a0is a page-a-day, calendar-style book covering the three big topics of mastery, power, and emotions, sharing Robert Greene\u2019s best lessons from 20 years of research of the dynamics within and between humans.", + "categories": "psychology", + "review_score": 5.8 + }, + { + "Unnamed: 0": 1944, + "book_name": "The Life-Changing Science of Detecting Bullshit", + "summaries": " teaches its readers how to avoid falling for the lies and false information that other people spread by helping them build essential thinking skills through examples from the real world.", + "categories": "psychology", + "review_score": 6.4 + }, + { + "Unnamed: 0": 1945, + "book_name": "Dopamine Nation", + "summaries": "talks about the importance of living a balanced life in relation to all the pleasure and stimuli we\u2019re surrounded with on a daily basis, such as drugs, devices, porn, gambling facilities, showing us how to avoid becoming dopamine addicts by restricting our access to them.\u00a0", + "categories": "psychology", + "review_score": 3.7 + }, + { + "Unnamed: 0": 1946, + "book_name": "Discipline Is Destiny", + "summaries": " is a three-part manual to master and implement the Stoic virtue of temperance, aka discipline, in your life, thus improving your body, mind, and spirit.", + "categories": "psychology", + "review_score": 7.4 + }, + { + "Unnamed: 0": 1947, + "book_name": "The How of Happiness", + "summaries": " describes a scientific approach to being happier by giving you a short quiz to determine your \u201chappiness set point,\u201d followed by various tools and tactics to help you take control of the large chunk of happiness that\u2019s fully within your grasp.", + "categories": "psychology", + "review_score": 1.0 + }, + { + "Unnamed: 0": 1948, + "book_name": "Resilience", + "summaries": " will help you find joy in self-transformation, showing you ways to become more positive, hard-working, and face hardship with the kind of bravery and optimism that will get you through any challenge.", + "categories": "psychology", + "review_score": 8.2 + }, + { + "Unnamed: 0": 1949, + "book_name": "The Greatest Secret", + "summaries": " comes as a sequel to \u201cThe Secret,\u201d which was a worldwide phenomenon when it first came out as it presented the idea that one can change their own life by tapping into the Universe\u2019s powers and asking for their wildest dreams to come true using the law of attraction.", + "categories": "psychology", + "review_score": 5.4 + }, + { + "Unnamed: 0": 1950, + "book_name": "This Is Your Mind On Plants", + "summaries": " ", + "categories": "psychology", + "review_score": 9.6 + }, + { + "Unnamed: 0": 1951, + "book_name": "Loserthink", + "summaries": " talks about the sabotaging thinking habits that run our minds and paralyze us when it comes to taking charge of life, and how we can overcome them with small, incremental steps that drive powerful change.", + "categories": "psychology", + "review_score": 2.7 + }, + { + "Unnamed: 0": 1952, + "book_name": "No Hard Feelings", + "summaries": " is a practical book for better managing the emotional side of work and building the skills needed to enhance your performance both within your role and more broadly throughout your career path by finding motivation again and managing negative emotions.", + "categories": "psychology", + "review_score": 2.7 + }, + { + "Unnamed: 0": 1953, + "book_name": "The Art of Living", + "summaries": " talks about living a peaceful life through meditation and gratitude, especially by using the Vipassana meditation technique and the philosophy behind Buddhism, which promotes developing a clearer vision of life and seeing things as they truly are.", + "categories": "psychology", + "review_score": 8.0 + }, + { + "Unnamed: 0": 1954, + "book_name": "The Undoing Project", + "summaries": " talks about the life and extensive research in the psychology of Kahneman and Tversky by bringing forth some of the most influential and groundbreaking discoveries they unveiled about human behavior and the biases in our decisions.", + "categories": "psychology", + "review_score": 2.3 + }, + { + "Unnamed: 0": 1955, + "book_name": "One Decision", + "summaries": " explains how flawed decisions occur and how you can avoid them by analyzing data at first, asking for fact-checked opinions, eliminating your biases and prejudice, and many more useful practices derived from psychological research.", + "categories": "psychology", + "review_score": 8.1 + }, + { + "Unnamed: 0": 1956, + "book_name": "The Universe Has Your Back", + "summaries": " explores the importance of spiritual elevation, meditation, and ways to live by a mantra that serves you in your self-discovery journey that will shape your reality through new and improved thoughts and inner beliefs.", + "categories": "psychology", + "review_score": 1.4 + }, + { + "Unnamed: 0": 1957, + "book_name": "Love Warrior", + "summaries": " delves into the life of Glennon Doyle, a woman who battled with self-destructive behaviors, eating disorders, depression, and many more challenges before finally embracing the life she deserved and started living meaningfully while being true to herself.", + "categories": "psychology", + "review_score": 6.2 + }, + { + "Unnamed: 0": 1958, + "book_name": "The Mind Illuminated", + "summaries": " is the definitive guide to meditation and consciousness, as it teaches its readers how meditation works, and how to navigate the ten stages of conscious breathing and intentional practice of mindfulness, all while highlighting why meditation is so crucial in everyone\u2019s lives.", + "categories": "psychology", + "review_score": 9.1 + }, + { + "Unnamed: 0": 1959, + "book_name": "The Courage to Be Happy", + "summaries": " offers a hands-on guide to living a meaningful life and letting go of negative thoughts by compiling the groundbreaking theories of psychologist Alfred Adler with other valuable research into an all-in-one book for becoming a happy and fulfilled person.", + "categories": "psychology", + "review_score": 9.5 + }, + { + "Unnamed: 0": 1960, + "book_name": "How to Be Right", + "summaries": " delves into some of the thorniest issues that author O\u2019Brien had to deal with throughout his career as a radio host in London, where he came across provocative arguments, people who love to debate just for the sake of it, and many others who used manipulation to get their point across.", + "categories": "psychology", + "review_score": 5.8 + }, + { + "Unnamed: 0": 1961, + "book_name": "Joyful", + "summaries": " talks about the power of small things in our lives, from colors, shapes, and designs, to nature, architecture, and simple everyday occurrences on our happiness and how we can harness simplicity to achieve a meaningful life filled with joy.", + "categories": "psychology", + "review_score": 3.6 + }, + { + "Unnamed: 0": 1962, + "book_name": "How To Be A Bawse", + "summaries": " briefly explores the life of Youtube superstar Lilly Singh and offers straightforward, yet practical advice on how to conquer your fears, follow your dreams and learn to use failures to your advantage in order to build the life you want to live.", + "categories": "psychology", + "review_score": 4.4 + }, + { + "Unnamed: 0": 1963, + "book_name": "The Practice", + "summaries": "\u00a0talks about ways to enhance your creativity, boost your innovation skills, upgrade your creative process, and most importantly, get disciplined in your practice to turn your hobby into a professional endeavor.", + "categories": "psychology", + "review_score": 5.7 + }, + { + "Unnamed: 0": 1964, + "book_name": "How to Break Up With Your Phone ", + "summaries": "explores a common problem for all of us who are engaging with social media and constant use of phones, namely our addiction to these devices and the internet, and ways to ditch it for good and find meaning in our lives outside of our virtual encounters.", + "categories": "psychology", + "review_score": 8.8 + }, + { + "Unnamed: 0": 1965, + "book_name": "The Person You Mean to Be", + "summaries": " teaches you how to navigate cognitive biases that may prevent you from forming meaningful relationships and experiencing the world as it is by leading you to wrongful assumptions or limitations about your environment or by anchoring you in your preexisting beliefs.", + "categories": "psychology", + "review_score": 6.1 + }, + { + "Unnamed: 0": 1966, + "book_name": "Die With Zero", + "summaries": " teaches us that wealth accumulation isn\u2019t the only aspect of our life that we should be chasing, but rather keep an eye on meaningful experiences, our relationships, and the limited time we have on earth.", + "categories": "psychology", + "review_score": 8.0 + }, + { + "Unnamed: 0": 1967, + "book_name": "The Slight Edge", + "summaries": " outlines the importance of doing small, little improvements in our everyday life to achieve a successful bigger picture, and how by focusing more on making better day-by-day choices you can shape a remarkable future.", + "categories": "psychology", + "review_score": 9.8 + }, + { + "Unnamed: 0": 1968, + "book_name": "Good Vibes, Good Life", + "summaries": " explores ways to unlock your true potential by loving yourself more, practicing self-care, manifesting your wishes, and transforming negative emotions into positive ones using simple tips and tricks for a happy life.", + "categories": "psychology", + "review_score": 3.7 + }, + { + "Unnamed: 0": 1969, + "book_name": "What to Say When You Talk to Yourself", + "summaries": " is a book by Shad Helmstetter, a self-help guru who has written several pieces on the subject of self-talk, and who argues that in order to achieve our highest self we need to work on how we talk to ourselves and identify our biggest challenge to conquer.", + "categories": "psychology", + "review_score": 1.7 + }, + { + "Unnamed: 0": 1970, + "book_name": "Daily Rituals", + "summaries": " is a compilation of the best practices and habits of successful people from different fields aimed to help anyone increase productivity, get past writer\u2019s block, and become more creative and efficient in their everyday work.", + "categories": "psychology", + "review_score": 3.9 + }, + { + "Unnamed: 0": 1971, + "book_name": "Chasing Excellence", + "summaries": " breaks down how world-class athletes achieve the mental strength they need to succeed, highlighting", + "categories": "psychology", + "review_score": 9.2 + }, + { + "Unnamed: 0": 1972, + "book_name": "A World Without Email", + "summaries": " presents a utopia where people engage in their usual professional activities without using emails as a means of communication, and explores a new way of working that doesn\u2019t rely on instant messaging, which is known for decreasing productivity at the workplace.", + "categories": "psychology", + "review_score": 2.0 + }, + { + "Unnamed: 0": 1973, + "book_name": "Designing Your Work Life", + "summaries": " is a helpful guidebook for anyone who wants to create and maintain a work environment that is both happy and productive by working with what they already have, rather than keep on changing jobs in hope of finding better.", + "categories": "psychology", + "review_score": 7.5 + }, + { + "Unnamed: 0": 1974, + "book_name": "Hug Your Haters", + "summaries": " talks about the importance of acknowledging your haters or dissatisfied customers and valuing their opinion in the process of building better products, improving the existing offerings, and growing your strategies overall.", + "categories": "psychology", + "review_score": 3.2 + }, + { + "Unnamed: 0": 1975, + "book_name": "The Second Sex", + "summaries": " delves into the concept of feminism by looking at historical facts and biases, and explains how being a woman implies being subjugated to a man and making yourself smaller so that you can fit in today\u2019s world, but also how women everywhere should react to the system and change it.", + "categories": "psychology", + "review_score": 9.9 + }, + { + "Unnamed: 0": 1976, + "book_name": "The Year of Magical Thinking", + "summaries": " ", + "categories": "psychology", + "review_score": 7.2 + }, + { + "Unnamed: 0": 1977, + "book_name": "Mastermind: How to Think Like Sherlock Holmes", + "summaries": " presents the story of one of the most famous detectives we\u2019ve ever known and his adventures in the world of uncovering mysteries while highlighting the secrets of his powerful mind, psychological tricks, deduction games, and teaching you how to strengthen your cognitive capacity.", + "categories": "psychology", + "review_score": 2.3 + }, + { + "Unnamed: 0": 1978, + "book_name": "The Inner Life of Animals", + "summaries": " presents complex research on animals and the life of our ecosystem, which is not so different than ours, given that they can feel pain, experience emotions, and share other similarities with us, humans.", + "categories": "psychology", + "review_score": 6.6 + }, + { + "Unnamed: 0": 1979, + "book_name": "Courage Is Calling", + "summaries": "\u00a0analyzes the actions taken in difficult situations by some of history\u2019s leading figures, thus drawing conclusions about what makes someone courageous and showing you how to become a braver person day-by-day, step-by-step.", + "categories": "psychology", + "review_score": 6.0 + }, + { + "Unnamed: 0": 1980, + "book_name": "Noise", + "summaries": " delves into the concept of randomness and talks about how we as humans make decisions that prove to be life-changing, without putting the necessary thought into it, and how we can strengthen our thinking processes.", + "categories": "psychology", + "review_score": 4.6 + }, + { + "Unnamed: 0": 1981, + "book_name": "Keep Going", + "summaries": " teaches us how to persist in creative work when our brain wants to take a million different paths, showing us how to harness our brain power in moments of innovation as well as tediousness.", + "categories": "psychology", + "review_score": 9.6 + }, + { + "Unnamed: 0": 1982, + "book_name": "The Mountain Is You", + "summaries": " is a self-discovery book that aims to help its readers tap into their own power and discover their potential by overcoming trauma, life\u2019s challenges, and working on their emotional damages, all through accepting change, envisioning a prosperous future, and stopping the self-sabotage.", + "categories": "psychology", + "review_score": 5.0 + }, + { + "Unnamed: 0": 1983, + "book_name": "Unlimited Memory", + "summaries": " explores the most effective ways to retain information and improve memory skills by teaching its readers some key aspects about the brain and explaining advanced learning strategies in an easy-to-follow manner.", + "categories": "psychology", + "review_score": 3.5 + }, + { + "Unnamed: 0": 1984, + "book_name": "The Shallows", + "summaries": " explores the effects of the Internet on the human brain, which aren\u2019t entirely positive, as our constant exposure to the online environment through digital devices strips our ability to target our focus and stay concentrated, all while modifying our brain neurologically and anatomically. ", + "categories": "psychology", + "review_score": 8.0 + }, + { + "Unnamed: 0": 1985, + "book_name": "Discourses", + "summaries": " is a transcription of Epictetus\u2019s lectures which aim to address a series of life ethics and tales that can help us make sense of certain things happening to us, such as hardship, challenges, and life events that ultimately lead to a stronger character.", + "categories": "psychology", + "review_score": 5.8 + }, + { + "Unnamed: 0": 1986, + "book_name": "The Almanack of Naval Ravikant", + "summaries": " compiles the valuable lessons of Naval Ravikant, who teaches people how to build wealth and achieve long-term happiness by working on a few essential skills, all while discovering the secrets of living a good life.", + "categories": "psychology", + "review_score": 4.2 + }, + { + "Unnamed: 0": 1987, + "book_name": "The Nicomachean Ethics", + "summaries": "\u00a0is a historically important text compiling Aristotle\u2019s extensive discussion of existential questions concerning happiness, ethics, friendship, knowledge, pleasure, virtue, and even society at large.", + "categories": "psychology", + "review_score": 8.8 + }, + { + "Unnamed: 0": 1988, + "book_name": "I Hear You", + "summaries": " explores the idea of becoming a better listener, engaging in productive conversations and avoiding building up frustrations by taking charge of your communication patterns and improving them in your further dialogues.", + "categories": "psychology", + "review_score": 9.0 + }, + { + "Unnamed: 0": 1989, + "book_name": "Happy Together", + "summaries": " is written by two of the world\u2019s most renowned psychologists, and it explores the concept of love and relationships by teaching its readers how to build and maintain happy, flourishing connections and how to optimize their couple life by focusing on the good and healthily dealing with the bad.", + "categories": "psychology", + "review_score": 7.9 + }, + { + "Unnamed: 0": 1990, + "book_name": "The Practice of Groundedness", + "summaries": " provides a more grounded way of living by eliminating the cult of being productive all the time to achieve success, instead offering a way to be at peace with yourself, prioritizing mental health and a simple yet meaningful life. ", + "categories": "psychology", + "review_score": 3.7 + }, + { + "Unnamed: 0": 1991, + "book_name": "Rationality", + "summaries": " explores the concept of ration as the pylon of all human progress and how it sets us apart from all other species, helping us evolve and developing societal layers, rules of conduct, and moral grounds for all our endeavors in life.", + "categories": "psychology", + "review_score": 9.5 + }, + { + "Unnamed: 0": 1992, + "book_name": "Atlas of the Heart", + "summaries": " maps out a series of human emotions and their meaning and explores the psychology behind a human\u2019s feelings and how they make up our lives and change our behaviors, and how to build meaningful connections by learning how to deal with them.", + "categories": "psychology", + "review_score": 4.7 + }, + { + "Unnamed: 0": 1993, + "book_name": "The High 5 Habit", + "summaries": " is a self-improvement book that aims to help anyone who deals with self-limitations take charge of their life by establishing a morning routine, ditching negative talk, and transforming their life through positivity and confidence.", + "categories": "psychology", + "review_score": 7.7 + }, + { + "Unnamed: 0": 1994, + "book_name": "Why Zebras Don\u2019t Get Ulcers", + "summaries": " explores the leading causes of stress and how to keep it under control, as well as the biological science behind stress, which can be a catalyst for performance in the short term, but a potential threat in the long run.", + "categories": "psychology", + "review_score": 1.3 + }, + { + "Unnamed: 0": 1995, + "book_name": "Toward a Psychology of Being", + "summaries": "\u00a0encompasses the extended research of Abraham Maslow on the human condition, how people view their wants and needs, the process of psychological growth and how achieving a sense of fulfillment is possible by understanding your perspective on needs and the way your mind works.", + "categories": "psychology", + "review_score": 5.3 + }, + { + "Unnamed: 0": 1996, + "book_name": "How to Be a Conservative", + "summaries": " builds the case for traditionalists and conservative people who view society through the lenses of someone who\u2019s defending their nation, the long-lasting values of the world, the free market, and many other healthy principles. ", + "categories": "psychology", + "review_score": 9.7 + }, + { + "Unnamed: 0": 1997, + "book_name": "Trust Yourself", + "summaries": " offers career and wellbeing advice from a sensitive striver\u2019s point of view, a introvert-leaning character type that comes with plenty of positive traits but is also prone to burnout, giving practical tips on breaking free from stress and perfectionism for a healthier, more balanced life.", + "categories": "psychology", + "review_score": 3.7 + }, + { + "Unnamed: 0": 1998, + "book_name": "Perfectly Confident", + "summaries": " explores the idea of confidence and offers a series of valuable practices that anyone can implement in their life to improve this aspect, as well as an overview of how confidence is supposed to look and feel like in its realest form, without adding or subtracting too much of it. ", + "categories": "psychology", + "review_score": 5.0 + }, + { + "Unnamed: 0": 1999, + "book_name": "Unbeatable Mind", + "summaries": " explores the idea that everyone has a higher self-potential lying underneath that they ought to explore and tap into in order to live their life to the fullest and maximize their happiness and success, all possible through the 20X rule.", + "categories": "psychology", + "review_score": 7.8 + }, + { + "Unnamed: 0": 2000, + "book_name": "The Great Mental Models", + "summaries": " will improve your decision-making process by sharing some unique but well-documented thinking models you can use to interact more efficiently with the world and other people.", + "categories": "psychology", + "review_score": 2.9 + }, + { + "Unnamed: 0": 2001, + "book_name": "The Motivation Manifesto", + "summaries": " explores how we can find purpose and meaningfulness in our lives by discovering our inner motivators and overcoming our fears, tapping into our inner power and living life fully and freely.", + "categories": "psychology", + "review_score": 9.9 + }, + { + "Unnamed: 0": 2002, + "book_name": "The Alter Ego Effect", + "summaries": " offers a practical approach on how to construct and benefit from alter egos, or the little heroes inside you, so as to achieve your desired goals and build a successful life with the help of a few key role models that you can borrow some attributes from or even impersonate in times of need.", + "categories": "psychology", + "review_score": 8.7 + }, + { + "Unnamed: 0": 2003, + "book_name": "The Psychology of Money", + "summaries": " explores how money moves around in an economy and how personal biases and the emotional factor play an important role in our financial decisions, as well as how to think more rationally and make better decisions when it comes to money.", + "categories": "psychology", + "review_score": 1.2 + }, + { + "Unnamed: 0": 2004, + "book_name": "How to Think More Effectively", + "summaries": " delves into the subject of thinking mechanisms and cognitive processes, and explores how you can think more efficiently and draw better insights from the world around you by adopting a few key practices, such as filtering your thoughts or prioritizing work. ", + "categories": "psychology", + "review_score": 6.2 + }, + { + "Unnamed: 0": 2005, + "book_name": "Real Help", + "summaries": " offers a hands-on approach to improving your life and achieving unconventional success through a happy, fulfilled, ordinary life, rather than fighting the broken system until you\u2019ve got millions in the bank and out-of-the-ordinary achievements.", + "categories": "psychology", + "review_score": 9.6 + }, + { + "Unnamed: 0": 2006, + "book_name": "The Art of Rhetoric", + "summaries": " is an ancient, time-proven reference book that explores the secrets behind persuasion, rhetoric, and good public speaking by providing compelling information on what a good speech should consist of and how truth and virtue are at the foundation of every good story.", + "categories": "psychology", + "review_score": 5.6 + }, + { + "Unnamed: 0": 2007, + "book_name": "The Self-Discipline Blueprint", + "summaries": " delves into the subject of self-actualization and why it is crucial for humans to achieve a fulfilled and successful life by creating a routine and becoming focused, self-disciplined and hard-working.", + "categories": "psychology", + "review_score": 6.2 + }, + { + "Unnamed: 0": 2008, + "book_name": "Humor, Seriously", + "summaries": " explores how bringing fun and entertainment into the workplace can enhance team productivity, spark creativity, increase trust between members and improve people\u2019s overall sentiment in relation to work and job-related activities.", + "categories": "psychology", + "review_score": 1.2 + }, + { + "Unnamed: 0": 2009, + "book_name": "The Little Book of Talent", + "summaries": " explores the concept of talents, skills and capabilities, and offers a multitude of effective tips and tricks on how to acquire hard skills using methods tested by top performers worldwide.", + "categories": "psychology", + "review_score": 8.7 + }, + { + "Unnamed: 0": 2010, + "book_name": "Fail Fast Fail Often", + "summaries": " outlines the importance of accepting failure as a natural part of our life, and how by embracing it instead of fearing it can improve the way we evolve, grow, learn and respond to new experiences and people.", + "categories": "psychology", + "review_score": 1.1 + }, + { + "Unnamed: 0": 2011, + "book_name": "The Joy of Missing Out", + "summaries": " explores today\u2019s idea of productivity and common misconceptions about what it means to be productive, as well as how eliminating unnecessary stress by prioritizing effectively can help us live a better life.", + "categories": "psychology", + "review_score": 1.7 + }, + { + "Unnamed: 0": 2012, + "book_name": "Stealing Fire", + "summaries": " examines how a state of ecstasy can enhance the body-brain connection and allow humans to achieve excellent performance by accelerating their neural processes.", + "categories": "psychology", + "review_score": 5.3 + }, + { + "Unnamed: 0": 2013, + "book_name": "Radical Honesty", + "summaries": " looks into the concept of lying and how we can train ourselves to avoid doing it as only through morality we can live an honest life, although our natural inclination to lie can sometimes push us to alter the truth.", + "categories": "psychology", + "review_score": 3.5 + }, + { + "Unnamed: 0": 2014, + "book_name": "Thrivers", + "summaries": " explores the perspective of a child born in today\u2019s fast-paced, digital era and how the average minor is being educated towards higher-than-usual achievements, being mature, responsible and successful, instead of being happy and focused on their own definition of success.", + "categories": "psychology", + "review_score": 6.3 + }, + { + "Unnamed: 0": 2015, + "book_name": "Safe People", + "summaries": " focuses on the importance of recognizing the types of people, distinguishing between the safe and unsafe ones, avoiding toxic relationships, and establishing meaningful ones by reading people and trusting God.", + "categories": "psychology", + "review_score": 6.4 + }, + { + "Unnamed: 0": 2016, + "book_name": "Work Less Finish More", + "summaries": " is a hands-on guide to adopting a more focused frame of mind and developing habits that will enhance your productivity levels, give you a sense of accomplishment and put you in the right direction in order to achieve your objectives.", + "categories": "psychology", + "review_score": 1.5 + }, + { + "Unnamed: 0": 2017, + "book_name": "How To Do The Work", + "summaries": " is a go-to guide that teaches us how to establish a mind-body-spirit connection and create better connections with the people around us by exploring how these aspects are interconnected and influenced by the way we eat, think, and feel.", + "categories": "psychology", + "review_score": 6.9 + }, + { + "Unnamed: 0": 2018, + "book_name": "The Genius of Dogs", + "summaries": " explores the curious mind of man\u2019s best friend in relation to human intelligence, as dogs and humans are connected and have many similarities that make the relationship between them so strong and unique. ", + "categories": "psychology", + "review_score": 9.1 + }, + { + "Unnamed: 0": 2019, + "book_name": "Collaborative Intelligence", + "summaries": " helps you enhance your unique thinking traits and develop an individualized form of intelligence based on what works best for you, what your strengths are, and how you communicate with others.", + "categories": "psychology", + "review_score": 7.0 + }, + { + "Unnamed: 0": 2022, + "book_name": "Bounce Back", + "summaries": " is a book by Susan Kahn, a business coach who will teach you the psychology of resilience from the perspectives of Greek philosophy, Sigmund Freud, and modern neuroscience, so you can recover quickly from professional blunders of all kinds by changing your thinking.", + "categories": "psychology", + "review_score": 6.1 + }, + { + "Unnamed: 0": 2023, + "book_name": "Now, Discover Your Strengths", + "summaries": " shows you how to find your top five strengths by outlining what strengths are, how you get them, why they\u2019re important to reaching your full potential, and how to discover your own through analyzing the times when your behavior is the most natural or instinctive and why.", + "categories": "psychology", + "review_score": 4.4 + }, + { + "Unnamed: 0": 2024, + "book_name": "The Kindness Method", + "summaries": " by Shahroo Izadi teaches how self-compassion and understanding make forming habits easier than being hard on yourself, using the personal experiences of the author and what she\u2019s learned as an addiction recovery therapist to show how self-esteem is the true key to behavior change.", + "categories": "psychology", + "review_score": 4.3 + }, + { + "Unnamed: 0": 2025, + "book_name": "Soundtracks", + "summaries": " teaches you how to beat overthinking by challenging whether your thoughts are true, retiring unhelpful and unkind ideas, adopting thought-boosting mantras from others, using symbols to reinforce positive thoughts, and more.", + "categories": "psychology", + "review_score": 8.8 + }, + { + "Unnamed: 0": 2026, + "book_name": "How To Change", + "summaries": "\u00a0identifies the stumbling blocks that are in your way of reaching your goals and improving yourself and the research-backed ways to get over them, including how to beat some of the worst productivity and life problems like procrastination, laziness, and much more.", + "categories": "psychology", + "review_score": 5.9 + }, + { + "Unnamed: 0": 2027, + "book_name": "Boundaries", + "summaries": " explains, with the help of modern psychology and Christian ideals, how to improve your mental health and personal growth by establishing guidelines for self-care that include saying no more often and standing firm in your decisions rather than letting people walk all over you.", + "categories": "psychology", + "review_score": 4.2 + }, + { + "Unnamed: 0": 2028, + "book_name": "The Data Detective", + "summaries": " will make you smarter by showing how you can understand statistics well enough to see how they, and the beliefs and cognitive biases they can make you have, make such a huge impact in your life, for better or for worse, and how to separate fact from fiction.", + "categories": "psychology", + "review_score": 4.2 + }, + { + "Unnamed: 0": 2029, + "book_name": "What Happened to You?", + "summaries": " is Oprah\u2019s look into trauma, including how traumatic experiences affect our brains throughout our lives, what they mean about the way we handle stress, and why we need to see it as both a problem with our society and our brains if we want to get through it.", + "categories": "psychology", + "review_score": 8.7 + }, + { + "Unnamed: 0": 2030, + "book_name": "Intimacy And Desire", + "summaries": " uses case studies of couples in therapy to show how partners can turn their normal sexual struggles and issues with sexual desire into a journey of personal, spiritual, and psychological growth that leads to a stronger bond and deeper, healthier desires for each other.", + "categories": "psychology", + "review_score": 8.6 + }, + { + "Unnamed: 0": 2031, + "book_name": "Doesn\u2019t Hurt To Ask", + "summaries": "\u00a0teaches persuasion via asking the right questions, explaining that intentional questions are the key to sharing your ideas, connecting with your audience, and convincing people both in the office and at home.", + "categories": "psychology", + "review_score": 7.8 + }, + { + "Unnamed: 0": 2032, + "book_name": "Beyond Order", + "summaries": " is the follow-up to Jordan Peterson\u2019s bestselling book 12 Rules for Life and identifies another 12 rules to live by that help us live with and even embrace the chaos that we struggle with every day, identifying that too much order can be a problem just as much as too much disorder.", + "categories": "psychology", + "review_score": 1.8 + }, + { + "Unnamed: 0": 2033, + "book_name": "Hyperfocus", + "summaries": " teaches you how to become more efficient and improve your concentration by deciding on one thing to work on, focusing only on that task, learning to understand when your mind has wandered and redirecting your attention back to your work, and thinking creatively when you\u2019re not working.", + "categories": "psychology", + "review_score": 2.6 + }, + { + "Unnamed: 0": 2034, + "book_name": "Ten Arguments For Deleting Your Social Media Accounts Right Now", + "summaries": " shows why you should quit social media because it stops joy, makes you a jerk, erodes truth, kills empathy, takes free will, keeps the world insane, destroys authenticity, blocks economic dignity, makes politics a mess, and hates you.", + "categories": "psychology", + "review_score": 1.4 + }, + { + "Unnamed: 0": 2035, + "book_name": "The Design Of Everyday Things", + "summaries": " helps you understand why your inability to use some products isn\u2019t your fault but instead is the result of bad design and how companies can use the principles of cognitive psychology to implement better design principles that actually solve your problems without creating more of them.", + "categories": "psychology", + "review_score": 2.8 + }, + { + "Unnamed: 0": 2036, + "book_name": "The Drama Of The Gifted Child", + "summaries": " is an international bestseller that will help you unearth your sad, suppressed memories from childhood that still haunt you today and teach you how to confront them so you can avoid passing them on to your children, release yourself from the pains of your past, and finally be free to live a life of fulfillment.", + "categories": "psychology", + "review_score": 1.8 + }, + { + "Unnamed: 0": 2037, + "book_name": "Think Again", + "summaries": " will make you more intelligent, persuasive, and self-aware by identifying the power of being humble about what you don\u2019t know, how to recognize blind spots in your thinking before they start causing you problems, and what you can do to become more effective at convincing others of your way of thinking.", + "categories": "psychology", + "review_score": 6.8 + }, + { + "Unnamed: 0": 2038, + "book_name": "Say Nothing", + "summaries": " contains the awful story of murder amid the Northern Ireland Conflict and a reflection on what caused it, those who were primarily involved, some of the worst parts of what happened, and other details of this dark era in the history of Ireland.", + "categories": "psychology", + "review_score": 4.9 + }, + { + "Unnamed: 0": 2039, + "book_name": "Boys & Sex", + "summaries": " shares the best insights that Peggy Orenstein had after two years of asking young men about their sex lives, including why stereotypes make life harder for them, how hookup culture is destroying relationships, and what we as a society can do to help these boys have better, healthier views about and experiences with sex.", + "categories": "psychology", + "review_score": 6.2 + }, + { + "Unnamed: 0": 2040, + "book_name": "Unlearn", + "summaries": " will show you how to win even in changing circumstances by revealing why the patterns you used for past successes won\u2019t always work and how to adopt a learning attitude to stop them from holding you back.", + "categories": "psychology", + "review_score": 5.4 + }, + { + "Unnamed: 0": 2041, + "book_name": "The Science Of Storytelling", + "summaries": " will make you better at persuasion, writing, and speaking by outlining the psychology of telling good tales, including why our brains like them and how to craft the perfect ones.", + "categories": "psychology", + "review_score": 6.3 + }, + { + "Unnamed: 0": 2042, + "book_name": "Under Pressure", + "summaries": " uncovers the hidden anxieties and stresses that school-aged girls experience and what parents, educators, and all of us can do to help them break through it and succeed.", + "categories": "psychology", + "review_score": 3.4 + }, + { + "Unnamed: 0": 2043, + "book_name": "Mindful Work", + "summaries": " is your guide to understanding how the practice of meditation got its roots in Western society, the many ways it radically improves your brain\u2019s ability to do almost everything, and how it will improve your productivity.", + "categories": "psychology", + "review_score": 8.8 + }, + { + "Unnamed: 0": 2044, + "book_name": "The Coach\u2019s Survival Guide", + "summaries": " gives you all the tools that you need to become a successful coach and make the biggest positive impact on your clients.", + "categories": "psychology", + "review_score": 5.7 + }, + { + "Unnamed: 0": 2045, + "book_name": "Phantoms In The Brain", + "summaries": " will make you smarter about your own mind by sharing what scientists have learned from some of the most interesting experiences of patients with neurological disorders.", + "categories": "psychology", + "review_score": 1.2 + }, + { + "Unnamed: 0": 2046, + "book_name": "The Social Leap", + "summaries": " will help you understand human nature better by explaining the most significant event in our species\u2019 evolutionary history and looking at how we adapted socially, emotionally, and psychologically to survive.", + "categories": "psychology", + "review_score": 9.1 + }, + { + "Unnamed: 0": 2047, + "book_name": "Survival Of The Friendliest", + "summaries": " explains why the #1 thing you can do for success is to focus on your social connections, how friendliness was the reason that our early ancestors survived as well as they did, and what you can do today to grow your social capital.", + "categories": "psychology", + "review_score": 3.4 + }, + { + "Unnamed: 0": 2048, + "book_name": "The Charge", + "summaries": " shows you how to unlock the baseline and forward human drives within you that will help you get energized, grounded, and working so that you can have the life of happiness and fulfillment you\u2019ve always wanted.", + "categories": "psychology", + "review_score": 9.4 + }, + { + "Unnamed: 0": 2049, + "book_name": "Relationship Goals", + "summaries": " will open your mind to the true nature of healthy connections with others and help you prepare for health and happiness while you\u2019re single and when you get married by outlining common relationship traps and how to avoid them.", + "categories": "psychology", + "review_score": 3.3 + }, + { + "Unnamed: 0": 2050, + "book_name": "Maximize Your Potential", + "summaries": " shows you how to make your work life one that\u2019s both fulfilling and productive by shifting your mindset and taking advantage of your ambitions, skills, and creativity.", + "categories": "psychology", + "review_score": 1.7 + }, + { + "Unnamed: 0": 2051, + "book_name": "Thoughts Without A Thinker", + "summaries": " helps you get more peace, overcome mental illness, and ease suffering by outlining the principles of Buddhism, mindfulness, and meditation as they relate to psychoanalysis.", + "categories": "psychology", + "review_score": 2.1 + }, + { + "Unnamed: 0": 2052, + "book_name": "Get Out Of Your Head", + "summaries": " shows you how to break the pattern of negative thinking so you can consistently entertain healthier and happier thoughts by teaching simple tips like being alone, connecting with others, and reconnecting with God.", + "categories": "psychology", + "review_score": 6.8 + }, + { + "Unnamed: 0": 2053, + "book_name": "When The Body Says No", + "summaries": " will help you become healthier by teaching you the truth behind the mind-body connection, revealing how your mental state does in fact affect your physical condition and how you can improve both.", + "categories": "psychology", + "review_score": 7.0 + }, + { + "Unnamed: 0": 2054, + "book_name": "How To Love", + "summaries": " teaches the secrets of caring for and connecting with yourself, your partner, and everyone in the world by looking at love through the lens of mindfulness.", + "categories": "psychology", + "review_score": 7.6 + }, + { + "Unnamed: 0": 2055, + "book_name": "Curious", + "summaries": " is your guide to becoming more intelligent by harnessing the power of inquisitiveness and outlines the true nature of curiosity, how to keep it flourishing to become smarter, and what you might unknowingly be doing to suffocate its power.", + "categories": "psychology", + "review_score": 1.8 + }, + { + "Unnamed: 0": 2056, + "book_name": "Quiet Power", + "summaries": " identifies the hidden superpowers of introverts and empowers them by helping them understand why it\u2019s so difficult to be quiet in a world that\u2019s loud and how to ease their way into becoming confident in social situations.", + "categories": "psychology", + "review_score": 2.5 + }, + { + "Unnamed: 0": 2057, + "book_name": "Thank You For Arguing", + "summaries": " outlines the importance of arguments and rhetoric and teaches you how to persuade other people by setting clear goals for your conversations, identifying core issues, using logic, being the kind of person that can win arguments, and much more.", + "categories": "psychology", + "review_score": 4.1 + }, + { + "Unnamed: 0": 2058, + "book_name": "Late Bloomers", + "summaries": " will help you become more patient with the speed of your progress by identifying the damaging influences of early achievement culture and societal pressure and how to be proud of reaching your peak later in life.", + "categories": "psychology", + "review_score": 2.9 + }, + { + "Unnamed: 0": 2059, + "book_name": "Limitless", + "summaries": " shows you how to unlock the full potential that your brain has for memory, reading, learning, and much more by showing you how to take the brakes off of your mental powers with tools like mindset, visualization, music, and more.", + "categories": "psychology", + "review_score": 1.7 + }, + { + "Unnamed: 0": 2060, + "book_name": "It\u2019s All In Your Head", + "summaries": " will motivate you to work hard, stay determined, and believe you can achieve your dreams by sharing the rise to fame of the prolific composer Russ.", + "categories": "psychology", + "review_score": 2.0 + }, + { + "Unnamed: 0": 2061, + "book_name": "Brain Wash", + "summaries": " will show you how to have a more peaceful, contented life by revealing what\u2019s wrong with all of the bad habits that society accepts as normal, how they affect our brains, and the 10-day program you can follow to fix it.", + "categories": "psychology", + "review_score": 4.1 + }, + { + "Unnamed: 0": 2062, + "book_name": "Games People Play", + "summaries": " is a classic book about human behavior which explains the wild and interesting psychological games that you and everybody around you play to manipulate each other in self-destructive and divisive ways and how to tame your ego so you can quit playing and enjoy healthier relationships.", + "categories": "psychology", + "review_score": 8.9 + }, + { + "Unnamed: 0": 2063, + "book_name": "Unplug", + "summaries": " is your guide to utilizing meditation to enhance your brain, deal with stress, and become happier, explaining the basics of this practice, how to get started with it, and what science has to teach about its many benefits.", + "categories": "psychology", + "review_score": 2.3 + }, + { + "Unnamed: 0": 2064, + "book_name": "The Power Of Myth", + "summaries": " is a book based on Joseph Campbell and Bill Moyer\u2019s popular 1988 documentary of the same name, explaining where myths come from, why they are so common in society, how they\u2019ve evolved, and what important role they still play in our ever-changing world today.", + "categories": "psychology", + "review_score": 8.3 + }, + { + "Unnamed: 0": 2065, + "book_name": "Ego Friendly", + "summaries": " brings a twist to the mainstream spiritual narrative by showing you how to befriend your ego and treat it as your ally, instead of \u201cletting go of it.\u201d", + "categories": "psychology", + "review_score": 8.7 + }, + { + "Unnamed: 0": 2066, + "book_name": "Eat Sleep Work Repeat", + "summaries": " identifies why so many workplaces are unnecessarily stressful, how it makes employees unhappy and businesses less profitable, and what we all need to do to fix this growing problem.", + "categories": "psychology", + "review_score": 1.9 + }, + { + "Unnamed: 0": 2067, + "book_name": "The Apology Impulse", + "summaries": " will help you and your business become more authentic in your relationships with others by identifying how much companies say sorry, why they do, how they get it wrong, and the right way to do it.", + "categories": "psychology", + "review_score": 8.4 + }, + { + "Unnamed: 0": 2068, + "book_name": "Think Like A Rocket Scientist", + "summaries": " teaches you how to think like an engineer in your everyday life so that you can accomplish your personal and professional goals and reach your full potential.", + "categories": "psychology", + "review_score": 8.8 + }, + { + "Unnamed: 0": 2069, + "book_name": "The Art Of Communicating", + "summaries": " will improve your interpersonal and relationship skills by identifying the power of using mindfulness when talking with others, showing you how to listen with respect, convey your ideas efficiently, and most of all deepen your connections with others.", + "categories": "psychology", + "review_score": 8.6 + }, + { + "Unnamed: 0": 2070, + "book_name": "Good People", + "summaries": " is a book about business and leadership which explains the importance of focusing on and building integrity in the workplace, including why it\u2019s so vital if you want your company to be successful, how you can get it, and why an emphasis on competencies alone won\u2019t cut it anymore.", + "categories": "psychology", + "review_score": 4.0 + }, + { + "Unnamed: 0": 2071, + "book_name": "Mind Over Money", + "summaries": " is the ultimate guide to understanding the psychology of personal finance, explaining how your beliefs about money began forming when you were very young and what you can do to make your brain your financial friend instead of your enemy.", + "categories": "psychology", + "review_score": 1.4 + }, + { + "Unnamed: 0": 2072, + "book_name": "The Lucifer Effect", + "summaries": " is a book by Philip Zimbardo that explains why you\u2019re not always a good person, identifying the often misunderstood line between good and evil that we all walk by uncovering the shocking results of the authors Stanford Prison Experiment and other cases that show how evil people can be.", + "categories": "psychology", + "review_score": 6.9 + }, + { + "Unnamed: 0": 2073, + "book_name": "The Alchemist", + "summaries": " is a classic novel in which a boy named Santiago embarks on a journey seeking treasure in the Egyptian pyramids after having a recurring dream about it and on the way meets mentors, falls in love, and most importantly, learns the true importance of who he is and how to improve himself and focus on what really matters in life.", + "categories": "psychology", + "review_score": 5.6 + }, + { + "Unnamed: 0": 2074, + "book_name": "The Seven Principles For Making Marriage Work", + "summaries": " is a compilation of the best lessons from John Gottman\u2019s research on how healthy relationships happen and will teach you exactly what you and your spouse need to do to have a happy, healthy, and successful marriage.", + "categories": "psychology", + "review_score": 2.6 + }, + { + "Unnamed: 0": 2075, + "book_name": "Start Where You Are", + "summaries": " helps you discover the power of meditation and compassion by going beyond what incense to buy and giving you real and powerful advice on how to make these tools part of your daily life so you can live with greater happiness and peace.", + "categories": "psychology", + "review_score": 2.8 + }, + { + "Unnamed: 0": 2076, + "book_name": "High Performance Habits", + "summaries": " is your guide to building the six systems that science and the lives of the most successful people in the world prove will turn you into a productive, fulfilled, and extraordinary person.", + "categories": "psychology", + "review_score": 7.8 + }, + { + "Unnamed: 0": 2077, + "book_name": "Living Forward", + "summaries": " shows you how to finally get direction, purpose, and fulfillment by identifying why you need a Life Plan, how to write one, and the amazing life you can have if you implement it.", + "categories": "psychology", + "review_score": 4.8 + }, + { + "Unnamed: 0": 2078, + "book_name": "Getting To Yes", + "summaries": " is a handbook for having successful negotiations that teaches everything you need to know about resolving conflicts of all kinds and reaching win-win solutions in every discussion without giving in or making the other person unhappy.", + "categories": "psychology", + "review_score": 2.6 + }, + { + "Unnamed: 0": 2079, + "book_name": "Emotional Intelligence 2.0", + "summaries": " explains what Emotional Intelligence is and how you can use it to build fantastic relationships in your personal life and career by utilizing the powers of self-awareness, self-management, social awareness, and relationship management.", + "categories": "psychology", + "review_score": 5.3 + }, + { + "Unnamed: 0": 2080, + "book_name": "Presence", + "summaries": " is a life-changing guide to growing your self-confidence that shows how posture, mindset, and body language all expand your feeling of empowerment and your communication skills.", + "categories": "psychology", + "review_score": 8.1 + }, + { + "Unnamed: 0": 2081, + "book_name": "The Happiness Trap", + "summaries": " offers an easy-to-follow, practical guide to implementing Acceptances and Commitment Therapy (ACT), an effective method for loosening the grip of negative emotions so you can follow your values in life. ", + "categories": "psychology", + "review_score": 1.4 + }, + { + "Unnamed: 0": 2082, + "book_name": "Mind Over Clutter", + "summaries": " helps you take steps to improve your mental health, physical health, and the environment by showing you why having too much junk is so bad for you and outlining how to get rid of it all.", + "categories": "psychology", + "review_score": 7.7 + }, + { + "Unnamed: 0": 2083, + "book_name": "Leadership and Self-Deception", + "summaries": " is a guide to becoming self-aware by learning to see your faults more accurately, understanding other\u2019s strengths and needs, and leaning into your natural instinct to help other people as much as possible.", + "categories": "psychology", + "review_score": 6.1 + }, + { + "Unnamed: 0": 2084, + "book_name": "Who Not How", + "summaries": " will skyrocket your success, happiness, and fulfillment in all areas of your life by identifying why you\u2019re looking at your problems the wrong way and how simply seeking to get the right people to help you will make all the difference.", + "categories": "psychology", + "review_score": 6.5 + }, + { + "Unnamed: 0": 2085, + "book_name": "The Power Of Showing Up", + "summaries": " inspires parents to help their kids develop strong bonds and emotional intelligence by identifying how to be fully present as well as the benefits of doing so.", + "categories": "psychology", + "review_score": 5.8 + }, + { + "Unnamed: 0": 2086, + "book_name": "You\u2019ll See It When You Believe It", + "summaries": " shows you how to discover your true, best self by revealing how to use the power of your mind to find peace with yourself, the people around you, and the universe.", + "categories": "psychology", + "review_score": 5.9 + }, + { + "Unnamed: 0": 2087, + "book_name": "Reasons To Stay Alive", + "summaries": " shows you the dangers and difficulties surrounding mental illness, uncovers the stigma around it, and identifies how to recover from it by sharing the story of Matt Haig\u2019s recovery after an awful panic attack and subsequent battle with depression and anxiety.", + "categories": "psychology", + "review_score": 2.3 + }, + { + "Unnamed: 0": 2088, + "book_name": "Words Can Change Your Brain", + "summaries": " is the ultimate guide to becoming an expert communicator, teaching you how to use psychology to your advantage to express yourself better, listen more, and create an environment of trust with anyone you speak with.", + "categories": "psychology", + "review_score": 9.0 + }, + { + "Unnamed: 0": 2089, + "book_name": "Happier", + "summaries": " will improve your mental state and level of success by identifying what you get wrong about joy and how to discover what\u2019s most important to you and how to make those things a more significant part of your life.", + "categories": "psychology", + "review_score": 8.9 + }, + { + "Unnamed: 0": 2090, + "book_name": "The Courage Habit", + "summaries": " helps you unearth your hidden desires for a better life, shows you how fear buried them in the first place, and outlines the path toward overcoming the paralysis that being afraid brings so that you can have everything you\u2019ve ever dreamed of.", + "categories": "psychology", + "review_score": 9.5 + }, + { + "Unnamed: 0": 2091, + "book_name": "The Power Of Bad", + "summaries": " gives some excellent tips on how to become happier by identifying your tendency toward negativity and what psychology and research have to show you about how to beat it.", + "categories": "psychology", + "review_score": 7.3 + }, + { + "Unnamed: 0": 2092, + "book_name": "Suggestible You", + "summaries": " helps you understand and utilize the power of your mind-body connection by explaining the effect that your thoughts have on your body, including pain, illness, and memory and how to take advantage of it.", + "categories": "psychology", + "review_score": 3.1 + }, + { + "Unnamed: 0": 2093, + "book_name": "The Way Of Zen", + "summaries": " is the ultimate guide to understanding the history, principles, and benefits of Zen and how it can help us experience mental stillness and enjoy life even in uncertain times.", + "categories": "psychology", + "review_score": 2.7 + }, + { + "Unnamed: 0": 2094, + "book_name": "Hold Me Tight", + "summaries": " gives you advice on how to build and sustain a deeper connection with your spouse or partner by identifying the importance that every kind of emotion has in creating a lasting relationship and how to handle each of them maturely.", + "categories": "psychology", + "review_score": 5.8 + }, + { + "Unnamed: 0": 2095, + "book_name": "The Sleep Solution", + "summaries": " improves your quality of life by identifying the myths surrounding rest that keep you from getting more of it, showing you why they\u2019re false, and teaching you how to establish proper sleep hygiene. ", + "categories": "psychology", + "review_score": 9.4 + }, + { + "Unnamed: 0": 2096, + "book_name": "When Things Fall Apart", + "summaries": " gives you the confidence to make it through life\u2019s inevitable setbacks by sharing ideas and strategies like mindfulness to grow your resilience and come out on top.", + "categories": "psychology", + "review_score": 6.1 + }, + { + "Unnamed: 0": 2097, + "book_name": "Willpower Doesn\u2019t Work", + "summaries": " shows you how to change your life in a more efficient way than relying on sheer grit alone by identifying the importance of your environment and other factors that affect your productivity so you can become your best self.", + "categories": "psychology", + "review_score": 5.0 + }, + { + "Unnamed: 0": 2098, + "book_name": "Building A StoryBrand", + "summaries": " is your guide to turning your sales pages and product into an adventure for your clients by identifying the seven steps to successful storytelling as a company and how to craft the clearest message possible so that they will understand and want to be part of it.", + "categories": "psychology", + "review_score": 1.6 + }, + { + "Unnamed: 0": 2099, + "book_name": "Get Out Of Your Own Way", + "summaries": " guides you through the process of overcoming what\u2019s holding you back from being your best self and reaching success you\u2019ve never dreamed of by identifying how Dave Hollis came to realize his limiting beliefs and beat them.", + "categories": "psychology", + "review_score": 6.5 + }, + { + "Unnamed: 0": 2100, + "book_name": "Conscious Uncoupling", + "summaries": " will improve your love life by showing you how to break up the right way and why things are going to be okay after you separate from someone you once loved.", + "categories": "psychology", + "review_score": 7.8 + }, + { + "Unnamed: 0": 2101, + "book_name": "Living In Your Top 1%", + "summaries": " shows you how to become your best self and live up to your full potential by outlining nine science-backed ways to beat the odds and achieve your goals and dreams.", + "categories": "psychology", + "review_score": 7.5 + }, + { + "Unnamed: 0": 2102, + "book_name": "Joy At Work", + "summaries": " takes Marie Kondo\u2019s famous tidying-up tips and applies it to your job to help you be happier in the physical areas, digital spaces, and uses of your time in the office.", + "categories": "psychology", + "review_score": 2.4 + }, + { + "Unnamed: 0": 2103, + "book_name": "Think Small", + "summaries": " gives the science-backed secrets to following through with your goals, identifying seven key components that will help you use your own human nature to your advantage for wild success like you\u2019ve never had before.", + "categories": "psychology", + "review_score": 8.5 + }, + { + "Unnamed: 0": 2104, + "book_name": "13 Things Mentally Strong Parents Don\u2019t Do", + "summaries": " teaches parents how to stop being a roadblock to their kids academic, behavioral, and emotional success by outlining ways to develop the right thinking habits.", + "categories": "psychology", + "review_score": 7.1 + }, + { + "Unnamed: 0": 2105, + "book_name": "Everything Is Figureoutable", + "summaries": " will help you annihilate the limiting beliefs that are holding you back so that you can finally pursue your dreams by identifying the thinking patterns that get you stuck and how to use self-empowerment principles to become free.", + "categories": "psychology", + "review_score": 6.4 + }, + { + "Unnamed: 0": 2106, + "book_name": "The 15 Invaluable Laws Of Growth", + "summaries": " will inspire you to get up and improve your life by showing you how change only happens when we actively nurture it and identifying the steps and strategies to thrive in your career and life.", + "categories": "psychology", + "review_score": 7.7 + }, + { + "Unnamed: 0": 2107, + "book_name": "Success Through A Positive Mental Attitude", + "summaries": " is a classic self-improvement book that will boost your happiness and give you the life of your dreams by identifying what Napoleon Hill learned interviewing hundreds of successful people and sharing how their outlook on life helped them get to the top.", + "categories": "psychology", + "review_score": 8.9 + }, + { + "Unnamed: 0": 2108, + "book_name": "Status Anxiety", + "summaries": " identifies the ways that your desire to be seen as someone successful makes you mentally unhealthy and also shows ways that you can combat the disease of trying to climb the never-ending social ladder.", + "categories": "psychology", + "review_score": 2.2 + }, + { + "Unnamed: 0": 2109, + "book_name": "Descartes\u2019 Error", + "summaries": " will help you understand why the argument that the mind and body are disconnected is false by using neuroscience and interesting case studies to identify how the body and our emotions play a vital role in logical thinking.", + "categories": "psychology", + "review_score": 4.4 + }, + { + "Unnamed: 0": 2110, + "book_name": "Brandwashed", + "summaries": " will help you make better buying decisions by identifying the psychological tools that marketers use to turn your own brain against you and make you think that you need to buy their products.", + "categories": "psychology", + "review_score": 2.6 + }, + { + "Unnamed: 0": 2111, + "book_name": "Personality Isn\u2019t Permanent", + "summaries": " will shatter your long-held beliefs that you\u2019re stuck as yourself, flaws and all, by identifying why the person you are is changeable and giving you specific and actionable steps to change.", + "categories": "psychology", + "review_score": 1.6 + }, + { + "Unnamed: 0": 2112, + "book_name": "Everybody Lies", + "summaries": " will expand your mind about the true nature of human beings by explaining what big data is, how it came to be, and how we can use it to understand ourselves better.", + "categories": "psychology", + "review_score": 3.7 + }, + { + "Unnamed: 0": 2113, + "book_name": "My Age Of Anxiety", + "summaries": " is your guide to understanding an aspect of mental illness that most of us don\u2019t realize is so severe, showing it\u2019s biological and environmental origins and ways to treat it.", + "categories": "psychology", + "review_score": 2.5 + }, + { + "Unnamed: 0": 2114, + "book_name": " Outer Order, Inner Calm", + "summaries": " gives you advice to declutter your space and keep it orderly, to foster your inner peace and allow you to flourish.", + "categories": "psychology", + "review_score": 2.4 + }, + { + "Unnamed: 0": 2115, + "book_name": "Boost!", + "summaries": " is a guide for becoming more productive at work by using the preparation and performance techniques that world-class athletes use to win gold medals.", + "categories": "psychology", + "review_score": 6.1 + }, + { + "Unnamed: 0": 2116, + "book_name": "The Coaching Habit", + "summaries": " outlines the questions, attitudes, and habits required of managers who want to become great at motivating their team to become self-sustaining.", + "categories": "psychology", + "review_score": 4.8 + }, + { + "Unnamed: 0": 2117, + "book_name": "Self-Compassion", + "summaries": " teaches you the art of being kind to yourself by identifying what causes you to beat yourself up, how it affects your life negatively, and what you can do to relate to yourself in healthier and more compassionate ways.", + "categories": "psychology", + "review_score": 8.8 + }, + { + "Unnamed: 0": 2118, + "book_name": "The Psychology Of Selling", + "summaries": " motivates you to work on your self-image and how you relate to customers so that you can close more deals.", + "categories": "psychology", + "review_score": 9.7 + }, + { + "Unnamed: 0": 2119, + "book_name": "What to Eat When", + "summaries": " teaches us how food works inside our body and how to feed ourselves in a way that better suits our biology, making us healthier and stronger.", + "categories": "psychology", + "review_score": 8.1 + }, + { + "Unnamed: 0": 2120, + "book_name": "The Confidence Code", + "summaries": " empowers women to become more courageous by explaining their natural tendencies toward timidity and how to break them even in a world dominated by men. ", + "categories": "psychology", + "review_score": 8.5 + }, + { + "Unnamed: 0": 2121, + "book_name": "The Advice Trap", + "summaries": "\u00a0will drastically improve your communication skills and make you more likable, thanks to explaining why defaulting to sharing your opinion about everything is a bad idea and how listening until you truly understand people\u2019s needs will make a much bigger positive difference in their lives.", + "categories": "psychology", + "review_score": 2.5 + }, + { + "Unnamed: 0": 2122, + "book_name": "The Book You Wish Your Parents Had Read", + "summaries": " will help you step back and focus more on the big picture of parenting to foster a strong relationship with your child so they can grow up emotionally and mentally healthy.", + "categories": "psychology", + "review_score": 4.2 + }, + { + "Unnamed: 0": 2123, + "book_name": "Insight", + "summaries": " will help you understand what self-awareness is, why it\u2019s vital if you want to become your best self, and how to overcome the obstacles in the way of having more of it.", + "categories": "psychology", + "review_score": 5.1 + }, + { + "Unnamed: 0": 2124, + "book_name": "All About Love", + "summaries": " teaches you how to get more affection and connection in your relationships by explaining why true love is so difficult these days and how to combat the unrealistic expectations society has set up that makes it so hard.", + "categories": "psychology", + "review_score": 8.0 + }, + { + "Unnamed: 0": 2125, + "book_name": "Ask", + "summaries": " shows you a method that helps you take the guesswork out of the equation so you can give your customers what they want even if they don\u2019t know what they want.", + "categories": "psychology", + "review_score": 6.8 + }, + { + "Unnamed: 0": 2126, + "book_name": "The Road Back To You", + "summaries": " will teach you more about what kind of person you are by identifying the pros and cons of each personality type within the Enneagram test.", + "categories": "psychology", + "review_score": 6.8 + }, + { + "Unnamed: 0": 2127, + "book_name": "Buyology", + "summaries": " shows you how to spend less money by revealing the psychological traps that companies use to hack your brain and get you to purchase their products without you even realizing they\u2019re doing it.", + "categories": "psychology", + "review_score": 8.5 + }, + { + "Unnamed: 0": 2128, + "book_name": "The Introvert\u2019s Complete Career Guide", + "summaries": " will teach those who have a hard time talking to people how to gain confidence in navigating the workplace from job interview to office relationships.", + "categories": "psychology", + "review_score": 7.6 + }, + { + "Unnamed: 0": 2129, + "book_name": "Social", + "summaries": " explains how our innate drive to build social connections is the primary driver behind our behavior and explores ways we can use this knowledge to our advantage. ", + "categories": "psychology", + "review_score": 1.2 + }, + { + "Unnamed: 0": 2130, + "book_name": "The Personality Brokers", + "summaries": " uncovers the true, yet un-scientific origins of the Myers-Briggs Type Indicator personality test.", + "categories": "psychology", + "review_score": 1.8 + }, + { + "Unnamed: 0": 2131, + "book_name": "Chasing The Scream", + "summaries": " is a scathing review of the failed war on drugs, explaining its history with surprising statistics and identifying new ways that we can think about addiction, recovery, and drug laws.", + "categories": "psychology", + "review_score": 9.3 + }, + { + "Unnamed: 0": 2132, + "book_name": "The Worry-Free Mind", + "summaries": " helps free you of the shackles of all types of anxieties by identifying where they come from and what steps you need to take to regain control of your thinking patterns and become mentally healthy again.", + "categories": "psychology", + "review_score": 2.7 + }, + { + "Unnamed: 0": 2133, + "book_name": "Do What You Are", + "summaries": " will help you discover your personality type and how it can lead you to a more satisfying career that corresponds to your talents and interests.", + "categories": "psychology", + "review_score": 1.3 + }, + { + "Unnamed: 0": 2134, + "book_name": "Tiny Habits", + "summaries": " shows you the power of applying small changes to your routine to unleash the full power that habits have to make your life better.", + "categories": "psychology", + "review_score": 2.9 + }, + { + "Unnamed: 0": 2135, + "book_name": "Great Thinkers", + "summaries": " shows how much of what\u2019s truly important in life can be solved by the wisdom left behind by brilliant minds from long past.\u00a0", + "categories": "psychology", + "review_score": 8.8 + }, + { + "Unnamed: 0": 2136, + "book_name": "The Algebra of Happiness", + "summaries": " outlines the variables in the equation for happiness and how to build them in your life.", + "categories": "psychology", + "review_score": 9.4 + }, + { + "Unnamed: 0": 2137, + "book_name": "The Power Paradox", + "summaries": " frames the concept of power in an inspiring new narrative, which can help us create better and more equal relationships, workplaces, and societies.", + "categories": "psychology", + "review_score": 6.5 + }, + { + "Unnamed: 0": 2138, + "book_name": "What Got You Here Won\u2019t Get You There", + "summaries": " helps you overcome your personality traits and behaviors that stop you from achieving even more success.\u00a0", + "categories": "psychology", + "review_score": 8.9 + }, + { + "Unnamed: 0": 2139, + "book_name": "Brain Rules", + "summaries": " teaches you how to become more productive at work and life by giving proven facts about how your mind works better with good sleep, exercise, and learning with all the senses.", + "categories": "psychology", + "review_score": 3.1 + }, + { + "Unnamed: 0": 2140, + "book_name": "Broadcasting Happiness", + "summaries": " is an encouraging resource that will help you boost your health and happiness in your relationships, work, and community by showing you how to unlock the power of positive words and stories.", + "categories": "psychology", + "review_score": 3.7 + }, + { + "Unnamed: 0": 2141, + "book_name": "Alone Together", + "summaries": " is a book that will make you want to have a better relationship with technology by revealing just how much we rely on it and the ways our connection to it is growing worse and having negative effects on us all.", + "categories": "psychology", + "review_score": 2.0 + }, + { + "Unnamed: 0": 2142, + "book_name": "The Joy Of Movement", + "summaries": " is just what you need to finally find the motivation to get out and exercise more often by teaching you the scientific reasons why it\u2019s good for you and why your body is designed to enjoy it.", + "categories": "psychology", + "review_score": 1.3 + }, + { + "Unnamed: 0": 2143, + "book_name": "Girl, Stop Apologizing", + "summaries": " is an inspirational book for women everywhere to start living up to their potential and stop apologizing for following their dreams. ", + "categories": "psychology", + "review_score": 9.9 + }, + { + "Unnamed: 0": 2144, + "book_name": "Cribsheet", + "summaries": " is a smart guide on how to make the best parenting choices for you and your child, by using an economic perspective and evidence-based advice based on scientific data.", + "categories": "psychology", + "review_score": 8.6 + }, + { + "Unnamed: 0": 2145, + "book_name": "The Body Keeps The Score", + "summaries": " teaches you how to get through the difficulties that arise from your traumatic past by revealing the psychology behind them and revealing some of the techniques therapists use to help victims recover.", + "categories": "psychology", + "review_score": 9.8 + }, + { + "Unnamed: 0": 2146, + "book_name": "How Not To Worry", + "summaries": " will teach you how to live stress-free by revealing your brain\u2019s primitive emotional survival instinct and providing a simple and effective roadmap for letting go of your anxieties.\u00a0\n", + "categories": "psychology", + "review_score": 1.4 + }, + { + "Unnamed: 0": 2147, + "book_name": "The Storytelling Edge", + "summaries": " will boost your communication and persuasiveness skills by showing you how to tell powerful narratives in a convincing way and giving examples of why you should.", + "categories": "psychology", + "review_score": 4.0 + }, + { + "Unnamed: 0": 2148, + "book_name": "How To Change Your Mind", + "summaries": " reveals new evidence on psychedelics, confirming their power to cure mental illness, ease depression and addiction, and help people die more peacefully.\u00a0 ", + "categories": "psychology", + "review_score": 3.7 + }, + { + "Unnamed: 0": 2149, + "book_name": "Maybe You Should Talk To Someone", + "summaries": " will help you feel more comfortable with using therapy to improve your mental health by giving a candid look into how therapy really works from the point of view of an experienced therapist who also found herself needing it.", + "categories": "psychology", + "review_score": 5.4 + }, + { + "Unnamed: 0": 2150, + "book_name": "Why Are We Yelling?", + "summaries": " will improve your relationships, professional life, and the way you view the world by showing you that arguments aren\u2019t bad, but important growing experiences if we learn to make them productive.", + "categories": "psychology", + "review_score": 5.7 + }, + { + "Unnamed: 0": 2151, + "book_name": "Anatomy Of An Epidemic", + "summaries": " teaches you how to make better decisions about your mental health as it uncovers the questionable origin of medication and reveals the interesting connection between psychiatry and pharmaceutical companies.", + "categories": "psychology", + "review_score": 1.6 + }, + { + "Unnamed: 0": 2152, + "book_name": "A General Theory Of Love", + "summaries": " will help you reprogram your mind for better emotional intelligence and relationships by teaching you what three psychiatrists have to say about the science of why we experience love and other emotions.", + "categories": "psychology", + "review_score": 7.6 + }, + { + "Unnamed: 0": 2153, + "book_name": "Stillness Is The Key", + "summaries": " will show you how to harness the power of slowing down your body and mind for less distractions, better self-control, and, above all, a happier and more peaceful life.", + "categories": "psychology", + "review_score": 9.2 + }, + { + "Unnamed: 0": 2154, + "book_name": "The Anatomy Of Peace", + "summaries": " will help you make your life and the world more calm by explaining the inefficiencies in our go-to pattern of using conflict to resolve differences and giving specific tips for how to use understanding to settle issues.", + "categories": "psychology", + "review_score": 5.9 + }, + { + "Unnamed: 0": 2155, + "book_name": "Radical Acceptance", + "summaries": " teaches how you can become more content and happy in your life by applying the principles of meditation and Buddhism. ", + "categories": "psychology", + "review_score": 9.6 + }, + { + "Unnamed: 0": 2156, + "book_name": "Why We Sleep", + "summaries": " will motivate you get more and better quality sleep by showing you the recent scientific findings on why sleep deprivation is bad for individuals and society.", + "categories": "psychology", + "review_score": 5.6 + }, + { + "Unnamed: 0": 2157, + "book_name": "A Whole New Mind", + "summaries": " is your guide to standing out in the competitive workplace by taking advantage of the big-picture skills of the right side of your brain.", + "categories": "psychology", + "review_score": 1.3 + }, + { + "Unnamed: 0": 2158, + "book_name": "The Passion Paradox", + "summaries": " explains the risks of blindly following what we love to do the most and teaches us how to cultivate our passions in a way that can lead us to a fulfilling life.\u00a0", + "categories": "psychology", + "review_score": 1.9 + }, + { + "Unnamed: 0": 2159, + "book_name": "Irresistible", + "summaries": " reveals how alarmingly stuck to our devices we are, shows the negative consequences of technology addiction, and gives tips for a healthier relationship with the digital world.\n", + "categories": "psychology", + "review_score": 5.2 + }, + { + "Unnamed: 0": 2160, + "book_name": "A More Beautiful Question", + "summaries": " will teach you how to ask more and better questions, showing you the power that the right questions have to transform your life for the better.", + "categories": "psychology", + "review_score": 9.6 + }, + { + "Unnamed: 0": 2161, + "book_name": "A Return To Love", + "summaries": " will help you let go of resentment, fear, and anger to have happier and healthier jobs and relationships by teaching you how to embrace the power of love.", + "categories": "psychology", + "review_score": 1.2 + }, + { + "Unnamed: 0": 2162, + "book_name": "A Mind For Numbers", + "summaries": " will teach you how to learn math and science more efficiently and get good at them by understanding how your brain absorbs and processes information, even if these subjects don\u2019t come naturally to you.", + "categories": "psychology", + "review_score": 4.9 + }, + { + "Unnamed: 0": 2163, + "book_name": "A Beautiful Mind", + "summaries": " tells the fascinating story of the mathematical genius, mental illness, and miraculous recovery and success of John Nash Jr.", + "categories": "psychology", + "review_score": 6.3 + }, + { + "Unnamed: 0": 2164, + "book_name": "Time And How To Spend It", + "summaries": " is your guide to becoming more productive by not focusing on working extra hours but instead using the time off more effectively.", + "categories": "psychology", + "review_score": 7.0 + }, + { + "Unnamed: 0": 2165, + "book_name": "Bullshit Jobs", + "summaries": " asserts that roughly two out of every five people are stuck in work that is bereft of purpose, and these workers could suffer psychological damage as a result. ", + "categories": "psychology", + "review_score": 2.7 + }, + { + "Unnamed: 0": 2166, + "book_name": "Talking To Strangers", + "summaries": " helps you better understand and accurately judge the people you don\u2019t know while staying patient and tolerant with others.", + "categories": "psychology", + "review_score": 9.8 + }, + { + "Unnamed: 0": 2167, + "book_name": "Big Potential", + "summaries": " will show you that the real secret to success and thriving in all aspects of life is developing strong connections with others and treating them in a way that lifts them up.", + "categories": "psychology", + "review_score": 8.9 + }, + { + "Unnamed: 0": 2168, + "book_name": "The Second Mountain", + "summaries": " argues that the key to living a meaningful, fulfilling, and happy life is not found in the pursuit of self-improvement but instead a life of service to others.", + "categories": "psychology", + "review_score": 5.4 + }, + { + "Unnamed: 0": 2169, + "book_name": "Super Brain", + "summaries": " explores the idea that through increased self-awareness and conscious intention we can teach our brain to perform at a higher level than we thought possible.", + "categories": "psychology", + "review_score": 3.1 + }, + { + "Unnamed: 0": 2170, + "book_name": "Game Changers", + "summaries": " reveals the secrets that some of the most impactful people in the world use to hack their biology and win at life and will teach you how to achieve your goals and be happy. ", + "categories": "psychology", + "review_score": 4.1 + }, + { + "Unnamed: 0": 2171, + "book_name": "Invisible Influence", + "summaries": " will help you make better choices by revealing and reducing the effect that others have on your actions, thoughts, and preferences.", + "categories": "psychology", + "review_score": 7.1 + }, + { + "Unnamed: 0": 2172, + "book_name": "You Are A Badass At Making Money", + "summaries": " will help you stop making excuses and get over your bad relationship with money to become a money-making machine.", + "categories": "psychology", + "review_score": 7.9 + }, + { + "Unnamed: 0": 2173, + "book_name": "The Miracle of Mindfulness", + "summaries": " teaches the ancient Buddhist practice of mindfulness and how living in the present will make you happier.", + "categories": "psychology", + "review_score": 5.8 + }, + { + "Unnamed: 0": 2174, + "book_name": "The Fine Art Of Small Talk", + "summaries": " will teach you how to skillfully start, continue, and end conversations with anyone, no matter how shy you think you are.", + "categories": "psychology", + "review_score": 7.7 + }, + { + "Unnamed: 0": 2175, + "book_name": "Sleep Smarter", + "summaries": " is a collection of 21 simple tips and tricks to optimize your sleep environment once and then reap the benefits of more restful nights forever.", + "categories": "psychology", + "review_score": 7.0 + }, + { + "Unnamed: 0": 2176, + "book_name": "A First-Rate Madness", + "summaries": " shares the stories of many world leaders and explains how they prevailed despite their mental illnesses and struggles, showing you how to turn your psychological disadvantages into leadership strengths.", + "categories": "psychology", + "review_score": 2.3 + }, + { + "Unnamed: 0": 2177, + "book_name": "Manufacturing Consent", + "summaries": " reveals how the upper class controls and skews the news to get the masses to believe whatever serves them best.", + "categories": "psychology", + "review_score": 6.6 + }, + { + "Unnamed: 0": 2178, + "book_name": "Never Split the Difference", + "summaries": "\u00a0is one of the best negotiation manuals ever written, explaining why you should never compromise, and how to negotiate like a pro in your everyday life as well as high-stakes situations.", + "categories": "psychology", + "review_score": 6.9 + }, + { + "Unnamed: 0": 2179, + "book_name": "The Dip", + "summaries": " teaches us that, between starting and succeeding, there\u2019s a time of struggle when we should either pursue excellence or quit strategically while helping us choose between the two.", + "categories": "psychology", + "review_score": 8.4 + }, + { + "Unnamed: 0": 2180, + "book_name": "Exploring The World Of Lucid Dreaming", + "summaries": " is a practical guide to dreaming consciously which uncovers an invaluable channel of communication between your conscious and unconscious mind.", + "categories": "psychology", + "review_score": 9.0 + }, + { + "Unnamed: 0": 2181, + "book_name": "The Charisma Myth", + "summaries": " debunks the idea that charisma is a born trait, outlining several tools and exercises you can use to develop a charming social appeal and magnetic personality, even if you\u2019re not extroverted.", + "categories": "psychology", + "review_score": 9.9 + }, + { + "Unnamed: 0": 2182, + "book_name": "Nonviolent Communication", + "summaries": " explains how focusing on people\u2019s underlying needs and making observations instead of judgments can revolutionize the way you interact with anybody, even your worst enemies.", + "categories": "psychology", + "review_score": 1.4 + }, + { + "Unnamed: 0": 2183, + "book_name": "Difficult Conversations", + "summaries": " identifies why we shy away from some conversations more than others, and what we can do to navigate them successfully and without stress.", + "categories": "psychology", + "review_score": 6.8 + }, + { + "Unnamed: 0": 2184, + "book_name": "The Art of Thinking Clearly", + "summaries": " is a full compendium of the psychological biases that once helped us survive but now only hinder us from living our best life.", + "categories": "psychology", + "review_score": 7.1 + }, + { + "Unnamed: 0": 2185, + "book_name": "The Organized Mind", + "summaries": " will show you how to adapt your mind to our modern information culture so\u00a0 you can work efficiently without feeling exhausted.", + "categories": "psychology", + "review_score": 5.6 + }, + { + "Unnamed: 0": 2186, + "book_name": "The Secret Life of Pronouns", + "summaries": " is a collection of research and case studies explaining what our use of pronouns, articles, and other style words can reveal about ourselves.", + "categories": "psychology", + "review_score": 7.8 + }, + { + "Unnamed: 0": 2187, + "book_name": "QBQ!", + "summaries": " will teach you to ask better questions and stay accountable and why doing so will change every aspect of your life for the better.", + "categories": "psychology", + "review_score": 8.9 + }, + { + "Unnamed: 0": 2188, + "book_name": "Multipliers", + "summaries": "\u00a0explains the five types of people who inspire, support, and improve others in their organization, showing you how to become one as well as avoid diminishers, the people who drag down others and make it harder for them to perform.", + "categories": "psychology", + "review_score": 2.5 + }, + { + "Unnamed: 0": 2189, + "book_name": "Spy the Lie", + "summaries": " is a collection of professional tips on how to more accurately detect when someone is lying to you through a combination of verbal and non-verbal cues.", + "categories": "psychology", + "review_score": 4.1 + }, + { + "Unnamed: 0": 2190, + "book_name": "Social Intelligence", + "summaries": " is a complete guide to the neuroscience of relationships, explaining how your social interactions shape you and how you can use these effects to your advantage.", + "categories": "psychology", + "review_score": 2.9 + }, + { + "Unnamed: 0": 2191, + "book_name": "The Brain That Changes Itself", + "summaries": " explores the groundbreaking research in neuroplasticity and shares fascinating stories of people who can use the brain\u2019s ability to adapt and be cured of ailments previously incurable. ", + "categories": "psychology", + "review_score": 4.2 + }, + { + "Unnamed: 0": 2192, + "book_name": "Psycho-Cybernetics", + "summaries": " explains how thinking of the human mind as a machine can help improve your self-image, which will dramatically increase your success and happiness.", + "categories": "psychology", + "review_score": 7.7 + }, + { + "Unnamed: 0": 2193, + "book_name": "Altered Traits", + "summaries": " explores the science behind meditation techniques and the way they benefit and alter our mind and body.", + "categories": "psychology", + "review_score": 3.7 + }, + { + "Unnamed: 0": 2194, + "book_name": "Just Listen", + "summaries": " teaches how to get your message across to anyone by using proven listening and persuasion techniques. ", + "categories": "psychology", + "review_score": 8.1 + }, + { + "Unnamed: 0": 2195, + "book_name": "Behave", + "summaries": " sets out to explain the reason behind human behavior, good or bad, by exploring the influences of brain chemistry and our environment.", + "categories": "psychology", + "review_score": 9.5 + }, + { + "Unnamed: 0": 2196, + "book_name": "Brainstorm", + "summaries": " is a fascinating look into the teenage brain that explains why adolescents act so hormonally and recklessly.", + "categories": "psychology", + "review_score": 5.4 + }, + { + "Unnamed: 0": 2197, + "book_name": "The Tao Te Ching", + "summaries": " is a collection of 81 short, poignant chapters full of advice on living in harmony with \u201cthe Tao,\u201d translated as \u201cthe Way,\u201d an ancient Chinese interpretation of the spiritual force underpinning all life, first written around 400 BC but relevant to this day.", + "categories": "psychology", + "review_score": 8.3 + }, + { + "Unnamed: 0": 2198, + "book_name": "Girl, Wash Your Face", + "summaries": " inspires women to take their lives into their own hands and make their dreams happen, no matter how discouraged they may feel at the moment.", + "categories": "psychology", + "review_score": 1.1 + }, + { + "Unnamed: 0": 2199, + "book_name": "How Emotions Are Made", + "summaries": " explores the often misconstrued world of human feelings and the cutting-edge science behind how they\u2019re formed.", + "categories": "psychology", + "review_score": 8.6 + }, + { + "Unnamed: 0": 2200, + "book_name": "Against Empathy", + "summaries": " explains the problems with society\u2019s obsession with empathy and explores its limitations while giving us useful alternatives for situations in which it doesn\u2019t work.", + "categories": "psychology", + "review_score": 4.6 + }, + { + "Unnamed: 0": 2201, + "book_name": "Search Inside Yourself", + "summaries": " adapts the ancient ethos of \u201cknowing thyself\u201d to the realities of a modern, fast-paced workplace by introducing mindfulness exercises to enhance emotional intelligence.", + "categories": "psychology", + "review_score": 5.3 + }, + { + "Unnamed: 0": 2202, + "book_name": "The Moral Animal", + "summaries": " introduces you to the fascinating world of evolutionary psychology and uncovers the genetic strategies that explain why we do everything we do. ", + "categories": "psychology", + "review_score": 6.7 + }, + { + "Unnamed: 0": 2203, + "book_name": "The 12 Week Year", + "summaries": " will teach you how to reliably hit your goals by planning in 12-week cycles instead of following our typical 12-month routine.", + "categories": "psychology", + "review_score": 4.3 + }, + { + "Unnamed: 0": 2204, + "book_name": "Aware", + "summaries": " is a comprehensive overview of the far-reaching benefits of meditation, rooted in both science and practice, enriched with actionable advice on how to practice mindfulness. ", + "categories": "psychology", + "review_score": 1.9 + }, + { + "Unnamed: 0": 2205, + "book_name": "Lost Connections", + "summaries": " explains why depression affects so many people and that improving our relationships, not taking medication, is the way to beat our mental health problems.", + "categories": "psychology", + "review_score": 8.8 + }, + { + "Unnamed: 0": 2206, + "book_name": "Dollars And Sense", + "summaries": " explains why it\u2019s so hard to manage money and teaches you how to combat false cues and natural desires so you can manage your dollars in better ways.", + "categories": "psychology", + "review_score": 3.4 + }, + { + "Unnamed: 0": 2207, + "book_name": "Can\u2019t Hurt Me", + "summaries": " is the story of David Goggins, who went from being overweight and depressed to becoming a record-breaking athlete, inspiring military leader, and world-class personal trainer.", + "categories": "psychology", + "review_score": 8.6 + }, + { + "Unnamed: 0": 2208, + "book_name": "Crucial Conversations", + "summaries": " will teach you how to avoid conflict and come to positive solutions in high-stakes conversations so you can be effective in your personal and professional life. ", + "categories": "psychology", + "review_score": 7.6 + }, + { + "Unnamed: 0": 2209, + "book_name": "The Age of Empathy", + "summaries": " explains that empathy comes natural to humans, as it does to most other animals, and that we\u2019re not wired to be selfish and violent, but kind and cooperative.", + "categories": "psychology", + "review_score": 9.3 + }, + { + "Unnamed: 0": 2210, + "book_name": "The Science of Getting Rich", + "summaries": " gives you permission to embrace your natural desire for wealth and explains why riches lead to a prosperous and abundant life in mind, body, and soul.", + "categories": "psychology", + "review_score": 7.8 + }, + { + "Unnamed: 0": 2211, + "book_name": "Counterclockwise", + "summaries": " is a critical look at current perspectives on health with a particular focus on how we can improve our own when we shift from being mindless to mindful.", + "categories": "psychology", + "review_score": 9.8 + }, + { + "Unnamed: 0": 2212, + "book_name": "Contagious", + "summaries": " illustrates why certain ideas and products spread better than others by sharing compelling stories from the world of business, social campaigns, and media.", + "categories": "psychology", + "review_score": 6.8 + }, + { + "Unnamed: 0": 2213, + "book_name": "No-Drama Discipline", + "summaries": " is a refreshing approach to parenting that looks at the neuroscience of a developing child\u2019s brain to understand how to best discipline and teach kids while making them feel loved.", + "categories": "psychology", + "review_score": 7.0 + }, + { + "Unnamed: 0": 2214, + "book_name": "Tribal Leadership", + "summaries": "\u00a0explains the various roles people take on in organizations, showing you how to navigate, connect, and lead change across the five different stages of your company\u2019s \u201ctribal society.\u201d", + "categories": "psychology", + "review_score": 9.3 + }, + { + "Unnamed: 0": 2215, + "book_name": "The Yes Brain", + "summaries": " offers parenting techniques that will give your kids an open attitude towards life, balance, resilience, insight, and empathy.", + "categories": "psychology", + "review_score": 7.9 + }, + { + "Unnamed: 0": 2216, + "book_name": "The 5 Love Languages", + "summaries": " shows couples how to make their love last by learning to recognize the unique way their partner feels love.", + "categories": "psychology", + "review_score": 4.8 + }, + { + "Unnamed: 0": 2217, + "book_name": "The Happy Mind", + "summaries": " shows you what science and experience teach about how to become happier by assuming responsibility for your own well-being.", + "categories": "psychology", + "review_score": 5.7 + }, + { + "Unnamed: 0": 2218, + "book_name": "Everything Is F*cked", + "summaries": " explains what\u2019s wrong with our approach towards happiness and gives philosophical suggestions that help us make our lives worth living.", + "categories": "psychology", + "review_score": 8.2 + }, + { + "Unnamed: 0": 2219, + "book_name": "Change Your Questions, Change Your Life", + "summaries": " will revolutionize your thinking with questions that create a learning mindset. ", + "categories": "psychology", + "review_score": 5.7 + }, + { + "Unnamed: 0": 2220, + "book_name": "The 5 AM Club", + "summaries": " helps you get up at 5 AM every morning, build a morning routine, and make time for the self-improvement you need to find success.", + "categories": "psychology", + "review_score": 6.2 + }, + { + "Unnamed: 0": 2221, + "book_name": "Men Are From Mars, Women Are From Venus", + "summaries": " helps you improve your relationships by identifying the key differences between men and women.", + "categories": "psychology", + "review_score": 1.7 + }, + { + "Unnamed: 0": 2222, + "book_name": "My Stroke Of Insight", + "summaries": "\u00a0teaches you how to calm yourself anytime by simply tuning into the inherent peacefulness of the right side of the brain.", + "categories": "psychology", + "review_score": 9.6 + }, + { + "Unnamed: 0": 2223, + "book_name": "The Presence Process", + "summaries": " is an actionable 10-week program to become more present and consciously respond to situations based on breathing practice, insightful text, and observing your day-to-day experience.", + "categories": "psychology", + "review_score": 9.0 + }, + { + "Unnamed: 0": 2224, + "book_name": "The Social Animal", + "summaries": " weaves social science research into the story of a fictional couple to shed light on the decision-making power of our unconscious minds.", + "categories": "psychology", + "review_score": 5.4 + }, + { + "Unnamed: 0": 2225, + "book_name": "Rest", + "summaries": " examines why traditional methods of working too long and hard are inefficient compared to working less, resting, and playing to accomplish your best work.", + "categories": "psychology", + "review_score": 4.4 + }, + { + "Unnamed: 0": 2226, + "book_name": "How Luck Happens", + "summaries": " shows you how to foster your own luck by creating the conditions for it to manifest itself in your work, love and all other aspects of life.", + "categories": "psychology", + "review_score": 6.3 + }, + { + "Unnamed: 0": 2227, + "book_name": "Liespotting", + "summaries": " teaches you how to identify deceptive behavior with practical advice and foster a culture of trust, truth, and honesty in your immediate environment.", + "categories": "psychology", + "review_score": 7.9 + }, + { + "Unnamed: 0": 2228, + "book_name": "The Antidote", + "summaries": " will explain everything that\u2019s wrong with positivity-based self-help advice and what you should do instead to feel, live, and be happier. ", + "categories": "psychology", + "review_score": 6.8 + }, + { + "Unnamed: 0": 2229, + "book_name": "The More Of Less", + "summaries": " teaches you how to declutter your time, mental capacities, and spaces to give more attention to the people and experiences that matter most.", + "categories": "psychology", + "review_score": 4.1 + }, + { + "Unnamed: 0": 2230, + "book_name": "Psyched Up", + "summaries": " is an in-depth look at the science behind mental preparation that will show you how to do your best when it counts the most based on what top performers do.", + "categories": "psychology", + "review_score": 9.3 + }, + { + "Unnamed: 0": 2231, + "book_name": "Peak Performance", + "summaries": " shows you how to perform at your highest level by exploring the most significant factors that contribute to delivering our best work, such as stress, rest, focus, and purpose.\u00a0", + "categories": "psychology", + "review_score": 7.9 + }, + { + "Unnamed: 0": 2232, + "book_name": "Write It Down, Make It Happen", + "summaries": " is a simple guide to help you accomplish your goals through the act of writing, showing you how to use this basic skill to focus, address fears, and stay motivated.", + "categories": "psychology", + "review_score": 6.9 + }, + { + "Unnamed: 0": 2233, + "book_name": "Braving The Wilderness", + "summaries": " offers a four-step process to find true belonging through authenticity, bravery, trust, and vulnerability since it\u2019s mostly about learning to stand alone rather than trying to fit in.", + "categories": "psychology", + "review_score": 7.3 + }, + { + "Unnamed: 0": 2234, + "book_name": "The Courage To Be Disliked", + "summaries": " is a Japanese analysis of the work of 19th-century psychologist Alfred Adler, who established that happiness lies in the hands of each human individual and does not depend on past traumas.", + "categories": "psychology", + "review_score": 1.6 + }, + { + "Unnamed: 0": 2235, + "book_name": "Make Time", + "summaries": " is about creating space in your life for what truly matters using highlights, laser-style focus, energizing breaks, and regularly reflecting on how you spend your most valuable asset.", + "categories": "psychology", + "review_score": 1.3 + }, + { + "Unnamed: 0": 2236, + "book_name": "The Energy Bus", + "summaries": " is a fable that will help you create positive energy with ten simple rules and make it the center of your life, work, and relationships.", + "categories": "psychology", + "review_score": 1.6 + }, + { + "Unnamed: 0": 2237, + "book_name": "Atomic Habits", + "summaries": " is the definitive guide to breaking bad behaviors and adopting good ones in four steps, showing you how small, incremental, everyday routines compound into massive, positive change over time.", + "categories": "psychology", + "review_score": 3.5 + }, + { + "Unnamed: 0": 2238, + "book_name": "The Art Of Seduction", + "summaries": " is a template for persuading anyone, whether it\u2019s a business contact, a political adversary, or a love interest, to\u00a0act in your best interest.", + "categories": "psychology", + "review_score": 8.3 + }, + { + "Unnamed: 0": 2239, + "book_name": "Outwitting The Devil", + "summaries": " is an imagined interview between Napoleon Hill and the Devil himself, in which he wrings certain truths from the root of evil, which will help us avoid his grasp and live a good life.", + "categories": "psychology", + "review_score": 4.4 + }, + { + "Unnamed: 0": 2240, + "book_name": "The Laws of Human Nature", + "summaries": " helps you understand why people do what they do and how you can use both your own psychological flaws and those of others to your advantage at work, in relationships, and in life.", + "categories": "psychology", + "review_score": 6.6 + }, + { + "Unnamed: 0": 2241, + "book_name": "Dare To Lead", + "summaries": " dispels common myths about modern-day workplace culture and shows you that true leadership requires nothing but vulnerability, values, trust, and resilience.", + "categories": "psychology", + "review_score": 6.9 + }, + { + "Unnamed: 0": 2242, + "book_name": "The Inner Game Of Tennis", + "summaries": " is about the mental state required to deliver peak performance and how you can cultivate that state in sports, work, and life.", + "categories": "psychology", + "review_score": 4.4 + }, + { + "Unnamed: 0": 2243, + "book_name": "21 Lessons For The 21st Century", + "summaries": " highlights today\u2019s most pressing political, cultural, and economic challenges created by technology\u00a0while helping us prepare for an uncertain future.", + "categories": "psychology", + "review_score": 2.6 + }, + { + "Unnamed: 0": 2244, + "book_name": "The Power Of Your Subconscious Mind", + "summaries": " is a spiritual self-help classic, which teaches you how to use visualization and other suggestion techniques to adapt your unconscious behavior in positive ways.", + "categories": "psychology", + "review_score": 3.2 + }, + { + "Unnamed: 0": 2245, + "book_name": "The Chimp Paradox", + "summaries": " uses a simple analogy to help you take control of your emotions and act in your own, best interest, whether it\u2019s in making decisions, communicating with others, or your health and happiness.", + "categories": "psychology", + "review_score": 5.3 + }, + { + "Unnamed: 0": 2246, + "book_name": "How Successful People Think", + "summaries": " lays out eleven specific ways of thinking you can practice to live a better, happier, more successful life.", + "categories": "psychology", + "review_score": 4.9 + }, + { + "Unnamed: 0": 2247, + "book_name": "Factfulness", + "summaries": " explains how our worldview has been distorted with the rise of new media, which ten human instincts cause erroneous thinking, and how we can learn to separate fact from fiction when forming our opinions.", + "categories": "psychology", + "review_score": 9.2 + }, + { + "Unnamed: 0": 2248, + "book_name": "How To Talk To Anyone", + "summaries": " is a collection of actionable tips to help you master the art of human communication, leave great first impressions and make people feel comfortable around you in all walks of life.", + "categories": "psychology", + "review_score": 9.3 + }, + { + "Unnamed: 0": 2249, + "book_name": "Minimalism", + "summaries": " is an instructive introduction to the philosophy of less and how it helped two guys who had achieved the American dream let go of their possessions and the depressions that came with them.", + "categories": "psychology", + "review_score": 4.1 + }, + { + "Unnamed: 0": 2250, + "book_name": "The First 20 Hours", + "summaries": " lays out a methodical approach you can use to pick up new skills quickly without worrying about how long it takes to become an expert.", + "categories": "psychology", + "review_score": 1.1 + }, + { + "Unnamed: 0": 2251, + "book_name": "The Culture Code", + "summaries": " examines the dynamics of groups, large and small, formal and informal, to help you understand how great teams work and what you can do to improve your relationships wherever you cooperate with others.", + "categories": "psychology", + "review_score": 5.1 + }, + { + "Unnamed: 0": 2252, + "book_name": "Letters From A Stoic", + "summaries": " is a collection of moral epistles famous Roman Stoic and philosopher Seneca", + "categories": "psychology", + "review_score": 6.4 + }, + { + "Unnamed: 0": 2253, + "book_name": "12 Rules For Life", + "summaries": "\u00a0is a story-based, stern yet entertaining self-help manual for young people laying out a set of simple rules to help us become more disciplined, behave better, act with integrity, and balance our lives while enjoying them as much as we can.", + "categories": "psychology", + "review_score": 5.8 + }, + { + "Unnamed: 0": 2254, + "book_name": "Solve For Happy", + "summaries": " lays out a former Google engineers formula for happiness, which shows you not only that it\u2019s our default state, but also how to overcome the obstacles we face in remaining in it.", + "categories": "psychology", + "review_score": 8.9 + }, + { + "Unnamed: 0": 2255, + "book_name": "How To Fail At Almost Everything And Still Win Big", + "summaries": " is the memoir of Dilbert cartoonist Scott Adams", + "categories": "psychology", + "review_score": 9.3 + }, + { + "Unnamed: 0": 2256, + "book_name": "Problem Solving 101", + "summaries": "\u00a0is a universal, four-step template for overcoming challenges in life, based on a traditional method Japanese school children learn early on.", + "categories": "psychology", + "review_score": 3.1 + }, + { + "Unnamed: 0": 2257, + "book_name": "The Wisdom Of Life", + "summaries": " is an essay from Arthur Schopenhauer\u2019s last published work, which breaks down happiness into three parts and explains how we can achieve it.", + "categories": "psychology", + "review_score": 2.1 + }, + { + "Unnamed: 0": 2258, + "book_name": "Skin In The Game", + "summaries": " is an assessment of asymmetries in human interactions, aimed at helping you understand where and how gaps in uncertainty, risk, knowledge, and fairness emerge, and how to close them.", + "categories": "psychology", + "review_score": 1.5 + }, + { + "Unnamed: 0": 2259, + "book_name": "The Secret", + "summaries": " is a self-help book by Rhonda Byrne that explains how the law of attraction, which states that positive energy attracts positive things into your life, governs your thinking and actions, and how you can use the power of positive thinking to achieve anything you can imagine.", + "categories": "psychology", + "review_score": 7.4 + }, + { + "Unnamed: 0": 2260, + "book_name": "When: The Scientific Secrets of Perfect Timing", + "summaries": " breaks down the science of time so you can stop guessing when to do things and pick the best times to work, eat, sleep, have your coffee and even quit your job.", + "categories": "psychology", + "review_score": 5.0 + }, + { + "Unnamed: 0": 2261, + "book_name": "Barking Up The Wrong Tree", + "summaries": " turns standard success advice on its head by looking at both sides of many common arguments, like confidence, extroversion, or being nice, concluding it\u2019s really other factors that decide if we win, and we control more of them than we think.", + "categories": "psychology", + "review_score": 5.3 + }, + { + "Unnamed: 0": 2262, + "book_name": "The Book Of Joy", + "summaries": " is the result of a 7-day meeting between the Dalai Lama and Desmond Tutu, two of the world\u2019s most influential spiritual leaders, during which they discussed one of life\u2019s most important questions: how do we find joy despite suffering?", + "categories": "psychology", + "review_score": 5.2 + }, + { + "Unnamed: 0": 2263, + "book_name": "Find Your Why", + "summaries": " is an actionable guide to discover your mission in life, figure out how you can live it on a daily basis and share it with the world.", + "categories": "psychology", + "review_score": 8.1 + }, + { + "Unnamed: 0": 2264, + "book_name": "Principles", + "summaries": " holds the set of rules for work and life billionaire investor and CEO of the most successful fund in history, Ray Dalio, has acquired through his 40-year career in finance.", + "categories": "psychology", + "review_score": 5.4 + }, + { + "Unnamed: 0": 2265, + "book_name": "Nobody Wants to Read Your Sh*t", + "summaries": " combines countless lessons Steven Pressfield has learned from succeeding as a writer in advertising, the movie industry, fiction, non-fiction, and self-help, in order to help you write like a pro.", + "categories": "psychology", + "review_score": 7.0 + }, + { + "Unnamed: 0": 2266, + "book_name": "Emotional Agility", + "summaries": " provides a new, science-backed approach to navigating life\u2019s many trials and detours on your path to fulfillment, with which you\u2019ll face your emotions head on, observe them objectively, make choices based on your values and slowly tweak your mindset, motivation and habits.", + "categories": "psychology", + "review_score": 1.6 + }, + { + "Unnamed: 0": 2267, + "book_name": "The Road Less Traveled", + "summaries": "\u00a0is a spiritual classic, combining scientific and religious views to help you grow by confronting and solving your problems through discipline, love and grace.", + "categories": "psychology", + "review_score": 9.9 + }, + { + "Unnamed: 0": 2268, + "book_name": "The 5 Second Rule", + "summaries": " is a simple tool that undercuts most of the psychological weapons your brain employs to keep you from taking action, which will allow you to procrastinate less, live happier and reach your goals.", + "categories": "psychology", + "review_score": 10.0 + }, + { + "Unnamed: 0": 2269, + "book_name": "The Four Tendencies", + "summaries": "\u00a0is a personality profile framework to help you understand how you and the people around you deal with their outer and inner expectations, so you can better manage your life, work and relationships.", + "categories": "psychology", + "review_score": 4.6 + }, + { + "Unnamed: 0": 2270, + "book_name": "The Subtle Art Of Not Giving A F*ck", + "summaries": " does away with the positive psychology craze to instead give you a Stoic, no-BS approach to living a life that might not always be happy, but meaningful and centered only around what\u2019s important to you.", + "categories": "psychology", + "review_score": 3.1 + }, + { + "Unnamed: 0": 2271, + "book_name": "The Happiness Equation", + "summaries": " reveals nine scientifically backed secrets to happiness to show you that by wanting nothing and doing anything, you can have everything.", + "categories": "psychology", + "review_score": 7.6 + }, + { + "Unnamed: 0": 2272, + "book_name": "The Myth Of Multitasking", + "summaries": " explains why doing everything at once is neither efficient, nor even possible, and gives you practical steps for more focus in the workplace.", + "categories": "psychology", + "review_score": 2.5 + }, + { + "Unnamed: 0": 2273, + "book_name": "Accidental Genius", + "summaries": "\u00a0introduces you to the concept of freewriting, which you can use to solve complex problems, exercise your creativity, flesh out your ideas and even build a catalog of publishable work.", + "categories": "psychology", + "review_score": 1.9 + }, + { + "Unnamed: 0": 2274, + "book_name": "I Thought It Was Just Me (But It Isn\u2019t)", + "summaries": " helps you understand and better manage the complicated and painful feeling of shame.", + "categories": "psychology", + "review_score": 3.8 + }, + { + "Unnamed: 0": 2275, + "book_name": "Get Smart", + "summaries": " reveals how you can access more of your brain\u2019s power through simple, actionable brain training techniques that\u2019ll spark your creativity, make you look for the positive and help you achieve your goals faster.", + "categories": "psychology", + "review_score": 7.1 + }, + { + "Unnamed: 0": 2276, + "book_name": "The Interpretation Of Dreams", + "summaries": " is Sigmund Freud\u2019s seminal work on scientifically analyzing the deeper meaning hidden inside each and every one of our human dreams, which will help you make more sense of your own psyche.", + "categories": "psychology", + "review_score": 8.3 + }, + { + "Unnamed: 0": 2277, + "book_name": "Failing Forward", + "summaries": " will help you stop making excuses, start embracing failure as a natural, necessary part of the process and let you find the confidence to proceed anyway.", + "categories": "psychology", + "review_score": 5.7 + }, + { + "Unnamed: 0": 2278, + "book_name": "The Four Agreements", + "summaries": " draws on the long tradition of the Toltecs, an ancient, indigenous people of Mexico, to show you that we have been domesticated from childhood, how these internal, guiding rules hurt us and what we can do to break and replace them with a new set of agreements with ourselves.", + "categories": "psychology", + "review_score": 2.1 + }, + { + "Unnamed: 0": 2279, + "book_name": "Pre-Suasion", + "summaries": " takes you through the latest social psychology research to explain how marketers, persuaders and our environment primes us to say certain things and take specific actions, as well as how you can harness the same ideas to master the art of persuasion.", + "categories": "psychology", + "review_score": 1.7 + }, + { + "Unnamed: 0": 2280, + "book_name": "If You\u2019re So Smart, Why Aren\u2019t You Happy", + "summaries": " walks you through the seven deadly sins of unhappiness, which will show you how small the correlation between success and happiness truly is and help you avoid chasing the wrong things in your short time here on earth.", + "categories": "psychology", + "review_score": 8.2 + }, + { + "Unnamed: 0": 2281, + "book_name": "The Little Book Of Hygge", + "summaries": " is about the hard-to-describe, yet powerful Danish attitude towards life, which consistently\u00a0ranks Denmark among\u00a0the happiest countries in the world and how you can cultivate it for yourself.", + "categories": "psychology", + "review_score": 7.7 + }, + { + "Unnamed: 0": 2282, + "book_name": "Option B", + "summaries": " shares the stories of people who\u2019ve had to deal with a traumatizing event, most notably Facebook\u2019s COO Sheryl Sandberg, to help you face adversity, become more resilient and find joy again after life punches you in the face.", + "categories": "psychology", + "review_score": 1.7 + }, + { + "Unnamed: 0": 2283, + "book_name": "Long-Term Thinking For A Short-Sighted World", + "summaries": " explains why we rarely think about the long-term consequences of our actions, how this puts our entire species in danger and what we can do to change and ensure a thriving future for mankind.", + "categories": "psychology", + "review_score": 5.1 + }, + { + "Unnamed: 0": 2284, + "book_name": "The Life-Changing Magic Of Not Giving A F*ck", + "summaries": " is a funny, practical guide to mental decluttering, giving you actionable tips to stop caring about things that don\u2019t really matter to you, without feeling ashamed or guilty.", + "categories": "psychology", + "review_score": 7.9 + }, + { + "Unnamed: 0": 2285, + "book_name": "Trying Not To Try", + "summaries": " explores ancient, Chinese philosophy to break down the art of being spontaneous, which will help you unite your mind and body, reach a state of flow, and breeze through life like a leaf in a river.", + "categories": "psychology", + "review_score": 4.2 + }, + { + "Unnamed: 0": 2286, + "book_name": "You Are A Badass", + "summaries": " helps you become self-aware, figure out what you want in life and then summon the guts to not worry about the how, kick others\u2019 opinions to the curb and focus your life on the thing that will make you happy.", + "categories": "psychology", + "review_score": 9.3 + }, + { + "Unnamed: 0": 2287, + "book_name": "Payoff", + "summaries": " unravels the complex construct that is human motivation and shows you how it consists of many more parts than money and recognition, such as meaning, effort and ownership, so you can motivate yourself not just today, but every day.", + "categories": "psychology", + "review_score": 2.5 + }, + { + "Unnamed: 0": 2288, + "book_name": "Peak", + "summaries": " accumulates everything the pioneer researcher on deliberate practice has learned about expert performance through decades of exploration and analysis of what separates those, who are average, from those, who are world-class at what they do.", + "categories": "psychology", + "review_score": 3.0 + }, + { + "Unnamed: 0": 2289, + "book_name": "Ego Is The Enemy", + "summaries": " reveals why a tendency that\u2019s hardwired into our brains \u2014 the belief that the world revolves around us and us alone \u2014 keeps holding us back from living the very life it dreams up for us, including what we can do to overcome our ego, be kinder to others and ourselves, and achieve true greatness.", + "categories": "psychology", + "review_score": 4.2 + }, + { + "Unnamed: 0": 2290, + "book_name": "Simple Rules", + "summaries": " shows you how to navigate our incredibly complex world by learning the structure of and coming up with your own set of easy, clear-cut rules to follow for the most various situations in life.", + "categories": "psychology", + "review_score": 2.8 + }, + { + "Unnamed: 0": 2291, + "book_name": "The Habit Blueprint", + "summaries": " strips down behavior change to its very core, giving you the ultimate, research-backed recipe for cultivating the habits you desire, with plenty of backup steps you can take to maximize your chances of success.", + "categories": "psychology", + "review_score": 5.0 + }, + { + "Unnamed: 0": 2292, + "book_name": "The Creative Habit", + "summaries": " is a dancer\u2019s blueprint to making creativity a habit, which she\u2019s successfully done for over 50 years in the entertainment industry.", + "categories": "psychology", + "review_score": 4.5 + }, + { + "Unnamed: 0": 2293, + "book_name": "Plato At The Googleplex", + "summaries": "\u00a0asks what would happen if ancient philosopher Plato were alive today and came in contact with the modern world, for example by touring Google\u2019s headquarters, and what the implications of his encounters are for the relevance of philosophy in our civilized, hyper-technological world.", + "categories": "psychology", + "review_score": 3.1 + }, + { + "Unnamed: 0": 2294, + "book_name": "21 Days To A Big Idea", + "summaries": " shows you how to combine the creative and rational sides of your brain to come up with cool, new ideas and fun ways to implement them, which might even help you create a sustainable business in the long run, in as little as 21 days.", + "categories": "psychology", + "review_score": 4.4 + }, + { + "Unnamed: 0": 2295, + "book_name": "Decisive", + "summaries": " gives you a scientific, 4-step approach to making better decisions in your life and career, based on an extensive\u00a0study of the available\u00a0literature and research on the topic.", + "categories": "psychology", + "review_score": 7.8 + }, + { + "Unnamed: 0": 2296, + "book_name": "The Artist\u2019s Way", + "summaries": " is an all-time, self-help classic, helping you to reignite\u00a0your inner artist, recover your creativity and let the divine energy flow through you as you create your art.", + "categories": "psychology", + "review_score": 7.7 + }, + { + "Unnamed: 0": 2297, + "book_name": "The Power Of The Other", + "summaries": " shows you the surprisingly big influence other people have on your life, what different kinds of relationships you have with them and how you can cultivate more good ones to replace the bad, fake or unconnected and\u00a0live a more fulfilled life.", + "categories": "psychology", + "review_score": 5.6 + }, + { + "Unnamed: 0": 2298, + "book_name": "The Untethered Soul", + "summaries": " describes how you can untie your self from your ego, harness your inner energy, expand beyond yourself and float through the river of life instead of blocking or fighting it.", + "categories": "psychology", + "review_score": 6.6 + }, + { + "Unnamed: 0": 2299, + "book_name": "Unlimited Power", + "summaries": " is a self-help classic, which breaks down how Tony Robbins has helped top performers achieve at their highest level and how you can use the same mental and physical tactics to accomplish your biggest goals in life.", + "categories": "psychology", + "review_score": 1.9 + }, + { + "Unnamed: 0": 2300, + "book_name": "When To Rob A Bank", + "summaries": " is a collection of the best of the Freakonomics authors\u2019 blog posts from over 10 years of blogging about economics in all areas of our life.", + "categories": "psychology", + "review_score": 1.1 + }, + { + "Unnamed: 0": 2301, + "book_name": "The Geography Of Genius", + "summaries": " explains how genius is not an inherited trait bound to individual, but rather happens at the intersection of time and place, by talking you on a tour through some of the historically most creative cities in the world.", + "categories": "psychology", + "review_score": 2.5 + }, + { + "Unnamed: 0": 2302, + "book_name": "Six Thinking Hats", + "summaries": "\u00a0divides thinking into six distinct areas and perspectives, which will help you, your team, and your company tackle problems from different angles, thus solving them with the power of parallel thinking and saving time, money, and energy as a result.", + "categories": "psychology", + "review_score": 4.5 + }, + { + "Unnamed: 0": 2303, + "book_name": "The Gifts Of Imperfection", + "summaries": " shows you how to embrace your inner flaws to accept who you are, instead of constantly chasing the image of who you\u2019re trying to be, because other people expect you to act in certain ways.", + "categories": "psychology", + "review_score": 2.3 + }, + { + "Unnamed: 0": 2304, + "book_name": "The Sunflower", + "summaries": " recounts an experience of holocaust survivor Simon Wiesenthal", + "categories": "psychology", + "review_score": 5.6 + }, + { + "Unnamed: 0": 2305, + "book_name": "The Language Instinct", + "summaries": " argues that we are born with an innate capability to understand languages, that most of them are more similar than you might think and explains where our capability to deal with words so well comes from.", + "categories": "psychology", + "review_score": 3.6 + }, + { + "Unnamed: 0": 2306, + "book_name": "Superfreakonomics", + "summaries": " reveals how you can find non-obvious solutions to tricky problems by focusing on raw, hard data and thinking like an economist, which will\u00a0get you\u00a0closer to the truth than everyone else.", + "categories": "psychology", + "review_score": 6.4 + }, + { + "Unnamed: 0": 2307, + "book_name": "How Will You Measure Your Life", + "summaries": " shows you how to sustain motivation at work and in life to spend your time on earth happily and fulfilled, by focusing not just on money and your career, but your family, relationships and personal well-being.", + "categories": "psychology", + "review_score": 3.4 + }, + { + "Unnamed: 0": 2308, + "book_name": "Mind Gym", + "summaries": " explains why the performance of world-class athletes isn\u2019t only\u00a0a result of their physical training, but just as much due to their mentally fit minds and shows you how you can cultivate the mindset of a top performer yourself.", + "categories": "psychology", + "review_score": 5.0 + }, + { + "Unnamed: 0": 2309, + "book_name": "The Practicing Mind", + "summaries": " shows you how to cultivate\u00a0patience, focus, and discipline for working towards your biggest goals, by\u00a0going back to the basic principles of practice, embracing a child-like trial-and-error attitude again and thus make working hard towards mastery a fulfilling process in itself.", + "categories": "psychology", + "review_score": 6.2 + }, + { + "Unnamed: 0": 2310, + "book_name": "Nudge", + "summaries": " shows you how you can unconsciously make better decisions by designing your environment so it nudges you in the right direction every time temptation becomes greatest and thus build your own choice architecture in advance.", + "categories": "psychology", + "review_score": 1.2 + }, + { + "Unnamed: 0": 2311, + "book_name": "Finding Your Element", + "summaries": " shows you how to find your talents and passions, embrace them, and come up with your own definition of happiness, so you can combine what you love with what you\u2019re good at to live a long, happy life.", + "categories": "psychology", + "review_score": 9.4 + }, + { + "Unnamed: 0": 2312, + "book_name": "The Art Of Choosing", + "summaries": " extensively covers the scientific research made about human decision making, showing you what affects how you make choices, how the consequences of those choices affect you, as well as how you can adapt to these circumstances to make better decisions in the future.", + "categories": "psychology", + "review_score": 6.7 + }, + { + "Unnamed: 0": 2313, + "book_name": "Loving What Is", + "summaries": " gives you four simple questions to turn negative thoughts around, change how you react to the events and people that stress you and thus end your own suffering to love reality as it is.", + "categories": "psychology", + "review_score": 6.6 + }, + { + "Unnamed: 0": 2314, + "book_name": "How To Read A Book", + "summaries": " is a 1940 classic teaching you how to become a more active reader and deliberately practice the various stages of reading, in order to maximize the value you get from books.", + "categories": "psychology", + "review_score": 7.6 + }, + { + "Unnamed: 0": 2315, + "book_name": "Move Your Bus", + "summaries": "\u00a0illustrates the different kinds of groups in organizations, how leaders can inspire those groups, and what individuals can do to become highly valued, productive members of the organizations they serve.", + "categories": "psychology", + "review_score": 2.5 + }, + { + "Unnamed: 0": 2316, + "book_name": "The Compound Effect", + "summaries": " will show you why big, abrupt changes rarely work and how you can change your life over time with the power of small, daily steps, a routine that builds momentum and the courage to break through your limits when you reach them.", + "categories": "psychology", + "review_score": 6.9 + }, + { + "Unnamed: 0": 2317, + "book_name": "The 8th Habit", + "summaries": " is about finding your voice and helping others discover their own, in order to thrive at work in the Information Age, where interdependence is more important than independence.", + "categories": "psychology", + "review_score": 6.1 + }, + { + "Unnamed: 0": 2318, + "book_name": "Your Best Just Got Better", + "summaries": " shows you how to tackle productivity and performance with the best techniques to help you work smarter, get more done and stay inspired.", + "categories": "psychology", + "review_score": 2.0 + }, + { + "Unnamed: 0": 2319, + "book_name": "Bit Literacy", + "summaries": " shows you how to navigate innumerable streams\u00a0of digital information without becoming paralyzed by managing your media with a few simple systems.", + "categories": "psychology", + "review_score": 4.9 + }, + { + "Unnamed: 0": 2320, + "book_name": "Switch", + "summaries": " is about how you can lead and encourage changes of human behavior, both in yourself and in your organization, by focusing on the three forces that influence it: the rider, the elephant and the path.", + "categories": "psychology", + "review_score": 7.2 + }, + { + "Unnamed: 0": 2321, + "book_name": "Algorithms To Live By", + "summaries": " explains how computer algorithms work, why their relevancy isn\u2019t limited to the digital world and how you can make better decisions by strategically using the right algorithm at the right time, for example in dating, at home or in the office.", + "categories": "psychology", + "review_score": 7.6 + }, + { + "Unnamed: 0": 2322, + "book_name": "The Wisdom Of Insecurity", + "summaries": " is a self-help classic that breaks down our psychological need for stability and explains how it\u2019s led us right into consumerism, why that won\u2019t solve our problem and how we can really calm our anxiety.", + "categories": "psychology", + "review_score": 7.5 + }, + { + "Unnamed: 0": 2323, + "book_name": "Flourish", + "summaries": " establishes a new model for well-being, rooted in positive psychology, building on five key pillars to help you create a happy life through the power of simple exercises.", + "categories": "psychology", + "review_score": 9.0 + }, + { + "Unnamed: 0": 2324, + "book_name": "Mindsight", + "summaries": " offers a new way of transforming your life for the better by connecting emotional awareness with the right reactions in your body, based on the work of a renowned pyschologist\u00a0and his patients.", + "categories": "psychology", + "review_score": 2.7 + }, + { + "Unnamed: 0": 2325, + "book_name": "A Force For Good", + "summaries": " is a universal call to turn our\u00a0compassion outward and use it to improve ourselves and the world around us in science, religion, social issues, business and education.", + "categories": "psychology", + "review_score": 4.8 + }, + { + "Unnamed: 0": 2326, + "book_name": "Disrupt Yourself", + "summaries": " explains how you can harness\u00a0the ever-accelerating power of disruptive innovation in your personal life, be it to advance your career or to build a company that thrives, by embracing your limitations, focusing on your strengths and staying flexible and curious along the way.", + "categories": "psychology", + "review_score": 3.2 + }, + { + "Unnamed: 0": 2327, + "book_name": "How To Stop Worrying And Start Living", + "summaries": " is a self-help classic which addresses one of the leading causes of physical illness, worry, by showing you simple and actionable techniques to eliminate it from your life.", + "categories": "psychology", + "review_score": 3.0 + }, + { + "Unnamed: 0": 2328, + "book_name": "The Lessons Of History", + "summaries": " describes recurring themes and trends throughout 5,000 years of human history, viewed through the lenses of 12 different fields, aimed at explaining the present, the future, human nature and the inner workings of states.", + "categories": "psychology", + "review_score": 3.7 + }, + { + "Unnamed: 0": 2329, + "book_name": "The End Of Average", + "summaries": " explains the fundamental flaws with our culture of averages, in which we design everything for the average person, when that person doesn\u2019t exist, and shows how we can embrace our individuality and use it to succeed in a world that wants everyone to be the same.", + "categories": "psychology", + "review_score": 5.7 + }, + { + "Unnamed: 0": 2330, + "book_name": "A Guide To The Good Life", + "summaries": "\u00a0is a roadmap for aspiring Stoics, revealing why this ancient philosophy is useful today, what Stoicism is truly about, and showing you how to cultivate its powerful principles in your own life.", + "categories": "psychology", + "review_score": 4.7 + }, + { + "Unnamed: 0": 2331, + "book_name": "59 Seconds", + "summaries": " shows you several self-improvement hacks, grounded in the science of psychology, which you can use to improve your mindset, happiness and life in less than a minute.", + "categories": "psychology", + "review_score": 7.1 + }, + { + "Unnamed: 0": 2332, + "book_name": "How Not To Be Wrong", + "summaries": " shows you that math is really just the science of common sense and that studying a few key mathematical ideas can help you assess risks better, make the right decisions, navigate the world effortlessly and be wrong a lot less.", + "categories": "psychology", + "review_score": 6.6 + }, + { + "Unnamed: 0": 2333, + "book_name": "Habits Of A Happy Brain", + "summaries": " explains the four neurotransmitters in your brain that create happiness, why you can\u2019t be happy all the time, and how you can rewire your brain by taking responsibility for your own hormones and thus, happiness.", + "categories": "psychology", + "review_score": 9.1 + }, + { + "Unnamed: 0": 2334, + "book_name": "Excellent Sheep", + "summaries": "\u00a0describes how fundamentally broken elite education is, why it makes students feel depressed and lost, how educational institutions have been alienated from their true purpose, what students really must learn in college and how we can go back to making college a place for self-discovery and critical thinking.", + "categories": "psychology", + "review_score": 8.2 + }, + { + "Unnamed: 0": 2335, + "book_name": "Give And Take", + "summaries": " explains the three different types of how we interact with others and shows you why being a giver is, contrary to popular belief, the best way to success in business and life.", + "categories": "psychology", + "review_score": 1.9 + }, + { + "Unnamed: 0": 2336, + "book_name": "Grit", + "summaries": " describes what creates outstanding achievements, based on science, interviews with high achievers from various fields and the personal history of success of the author, Angela Duckworth, uncovering that achievement isn\u2019t reserved for the talented only, but for those with passion and perseverance.", + "categories": "psychology", + "review_score": 7.8 + }, + { + "Unnamed: 0": 2337, + "book_name": "Through The Language Glass", + "summaries": " explains how the language you speak fundamentally alters your reality and how nature, culture and language have all been intertwined all throughout history.", + "categories": "psychology", + "review_score": 7.8 + }, + { + "Unnamed: 0": 2338, + "book_name": "Million Dollar Consulting", + "summaries": " teaches you how to build a thriving consultancy business, by focusing on relationships, delivering strategic value and thinking long-term all the way through.", + "categories": "psychology", + "review_score": 8.1 + }, + { + "Unnamed: 0": 2339, + "book_name": "The Rise Of Superman", + "summaries": " decodes the science of ultimate, human performance by examining how top athletes enter and stay in a state of flow, while achieving their greatest feats, and how you can do the same.", + "categories": "psychology", + "review_score": 9.1 + }, + { + "Unnamed: 0": 2340, + "book_name": "Fooled By Randomness", + "summaries": " explains how luck, uncertainty, probability, human error, risk, and decision-making work together to influence our actions, set against the backdrop of business and specifically, investing, to uncover how much bigger the role of chance in our lives is, than we usually make it out to be.", + "categories": "psychology", + "review_score": 9.3 + }, + { + "Unnamed: 0": 2341, + "book_name": "Rising Strong", + "summaries": " describes a 3-phase process of bouncing back from failure, which you can implement both in your own life and as a team or company, in order to embrace setbacks as part of life, deal with your emotions, confront your own ideas and rise stronger every time.", + "categories": "psychology", + "review_score": 4.0 + }, + { + "Unnamed: 0": 2342, + "book_name": "Made To Stick", + "summaries": " examines advertising campaigns, urban myths and compelling stories to determine the six traits that make ideas stick in our brains, so you don\u2019t just know why you remember some things better than others, but can also spread your own ideas more easily among the right people.", + "categories": "psychology", + "review_score": 5.5 + }, + { + "Unnamed: 0": 2343, + "book_name": "How To Create A Mind", + "summaries": " breaks down the human brain into its components, in order to then draw parallels to computers and find out what is required to let them replicate our minds, thus creating true, artificial intelligence.", + "categories": "psychology", + "review_score": 8.8 + }, + { + "Unnamed: 0": 2344, + "book_name": "The Art Of Asking", + "summaries": " teaches you to finally accept the help of others, stop trying to do everything on your own, and show you how you can build a closely knit family of friends and supporters by being honest, generous and not afraid to ask.", + "categories": "psychology", + "review_score": 8.2 + }, + { + "Unnamed: 0": 2345, + "book_name": "The Black Swan", + "summaries": " explains why we are so bad at predicting the future, and how unlikely events dramatically change our lives if they do happen, as well as what you can do to become better at expecting the unexpected.", + "categories": "psychology", + "review_score": 2.6 + }, + { + "Unnamed: 0": 2346, + "book_name": "The Code Of The Extraordinary Mind", + "summaries": " gives you a 10-step framework for success, based on the lives of the world\u2019s most successful people, who the author has spent 200+ hours interviewing.", + "categories": "psychology", + "review_score": 5.8 + }, + { + "Unnamed: 0": 2347, + "book_name": "The Botany Of Desire", + "summaries": " describes how, contrary to popular belief, we might not be using plants as much as plants use us, by getting humans to ensure their survival, thanks to appealing to our desires for beauty, sweetness, intoxication and control.", + "categories": "psychology", + "review_score": 4.5 + }, + { + "Unnamed: 0": 2348, + "book_name": "The Better Angels Of Our Nature", + "summaries": " illustrates why we live in the most peaceful time ever in history, by looking at what motivates us to behave violently, how these motivators are outweighed by our tendencies towards a peaceful life and which major shifts in history caused this global reduction in crime.", + "categories": "psychology", + "review_score": 4.4 + }, + { + "Unnamed: 0": 2349, + "book_name": "Ignore Everybody", + "summaries": " outlines 40 ways for creative people to let their inner artist bubble to the surface by staying in control of their art, not selling out and refusing\u00a0to conform to\u00a0what the world wants you to do.", + "categories": "psychology", + "review_score": 7.0 + }, + { + "Unnamed: 0": 2350, + "book_name": "The Magic of Math", + "summaries": " shows you not only the power, but also the beauty of mathematics, unlike you\u2019ve ever seen it in school and with practical, real-world applications.", + "categories": "psychology", + "review_score": 4.4 + }, + { + "Unnamed: 0": 2351, + "book_name": "Think Like A Freak teaches you how to reject conventional wisdom as often as possible, ask the right questions about everything and come up with your own, statistically validated answers, instead of relying on other peoples\u2019 opinions or common sense", + "summaries": ".", + "categories": "psychology", + "review_score": 3.5 + }, + { + "Unnamed: 0": 2352, + "book_name": "I Wear The Black Hat", + "summaries": " shows you that determining if a person is good or bad isn\u2019t as straightforward as you might think, by uncovering some of the biases that make us see people in a different light, regardless of their true intentions.", + "categories": "psychology", + "review_score": 4.0 + }, + { + "Unnamed: 0": 2353, + "book_name": "Born For This", + "summaries": " shows you how to find the work you were meant to do, which actually might consist of many different forms of work over the course of your life, by showing you the power of a side hustle, proper risk-assessment, creating your own job and pursuing all of your passions \u2013 one at a time.", + "categories": "psychology", + "review_score": 4.7 + }, + { + "Unnamed: 0": 2354, + "book_name": "The Now Habit", + "summaries": " is a strategic program to help you eliminate procrastination from your life, bring fun and motivation back to your work and enjoy your well-earned spare time without feeling guilty.", + "categories": "psychology", + "review_score": 7.8 + }, + { + "Unnamed: 0": 2355, + "book_name": "Creative Schools", + "summaries": " reveals how fundamentally broken our formal education system really is and how we can change our perspective to teach children the competencies and things they actually need to navigate the modern world.", + "categories": "psychology", + "review_score": 5.7 + }, + { + "Unnamed: 0": 2356, + "book_name": "The Genius Of Birds", + "summaries": " shines a new light on a genuinely underrated kind of vertebrate by explaining birds\u2019 capacities to be social, intelligently solve challenges, learn languages, be artistic and navigate the planet.", + "categories": "psychology", + "review_score": 6.1 + }, + { + "Unnamed: 0": 2357, + "book_name": "Mini Habits", + "summaries": " explains how you can get the most out of the fact that 45% of your behavior happens on autopilot by setting ridiculously small goals, relying on willpower instead of motivation and tracking your progress to live a life that\u2019s full of\u00a0good mini habits.", + "categories": "psychology", + "review_score": 5.3 + }, + { + "Unnamed: 0": 2358, + "book_name": "The Eureka Factor lays out the history of so-called \u201caha moments\u201d and explains what happens in your brain as you have them, where they come from and how you can train yourself to have more flashes of genius", + "summaries": ".", + "categories": "psychology", + "review_score": 6.3 + }, + { + "Unnamed: 0": 2359, + "book_name": "Grain Brain", + "summaries": " takes a look at the impact carbohydrates have on the structure and development of your brain, arriving at the conclusion that a diet high in fat, low in carbs and especially sugar, combined with fasting, lots of activity and more sleep could provide you with a much higher quality of life.", + "categories": "psychology", + "review_score": 2.8 + }, + { + "Unnamed: 0": 2360, + "book_name": "Howard Hughes: His Life And Madness", + "summaries": " details the birth, childhood, career, death and legacy of shimmering business tycoon Howard Hughes, who was a billionaire, world-renowned aviator, actor and industry magnate.", + "categories": "psychology", + "review_score": 2.9 + }, + { + "Unnamed: 0": 2361, + "book_name": "A Curious Mind", + "summaries": " is an homage to the power of asking questions, showing you how being curious can change your entire life, from the way you do business, to how you interact with your loved ones, or even shape your country.", + "categories": "psychology", + "review_score": 4.5 + }, + { + "Unnamed: 0": 2362, + "book_name": "The Selfish Gene", + "summaries": " explains the process of evolution in biology using genes as its basic unit, showing how they manifest in the form of organisms, what they do to ensure their own survival, how they program our brains, which strategies have worked best throughout history and what makes humans so special in this context.", + "categories": "psychology", + "review_score": 8.7 + }, + { + "Unnamed: 0": 2363, + "book_name": "Inventology", + "summaries": " takes you through the history of how many of the world\u2019s best inventors came across their ideas, uncovering their creative process and how\u00a0you can update it for today to figure out what drives great inventions and come up with your own.", + "categories": "psychology", + "review_score": 3.0 + }, + { + "Unnamed: 0": 2364, + "book_name": "Smarter", + "summaries": " is one \u201cslow learner\u201d turned A student\u2019s experimental account of improving his intelligence by 16% through various tests, lessons and exercises and explains how you can increase your intelligence in scientifically proven ways.", + "categories": "psychology", + "review_score": 7.8 + }, + { + "Unnamed: 0": 2365, + "book_name": "Breakfast With Socrates", + "summaries": " takes you through an ordinary day in the company of extraordinary minds, by linking each part of it to the core message of one of several great philosophers throughout history, such as Descartes, Nietzsche, Marx, and even Buddha.", + "categories": "psychology", + "review_score": 4.8 + }, + { + "Unnamed: 0": 2366, + "book_name": "Originals", + "summaries": " re-defines what being creative means by using many specific examples of how persistence, procrastination, transparency, critical thinking and perspective can be brought together to change the world.", + "categories": "psychology", + "review_score": 1.5 + }, + { + "Unnamed: 0": 2367, + "book_name": "Hardwiring Happiness", + "summaries": " tells you what you can do to overcome your negativity bias of focusing on and exaggerating negative events by relishing, extending and prioritizing the good things in your life to become happier.", + "categories": "psychology", + "review_score": 6.0 + }, + { + "Unnamed: 0": 2368, + "book_name": "Pitch Anything", + "summaries": " relies on tactics and strategies from a field called neuroeconomics to give you an entirely new way of presenting, pitching and convincing other people of your ideas and offers.", + "categories": "psychology", + "review_score": 1.9 + }, + { + "Unnamed: 0": 2369, + "book_name": "The Signal And The Noise", + "summaries": " explains why so many predictions end up being wrong, and how statisticians, politicians and meteorologists fall\u00a0prey to masses of data, when finding\u00a0important signals is mostly a matter of being cautious, diligent and, most importantly, human.", + "categories": "psychology", + "review_score": 4.0 + }, + { + "Unnamed: 0": 2370, + "book_name": "Everything Is Obvious", + "summaries": " shows you that common sense isn\u2019t as reliable as you think it is, because it often fails us in helping to make predictions, and how you can change the way you or your company make decisions with\u00a0more scientific, statistically grounded methods.", + "categories": "psychology", + "review_score": 7.3 + }, + { + "Unnamed: 0": 2371, + "book_name": "The Sleep Revolution", + "summaries": " paints a grim picture of Western sleep culture, but not without extending a hand to school kids, students, professionals and CEOs alike by offering genuine advice on how to stop wearing sleep deprivation as a badge of honor and finally get a good night\u2019s sleep.", + "categories": "psychology", + "review_score": 6.9 + }, + { + "Unnamed: 0": 2372, + "book_name": "The Upside Of Irrationality", + "summaries": "\u00a0shows you the many ways in which you act irrational, while thinking what you\u2019re doing makes perfect sense, and how this irrational behavior can actually be beneficial, as long as you use it the right way.", + "categories": "psychology", + "review_score": 9.7 + }, + { + "Unnamed: 0": 2373, + "book_name": "Rejection Proof", + "summaries": " shows you that no \u201cNo\u201d lasts forever, and how you can use rejection therapy to change your perspective of fear, embrace new challenges, and hear the word \u201cYes\u201d more often than ever before.", + "categories": "psychology", + "review_score": 7.5 + }, + { + "Unnamed: 0": 2374, + "book_name": "Daring Greatly", + "summaries": " is a book about having the courage to be vulnerable in a world where everyone wants to appear strong, confident and like they know what they\u2019re doing.", + "categories": "psychology", + "review_score": 3.8 + }, + { + "Unnamed: 0": 2375, + "book_name": "Predictable Success", + "summaries": " leads you through the various stages of companies and alternative paths they can and might take, depending on their actions, showing you the safest path towards predictable success, where you consistently achieve your goals.", + "categories": "psychology", + "review_score": 2.0 + }, + { + "Unnamed: 0": 2376, + "book_name": "How To Win At The Sport Of Business", + "summaries": " is Mark Cuban\u2019s account of how he changed his mindset and attitude over the years to go from broke to billionaire and help you embrace the habits of a successful businessman (or woman).", + "categories": "psychology", + "review_score": 4.4 + }, + { + "Unnamed: 0": 2377, + "book_name": "Meditations On First Philosophy", + "summaries": "\u00a0is one of the premier works of Western philosophy, written by\u00a0Ren\u00e9 Descartes in 1641, prompting us to abandon everything that can possibly be doubted and then starting to reason our way forward based only on what we can know with absolute certainty.", + "categories": "psychology", + "review_score": 8.6 + }, + { + "Unnamed: 0": 2378, + "book_name": "To Sell Is Human", + "summaries": " shows you that selling is part of your life, no matter what you do, and what a successful salesperson looks like in the 21st century, with practical ideas to help you convince others in a more honest, natural and sustainable way.", + "categories": "psychology", + "review_score": 4.8 + }, + { + "Unnamed: 0": 2379, + "book_name": "Black Box Thinking", + "summaries": " reveals that all paths to success lead through failure and what you can do to change your perspective on it, admit your mistakes, and build your own black box to consistently learn and improve from the feedback failure gives you.", + "categories": "psychology", + "review_score": 6.0 + }, + { + "Unnamed: 0": 2380, + "book_name": "This Is Your Brain On Music", + "summaries": " explains where music historically comes from, what it triggers in our brain, how we develop our tastes and why it\u2019s a crucial part of our lives, along with what makes great musicians great.", + "categories": "psychology", + "review_score": 1.0 + }, + { + "Unnamed: 0": 2381, + "book_name": "Predictably Irrational", + "summaries": " explains the hidden forces that really drive how we make decisions, which are far less rational than we think, but can help us stay on top of our finances, interact better with others and live happier lives, once we know about them.", + "categories": "psychology", + "review_score": 8.2 + }, + { + "Unnamed: 0": 2382, + "book_name": "Charlie Munger", + "summaries": " teaches you the investment approach and ideas about life from Warren Buffett\u2019s business partner and billionaire Charlie Munger, which the two have used for decades to run one of the most successful companies in the world.", + "categories": "psychology", + "review_score": 9.2 + }, + { + "Unnamed: 0": 2383, + "book_name": "The Talent Code", + "summaries": " cracks open the myth of talent and breaks it down from a neurological standpoint into three crucial parts, which anyone can pull together to become a world-class performer, artist, or athlete and form something they used to believe was not even within their own hands.", + "categories": "psychology", + "review_score": 4.4 + }, + { + "Unnamed: 0": 2384, + "book_name": "Reading Like A Writer", + "summaries": " takes you through the various elements of world-famous\u00a0literature and shows you how, by paying close attention to how great authors employ them, you can not only get a lot more from your reading, but also learn to be a better writer yourself.", + "categories": "psychology", + "review_score": 8.4 + }, + { + "Unnamed: 0": 2385, + "book_name": "Man\u2019s Search for Meaning", + "summaries": " details holocaust survivor Viktor Frankl\u2019s horrifying experiences in Nazi concentration camps, along with his psychological approach of logotherapy, which is also what helped him survive and shows you how you can \u2013 and must \u2013 find meaning in your life.", + "categories": "psychology", + "review_score": 8.0 + }, + { + "Unnamed: 0": 2386, + "book_name": "Smarter Faster Better", + "summaries": " tells deeply researched stories from professionals around the world to show you how to do what you\u2019re already doing in a better, more efficient way, by focusing on decisions, motivation and the way we set goals.", + "categories": "psychology", + "review_score": 6.5 + }, + { + "Unnamed: 0": 2387, + "book_name": "Abundance", + "summaries": " shows you the key technological trends being developed today, to give you a glimpse of a future that\u2019s a lot brighter than you think and help you embrace the optimism we need to make it happen.", + "categories": "psychology", + "review_score": 7.0 + }, + { + "Unnamed: 0": 2388, + "book_name": "10 Days To Faster Reading", + "summaries": " helps you\u00a0bring your reading skills to the current century, even if you\u2019ve stopped developing them, like most of us, with the end of elementary school, by helping you select what to read in a better way and giving you actionable techniques to read and retain faster and better.", + "categories": "psychology", + "review_score": 4.7 + }, + { + "Unnamed: 0": 2389, + "book_name": "The ADHD Advantage", + "summaries": " sheds light on one of the most falsely assessed health conditions of the 21st century, by explaining how ADHD is overdiagnosed, overmedicated and why people with ADHD should embrace it as a means of success.", + "categories": "psychology", + "review_score": 8.8 + }, + { + "Unnamed: 0": 2390, + "book_name": "The Art Of Learning", + "summaries": " explains the science of becoming a top performer, based on Josh Waitzkin\u2019s personal rise to the top of the chess and Tai Chi world, by showing you the right mindset, proper ways to practice and how to build the habits of a professional.", + "categories": "psychology", + "review_score": 1.7 + }, + { + "Unnamed: 0": 2391, + "book_name": "Ending Aging", + "summaries": " describes how the process of aging is like a disease and therefore, treatable, by outlining the seven primary ways in which we age and possible antidotes to all of them, plus a glimpse into the future of potentially indefinite human life.", + "categories": "psychology", + "review_score": 6.9 + }, + { + "Unnamed: 0": 2392, + "book_name": "Carrots And Sticks", + "summaries": " explains how you can harness the power of incentives \u2013 carrots and sticks \u2013 to change your bad behaviors, improve your self-control and reach your long-term goals.", + "categories": "psychology", + "review_score": 5.6 + }, + { + "Unnamed: 0": 2393, + "book_name": "Are You Fully Charged", + "summaries": " shows you the three keys to arriving at work and life with a battery that\u2019s brimming with happiness and motivation, which are energy, interactions and meaning, and how to implement them in your day.", + "categories": "psychology", + "review_score": 6.9 + }, + { + "Unnamed: 0": 2394, + "book_name": "How To Be Alone", + "summaries": " shows you that solitude not only has its benefits, but is a vital component of happiness and that you should embrace it and slowly discover what dosage you need, and why it\u2019s okay to let society think you\u2019re a bit weird sometimes.", + "categories": "psychology", + "review_score": 8.2 + }, + { + "Unnamed: 0": 2395, + "book_name": "Wherever You Go, There You Are", + "summaries": " explains what mindfulness is and why it\u2019s not reserved for Zen practitioners and Buddhist monks, giving you simple ways to practice it in everyday life, both formally and informally, while helping you avoid the obstacles on your way to a more aware self.", + "categories": "psychology", + "review_score": 6.4 + }, + { + "Unnamed: 0": 2396, + "book_name": "Year of Yes", + "summaries": " details famous TV-show creator Shonda Rhimes\u2019s change from introversion to socialite by saying \u201cYes\u201d to anything for a full year and how she was finally able to face her fears and start loving herself.", + "categories": "psychology", + "review_score": 6.8 + }, + { + "Unnamed: 0": 2397, + "book_name": "The Life-Changing Magic of Tidying Up", + "summaries": " takes you through the process of simplifying, organizing and storing your belongings step by step, to make your home a place of peace and clarity.", + "categories": "psychology", + "review_score": 1.6 + }, + { + "Unnamed: 0": 2398, + "book_name": "Why We Work", + "summaries": " looks at the purpose of work in our lives by examining how different people view their work, what traits make work feel meaningful, and which questions companies should ask to maximize the motivation of their employees.", + "categories": "psychology", + "review_score": 4.4 + }, + { + "Unnamed: 0": 2399, + "book_name": "Deep Work", + "summaries": " proposes that we have lost our ability to focus deeply and immerse ourselves in a complex task, showing you how to cultivate this skill again and focus more than ever before with four simple rules.", + "categories": "psychology", + "review_score": 7.2 + }, + { + "Unnamed: 0": 2400, + "book_name": "Who Moved My Cheese", + "summaries": " tells a parable, which you can directly apply to your own life, in order to stop fearing what lies ahead and instead thrive in an environment of change and uncertainty.", + "categories": "psychology", + "review_score": 2.9 + }, + { + "Unnamed: 0": 2401, + "book_name": "Singletasking", + "summaries": " digs into neuroscientific research to explain why we\u2019re not meant to multitask, how you can go back to the old, singletasking ways, and why that\u2019s better for your work, relationships and happiness.", + "categories": "psychology", + "review_score": 1.5 + }, + { + "Unnamed: 0": 2402, + "book_name": "How To Read Literature Like A Professor", + "summaries": " shows you how to get more out of your reading, by educating you about the basics of classic literature and how authors use patterns, themes, memory and symbolism in their work to deliver their message to you.", + "categories": "psychology", + "review_score": 7.2 + }, + { + "Unnamed: 0": 2403, + "book_name": "The 48 Laws Of Power", + "summaries": " draws on many of history\u2019s most famous power quarrels to show\u00a0you what power looks like, how you can get it, what to do to defend yourself against the power of others and, most importantly, how to use it well and keep it.", + "categories": "psychology", + "review_score": 4.1 + }, + { + "Unnamed: 0": 2404, + "book_name": "The Da Vinci Curse", + "summaries": " explains why people with many talents don\u2019t fit into a world where we need specialists and, if you have many talents yourself, shows you how you can lift this curse, by giving you a framework to follow and find your true vocation in life.", + "categories": "psychology", + "review_score": 2.5 + }, + { + "Unnamed: 0": 2405, + "book_name": "As A Man Thinketh", + "summaries": " is an essay and self-help classic, which argues that the key to mastering your life is harnessing the power of your thoughts and helps you cultivate the philosophy and attitude of a positive, successful person.", + "categories": "psychology", + "review_score": 7.1 + }, + { + "Unnamed: 0": 2406, + "book_name": "Never Eat Alone", + "summaries": " is a modern classic, which explains the art of networking and gives you actionable advice on how you can harness the power of good relationships and become a good networker to build a career you love.", + "categories": "psychology", + "review_score": 9.4 + }, + { + "Unnamed: 0": 2407, + "book_name": "Buddha\u2019s Brain", + "summaries": " explains how world-changing thought leaders like Moses, Mohammed, Jesus, Gandhi and the Buddha altered their brains with the power of their minds and how you can use the latest findings of neuroscience to do the same and become a more\u00a0positive, resilient, mindful and happy person.", + "categories": "psychology", + "review_score": 9.1 + }, + { + "Unnamed: 0": 2408, + "book_name": "13 Things Mentally Strong People Don\u2019t Do", + "summaries": " started as a personal reminder to not give in to bad habits in the face of adversity, but turned into a psychological guidebook to help you improve your mental strength and emotional resilience.", + "categories": "psychology", + "review_score": 5.6 + }, + { + "Unnamed: 0": 2409, + "book_name": "Why We Love", + "summaries": " delivers a scientific explanation for love, shows you how it developed historically and evolutionarily, tells you what we\u2019re all attracted to and where we differ, and of course gives you actionable advice to deal with both the exciting, successful romance in your life, as well as its sometimes inevitable fallout.", + "categories": "psychology", + "review_score": 9.3 + }, + { + "Unnamed: 0": 2410, + "book_name": "The Six Pillars Of Self-Esteem", + "summaries": " is the definitive piece on one of the most important psychological traits we need to live a happy life, and lays out how you can introduce six practices into your life, to assert your right to be happy and live a fulfilling life.", + "categories": "psychology", + "review_score": 4.5 + }, + { + "Unnamed: 0": 2411, + "book_name": "Emotional Intelligence", + "summaries": " explains the importance of emotions in your life, how they help and hurt your ability to navigate the world, followed by practical advice on how to improve your own emotional intelligence and why that is the\u00a0key to leading a successful life.", + "categories": "psychology", + "review_score": 4.8 + }, + { + "Unnamed: 0": 2412, + "book_name": "Thrive", + "summaries": " shines a light on the missing ingredient in our perception of success, which includes well-being, wonder, wisdom and giving, and goes beyond just money and power, which often drive people right into burnout, terrible health and unhappiness.", + "categories": "psychology", + "review_score": 1.6 + }, + { + "Unnamed: 0": 2413, + "book_name": "Losing My Virginity", + "summaries": " details Richard Branson\u2019s meteoric rise to success and digs into what made him the adventurous, fun-loving, daring entrepreneur he is today and what lessons you can learn about business from him.", + "categories": "psychology", + "review_score": 2.6 + }, + { + "Unnamed: 0": 2414, + "book_name": "The End Of Stress", + "summaries": " shows you not only that treating stress as normal is wrong and how it harms your mental and physical health, but also gives you actionable tips and strategies to end stress once and for all so you can live a long, happy, powerful and creative life.", + "categories": "psychology", + "review_score": 2.1 + }, + { + "Unnamed: 0": 2415, + "book_name": "Awaken The Giant Within", + "summaries": " is the psychological blueprint you can follow to wake up and start taking control of your life, starting in your mind, spreading through your body and then all the way through your relationships, work and finances until you\u2019re the giant you were always meant to be.", + "categories": "psychology", + "review_score": 6.6 + }, + { + "Unnamed: 0": 2416, + "book_name": "Freakonomics", + "summaries": " helps you make better decisions by showing you how your life is dominated by incentives, how to close information asymmetries between you and the experts that exploit you and how to really tell the difference between causation and correlation.", + "categories": "psychology", + "review_score": 1.1 + }, + { + "Unnamed: 0": 2417, + "book_name": "The Desire Map", + "summaries": " gives your goal-setting mechanism a makeover by showing you that desire, not facts, is what fuels our lives and helps you rely on your feelings to navigate life, instead of giving in to the pressure of the outside world to check the boxes on goals that don\u2019t really matter to you.", + "categories": "psychology", + "review_score": 1.5 + }, + { + "Unnamed: 0": 2418, + "book_name": "Strengthsfinder 2.0", + "summaries": " argues that we should forget about fixing our weaknesses, and go all in on our strengths instead, by showing you ways to figure out which 5 key strengths are an innate part of you and giving you advice on how to use them in your life and work.", + "categories": "psychology", + "review_score": 8.0 + }, + { + "Unnamed: 0": 2419, + "book_name": "The Art of Non-Conformity", + "summaries": " teaches you how to play life by your own rules by giving you practical glimpses into the world of self-employment, a new approach to travel, to-do list minimalism and conscious spending habits.", + "categories": "psychology", + "review_score": 1.4 + }, + { + "Unnamed: 0": 2420, + "book_name": "The Blue Zones", + "summaries": " gives you advice on how to live to be 100 years and older by looking at five spots across the planet, where people live the longest, and drawing lessons about what they eat, drink, how they exercise and which habits most shape their lives.", + "categories": "psychology", + "review_score": 9.3 + }, + { + "Unnamed: 0": 2421, + "book_name": "Vagabonding", + "summaries": " will change your relationship with money and travel by showing you that long-term life on the road isn\u2019t reserved for rich people and hippies, and will give you the tools you need to start living a life of adventure, simplicity and content.", + "categories": "psychology", + "review_score": 2.8 + }, + { + "Unnamed: 0": 2422, + "book_name": "The Truth", + "summaries": " sees Neil Strauss draw lessons about monogamy, love and relationships learned from depression, sex addiction treatment, swinger parties and science labs, in the decade after becoming one of the world\u2019s most notorious pick-up artists and desired single men on the planet.", + "categories": "psychology", + "review_score": 3.3 + }, + { + "Unnamed: 0": 2423, + "book_name": "Meditations", + "summaries": "\u00a0is a collection of 12 books written by Roman emperor Marcus Aurelius, who consistently journaled to remember his education in Stoic philosophy, and whose writings will teach you logic, faith, and self-discipline.", + "categories": "psychology", + "review_score": 6.0 + }, + { + "Unnamed: 0": 2424, + "book_name": "David and Goliath", + "summaries": " explains why underdogs win in situations where the odds are stacked unfavorably against them, and how you can do the same.", + "categories": "psychology", + "review_score": 2.8 + }, + { + "Unnamed: 0": 2425, + "book_name": "Uncertainty", + "summaries": " shows you that the condition of not knowing is nothing to fear, but the birthplace of innovation, which, if you embrace it while anchoring yourself, has an unlimited potential for growth, wealth and happiness.", + "categories": "psychology", + "review_score": 2.4 + }, + { + "Unnamed: 0": 2426, + "book_name": "Blink", + "summaries": " explains what happens when you listen to your gut feeling, why these snap judgments are often much more efficient than conscious deliberating, and how to avoid your intuition leading you to wrong assumptions.", + "categories": "psychology", + "review_score": 4.2 + }, + { + "Unnamed: 0": 2427, + "book_name": "First Things First", + "summaries": " shows you how to stop looking at the clock and start looking at the compass, by figuring out what\u2019s important, prioritizing those things in your life, developing a vision for the future, building the right relationships and becoming a strong leader wherever you go.", + "categories": "psychology", + "review_score": 6.6 + }, + { + "Unnamed: 0": 2428, + "book_name": "Linchpin", + "summaries": " shows you why the time of simply following instructions at your job is over and how to make yourself indispensable, which is a must for success today.", + "categories": "psychology", + "review_score": 1.2 + }, + { + "Unnamed: 0": 2429, + "book_name": "Focus", + "summaries": " shows you that attention is the thing that makes life worth living and helps you develop more of it to\u00a0become focused in every area of life: work, relationships and your own attitude towards life and the planet.", + "categories": "psychology", + "review_score": 8.8 + }, + { + "Unnamed: 0": 2430, + "book_name": "10% Happier", + "summaries": " gives skeptics an easy \u201cin\u201d to meditation, by taking a very non-fluffy approach to the science behind this mindfulness practice and showing you how and why letting go of your ego is important for living a stress-free life.", + "categories": "psychology", + "review_score": 1.8 + }, + { + "Unnamed: 0": 2431, + "book_name": "Happier At Home", + "summaries": " is an instruction manual to transform your home into a castle of happiness by figuring out what needs to be changed, what needs to stay the same, and embracing the gift of family.", + "categories": "psychology", + "review_score": 7.8 + }, + { + "Unnamed: 0": 2432, + "book_name": "The Power of Now", + "summaries": "\u00a0shows you that every minute you spend worrying about the future or regretting the past is a minute lost, because the only place you can truly live in is the present, the now, which is why the book offers actionable strategies to start living every minute as it occurs and becoming 100% present in and for your life.", + "categories": "psychology", + "review_score": 3.8 + }, + { + "Unnamed: 0": 2433, + "book_name": "The In-Between", + "summaries": " is a reminder to slow down and learn to appreciate the little moments in life, like the times when we\u2019re really just waiting for the next big thing, as they shape our lives a lot more than we think.", + "categories": "psychology", + "review_score": 9.0 + }, + { + "Unnamed: 0": 2434, + "book_name": "All Marketers Are Liars", + "summaries": " is based on the idea that we believe whatever we want to believe, and that it\u2019s exactly this trait of ours, which marketers use (and sometimes abuse) to sell their products by infusing them with good stories \u2013 whether they\u2019re true or not.", + "categories": "psychology", + "review_score": 1.0 + }, + { + "Unnamed: 0": 2435, + "book_name": "Drive", + "summaries": " explores what has motivated humans throughout history and explains how we shifted from mere survival to the carrot and stick approach that\u2019s still practiced today \u2013 and why it\u2019s outdated.", + "categories": "psychology", + "review_score": 6.1 + }, + { + "Unnamed: 0": 2436, + "book_name": "The Success Principles", + "summaries": " condenses 64 lessons Jack Canfield learned on his journey to becoming a successful entrepreneur, author, coach and speaker into 6 sections, which will help you transform your mindset and take responsibility and control of your own life, so you can get from where you are to where you want to be.", + "categories": "psychology", + "review_score": 9.6 + }, + { + "Unnamed: 0": 2437, + "book_name": "Secrets Of The Millionaire Mind", + "summaries": " suggests our financial success is predetermined from birth and shows us what to do to break through mental barriers and acquire the habits and thinking of the rich.", + "categories": "psychology", + "review_score": 5.5 + }, + { + "Unnamed: 0": 2438, + "book_name": "Trust Me, I\u2019m Lying", + "summaries": "\u00a0is a marketer\u2019s take on how influential blogs have become, why that\u2019s something to worry about, and which broken dynamics govern the internet today, including his own confessions of how he gamed that very system to successfully generate press for his clients.", + "categories": "psychology", + "review_score": 3.7 + }, + { + "Unnamed: 0": 2439, + "book_name": "Do Over", + "summaries": " shines a light on the four core skills you need to build an amazing career: relationships, skills, character and hustle, and shows you how to develop each one of them and use them in different stages of your career.", + "categories": "psychology", + "review_score": 3.0 + }, + { + "Unnamed: 0": 2440, + "book_name": "Launch", + "summaries": " is an early internet entrepreneurs step-by-step blueprint to creating products people want, launching them from the comfort of your home and building the life you\u2019ve always wanted, thanks to the power of psychology, email, and of course the internet.", + "categories": "psychology", + "review_score": 9.7 + }, + { + "Unnamed: 0": 2441, + "book_name": "The Happiness Project", + "summaries": " will show you how to change your life, without actually changing your life, thanks to the findings of modern science, ancient history and popular culture about happiness, which the author tested for a year and now shares with you.", + "categories": "psychology", + "review_score": 8.1 + }, + { + "Unnamed: 0": 2442, + "book_name": "The Obstacle Is The Way", + "summaries": " is a modern take on the ancient philosophy of Stoicism, which helps you endure the struggles of life with grace and resilience by drawing lessons from ancient heroes, former presidents, modern actors, athletes, and how they turned adversity into success thanks to the power of perception, action, and will.", + "categories": "psychology", + "review_score": 7.8 + }, + { + "Unnamed: 0": 2443, + "book_name": "The New Trading For A Living", + "summaries": " teaches you a calm approach to stock trading, by equipping you with the basic tools of chart analysis, risk-minimizing rules and showing you which amateur mistakes to avoid when getting started as a stock trader.", + "categories": "psychology", + "review_score": 7.5 + }, + { + "Unnamed: 0": 2444, + "book_name": "Outliers", + "summaries": " explains why \u201cthe self-made man\u201d is a myth and what truly lies behind the success of the best people in their field, which is often a series of lucky events, rare opportunities and other external factors, which are out of our control.", + "categories": "psychology", + "review_score": 8.0 + }, + { + "Unnamed: 0": 2445, + "book_name": "Start", + "summaries": " shows you how you can flip the switch of your life from average to awesome by punching fear in the face, being realistic, living with purpose and going through the five stages of success, one step at a time.", + "categories": "psychology", + "review_score": 8.1 + }, + { + "Unnamed: 0": 2446, + "book_name": "The Power Of Positive Thinking", + "summaries": " will show you that the roots of success lie in the mind and teach you how to believe in yourself, break the habit of worrying, and take control of your life by taking control of your thoughts and changing your attitude.", + "categories": "psychology", + "review_score": 9.9 + }, + { + "Unnamed: 0": 2447, + "book_name": "Permission Marketing", + "summaries": " explains why nobody pays attention to TV commercials and flyers anymore, and shows you how in today\u2019s crowded market, you can cheaply start a dialogue with your ideal customer, build a relationship over time and sell to them much more effectively.", + "categories": "psychology", + "review_score": 7.8 + }, + { + "Unnamed: 0": 2448, + "book_name": "Attached", + "summaries": " delivers a scientific explanation why some relationships thrive and steer a clear path over a lifetime, while others crash and burn, based on the human need for attachment and the three different styles of it.", + "categories": "psychology", + "review_score": 6.7 + }, + { + "Unnamed: 0": 2449, + "book_name": "Thinking Fast And Slow", + "summaries": " shows you how two systems in your brain are constantly\u00a0fighting over control of your behavior and actions, and teaches you the many ways in which this leads to errors in memory, judgment and decisions, and what you can do about it.", + "categories": "psychology", + "review_score": 3.6 + }, + { + "Unnamed: 0": 2450, + "book_name": "The Power Of Full Engagement", + "summaries": null, + "categories": "psychology", + "review_score": 6.3 + }, + { + "Unnamed: 0": 2451, + "book_name": "Your Brain At Work", + "summaries": " helps you overcome the daily challenges that take away\u00a0your brain power, like constant email and interruption madness, high levels of stress, lack of control and high expectations, by showing you what goes on inside your head and giving you new approaches to control it better.", + "categories": "psychology", + "review_score": 4.1 + }, + { + "Unnamed: 0": 2452, + "book_name": "Don\u2019t Sweat The Small Stuff (\u2026 And It\u2019s All Small Stuff)", + "summaries": " will keep you from letting the little, stressful things in life, like your email inbox, rushing to trains, and annoying co-workers drive you insane and help you find peace and calm in a stressful world.", + "categories": "psychology", + "review_score": 3.0 + }, + { + "Unnamed: 0": 2453, + "book_name": "Big Magic", + "summaries": " is the book that\u2019ll give you the courage you need to pursue your creative interests by showing you how to deal with your fears, notice ideas and act on them and take the stress out of creation.", + "categories": "psychology", + "review_score": 6.2 + }, + { + "Unnamed: 0": 2454, + "book_name": "The Psychology of Winning", + "summaries": " teaches you the 10 qualities of winners, which set them apart and help them win in every sphere of life: personally, professionally and spiritually.", + "categories": "psychology", + "review_score": 1.5 + }, + { + "Unnamed: 0": 2455, + "book_name": "The 80/20 Principle", + "summaries": " reveals how you can boost your effectiveness both in your own life and for your business by getting you in the mindset that not all inputs produce an equal amount of outputs and helping you embrace the Pareto principle.", + "categories": "psychology", + "review_score": 5.3 + }, + { + "Unnamed: 0": 2456, + "book_name": "Crossing The Chasm", + "summaries": " gives high tech startups a marketing blueprint, in order to make their product get the initial traction it needs to eventually reach the majority of the market and not die in the chasm between early adopters and pragmatists.", + "categories": "psychology", + "review_score": 2.9 + }, + { + "Unnamed: 0": 2457, + "book_name": "Willpower", + "summaries": " is a blend of practical tips and the latest scientific research on self-control, explaining how willpower works, what you can do to improve it, how to optimize it and which steps to take when it fails you.", + "categories": "psychology", + "review_score": 6.7 + }, + { + "Unnamed: 0": 2458, + "book_name": "The Honest Truth About Dishonesty", + "summaries": " reveals our motivation behind cheating, why it\u2019s not entirely rational, and, based on many experiments, what we can do to lessen the conflict between wanting to get ahead and being good people.", + "categories": "psychology", + "review_score": 4.8 + }, + { + "Unnamed: 0": 2459, + "book_name": "Less Doing More Living", + "summaries": " is based on the assumption that the less you have to do, the more life you have to live, and helps you implement this philosophy into your life by giving you real-world tools to boost efficiency in every aspect of your life.", + "categories": "psychology", + "review_score": 5.8 + }, + { + "Unnamed: 0": 2460, + "book_name": "Rewire", + "summaries": " explains why we keep engaging in addictive and self-destructive behavior, how our brains justify it and where you can get started on breaking your bad habits by becoming more mindful and disciplined.", + "categories": "psychology", + "review_score": 1.2 + }, + { + "Unnamed: 0": 2461, + "book_name": "How To Win Friends And Influence People", + "summaries": " teaches you countless principles to become a likable person, handle your relationships well, win others over and help them change their behavior without being intrusive.", + "categories": "psychology", + "review_score": 2.9 + }, + { + "Unnamed: 0": 2462, + "book_name": "Quiet", + "summaries": " shows the slow rise of the extrovert ideal for success throughout the 20th century, while making a case for the underappreciated power of introverts and showing up new ways for both forces to cooperate.", + "categories": "psychology", + "review_score": 6.8 + }, + { + "Unnamed: 0": 2463, + "book_name": "Antifragile", + "summaries": " reveals how some systems thrive from shocks, volatility and uncertainty, instead of breaking from them, and how you can adapt more antifragile traits yourself to thrive in an uncertain and chaotic world.", + "categories": "psychology", + "review_score": 3.1 + }, + { + "Unnamed: 0": 2464, + "book_name": "The Power Of No", + "summaries": " is an encompassing instruction manual for you to harness the power of this little word to get healthy, rid yourself of bad relationships, embrace abundance and ultimately say yes to yourself.", + "categories": "psychology", + "review_score": 8.4 + }, + { + "Unnamed: 0": 2465, + "book_name": "Getting Things Done", + "summaries": " is a manual for stress-free productivity, which helps you set up a system of lists, reminders and weekly reviews, in order to free your mind from having to remember tasks and to-dos and instead let it work at full focus on the task at hand.", + "categories": "psychology", + "review_score": 9.2 + }, + { + "Unnamed: 0": 2466, + "book_name": "Think And Grow Rich", + "summaries": " is a curation of the 13 most common habits of wealthy and successful people, distilled from studying over 500 individuals over the course of 20 years.", + "categories": "psychology", + "review_score": 8.9 + }, + { + "Unnamed: 0": 2467, + "book_name": "Talent Is Overrated", + "summaries": " debunks both talent and experience as the determining factors and instead makes a case for deliberate practice, intrinsic motivation and starting early.", + "categories": "psychology", + "review_score": 2.0 + }, + { + "Unnamed: 0": 2468, + "book_name": "SuperBetter", + "summaries": " not only breaks down the science behind games and how they help us become physically, emotionally, mentally and socially stronger, but also gives you a 7-step system you can use to turn your own life into a game, have more fun than ever before and overcome your biggest challenges.", + "categories": "psychology", + "review_score": 3.3 + }, + { + "Unnamed: 0": 2469, + "book_name": "Purple Cow", + "summaries": " explains why building a great product and advertising the heck out of it simply doesn\u2019t cut it anymore and how you can\u00a0build something that\u2019s so remarkable people have to share it, in order to succeed in today\u2019s crowded post-advertising world.", + "categories": "psychology", + "review_score": 6.1 + }, + { + "Unnamed: 0": 2470, + "book_name": "The Achievement Habit", + "summaries": " shows you that being an achiever can be learned, by using the principles of design thinking to walk you through several stories and exercises, which will get you to stop wishing and start doing.", + "categories": "psychology", + "review_score": 4.8 + }, + { + "Unnamed: 0": 2471, + "book_name": "Mistakes Were Made, But Not By Me", + "summaries": " takes you on a journey of famous examples and areas of life where mistakes are hushed up instead of admitted, showing you along the way how this\u00a0hinders progress, why we do it in the first place, and what you can do to start honestly admitting your own.", + "categories": "psychology", + "review_score": 3.6 + }, + { + "Unnamed: 0": 2472, + "book_name": "Quitter", + "summaries": " is a blueprint to help you close the gap between your day job and your dream job, showing you simple steps you can take towards your dream without turning it into a nightmare.", + "categories": "psychology", + "review_score": 9.4 + }, + { + "Unnamed: 0": 2473, + "book_name": "What Every Body Is Saying", + "summaries": " is an ex-FBI agents guide to reading non-verbal cues, which will help you spot others\u2019 true intentions and feelings, even when their mouths are saying something different.", + "categories": "psychology", + "review_score": 8.7 + }, + { + "Unnamed: 0": 2474, + "book_name": "The Art Of Work", + "summaries": " is the instruction manual to find your vocation by looking into your passions, connecting them to the needs of the world, and thus building a legacy that\u2019s bigger than yourself.", + "categories": "psychology", + "review_score": 6.3 + }, + { + "Unnamed: 0": 2475, + "book_name": "Work The System", + "summaries": " will fundamentally change the way you view the world, by showing you the systems all around you and giving you the guiding principles to influence the right ones to make your business successful.", + "categories": "psychology", + "review_score": 5.4 + }, + { + "Unnamed: 0": 2476, + "book_name": "The War Of Art", + "summaries": " brings some much needed tough love to all artists, business people and creatives who spend more time battling the resistance against work than actually working, by identifying the procrastinating forces at play and pulling out the rug from under their feet.", + "categories": "psychology", + "review_score": 7.9 + }, + { + "Unnamed: 0": 2477, + "book_name": "The Tipping Point", + "summaries": " explains how ideas spread like epidemics and which few elements need to come together to help an idea reach the point of critical mass, where its viral effect becomes unstoppable.", + "categories": "psychology", + "review_score": 9.4 + }, + { + "Unnamed: 0": 2478, + "book_name": "Essentialism", + "summaries": "\u00a0will show you a new, better way of looking at productivity\u00a0by giving you permission to be extremely selective about what\u2019s truly essential in your life and then ruthlessly cutting out everything else.", + "categories": "psychology", + "review_score": 4.1 + }, + { + "Unnamed: 0": 2479, + "book_name": "Mastery", + "summaries": " debunks the myth of talent and shows you there are proven steps you can take to achieve mastery in a discipline of your own choosing, by analyzing the paths of some of history\u2019s most famous masters, such as Einstein, Darwin and Da Vinci.", + "categories": "psychology", + "review_score": 4.5 + }, + { + "Unnamed: 0": 2480, + "book_name": "The Pomodoro Technique", + "summaries": " is the simplest way to productively manage your time with only two lists and a timer, by breaking down your workload into small, manageable chunks to stay fresh and focused throughout your day.", + "categories": "psychology", + "review_score": 9.7 + }, + { + "Unnamed: 0": 2481, + "book_name": "The Power Of Habit", + "summaries": " helps you understand why\u00a0habits are at the core of everything you\u00a0do, how you can change them, and what impact that will have on your life, your business and society.", + "categories": "psychology", + "review_score": 4.3 + }, + { + "Unnamed: 0": 2482, + "book_name": "So Good They Can\u2019t Ignore You", + "summaries": " sheds some much needed light on the \u201cfollow your passion\u201d myth and shows you that the true path to work you love lies in becoming a craftsman of the work you already have, collecting rare skills and taking control of your hours in the process.", + "categories": "psychology", + "review_score": 2.8 + }, + { + "Unnamed: 0": 2483, + "book_name": "The Speed Of Trust", + "summaries": " not only explains the economics of trust, but also shows you how to cultivate great trust in yourself, your relationships, and the three kinds of stakeholders you\u2019ll deal with when you\u2019re running a company.", + "categories": "psychology", + "review_score": 1.9 + }, + { + "Unnamed: 0": 2484, + "book_name": "The Power Of Less", + "summaries": " shows you how to align your life with your most important goals, by finding out what\u2019s really essential, changing your habits one at a time and working focused and productively on only those projects that will lead you to where you really want to go.", + "categories": "psychology", + "review_score": 9.6 + }, + { + "Unnamed: 0": 2485, + "book_name": "Bounce", + "summaries": " shows you that training\u00a0trumps talent every time, by explaining the science of deliberate practice, the mindset of high performers and how you can use those tools to become a master of whichever\u00a0skill you choose.", + "categories": "psychology", + "review_score": 5.6 + }, + { + "Unnamed: 0": 2486, + "book_name": "Choose Yourself", + "summaries": " is a call to give up traditional career paths and take your life into your own hands by building good habits, creating your own career, and making a decision to choose yourself.", + "categories": "psychology", + "review_score": 8.2 + }, + { + "Unnamed: 0": 2487, + "book_name": "Salt Sugar Fat", + "summaries": " takes you through the history of the demise of home-cooked meals by explaining why you love salt, sugar and fat so much and how the processed food industry managed to hook us by cramming all 3 of those into their products.", + "categories": "psychology", + "review_score": 8.3 + }, + { + "Unnamed: 0": 2488, + "book_name": "The Millionaire Fastlane", + "summaries": " points out what\u2019s wrong with the old get a degree, get a job, work hard, retire rich model, defines wealth in a new way, and shows you the path to retiring young.", + "categories": "psychology", + "review_score": 6.7 + }, + { + "Unnamed: 0": 2489, + "book_name": "The ONE Thing", + "summaries": " gives you a very simple approach to productivity, based around a single question, to help you have less clutter, distractions and stress, and more focus, energy and success.", + "categories": "psychology", + "review_score": 9.6 + }, + { + "Unnamed: 0": 2490, + "book_name": "Sex at Dawn", + "summaries": "\u00a0challenges conventional views on sex by diving deep into our ancestors\u2019 sexual history and the rise of monogamy, thus prompting us to rethink our understanding of what sex and relationships should really feel and be like.", + "categories": "psychology", + "review_score": 7.3 + }, + { + "Unnamed: 0": 2491, + "book_name": "Talk Like TED", + "summaries": " has analyzed over 500 of the most popular TED talks to help you integrate the three most common features of them, novelty, emotions, and being memorable, into your own presentations and make you a better speaker.", + "categories": "psychology", + "review_score": 7.8 + }, + { + "Unnamed: 0": 2492, + "book_name": "Influence", + "summaries": " has been the go-to book for marketers since its release in 1984, which delivers\u00a0six key principles behind human influence and explains them with countless practical examples.", + "categories": "psychology", + "review_score": 3.6 + }, + { + "Unnamed: 0": 2493, + "book_name": "The Art Of Happiness", + "summaries": " is the result of a psychiatrist interviewing the Dalai Lama on how he personally achieved inner peace, calmness, and happiness.", + "categories": "psychology", + "review_score": 9.3 + }, + { + "Unnamed: 0": 2494, + "book_name": "The Paradox Of Choice", + "summaries": " shows you how today\u2019s vast amount of choice makes you frustrated, less likely to choose, more likely to mess up, and less happy overall, before giving you concrete strategies and tips to ease the burden of decision-making.", + "categories": "psychology", + "review_score": 8.1 + }, + { + "Unnamed: 0": 2495, + "book_name": "Stumbling On Happiness", + "summaries": " examines the capacity of our brains to fill in gaps and simulate experiences, shows how our lack of awareness of these powers sometimes leads us to wrong decisions, and how we can change our behavior to synthesize our own happiness.", + "categories": "psychology", + "review_score": 7.5 + }, + { + "Unnamed: 0": 2496, + "book_name": "The 7 Habits Of Highly Effective People", + "summaries": " teaches you both personal and professional effectiveness by\u00a0changing your view of how the world works and giving you 7 habits, which, if adopted well, will lead you to immense success.", + "categories": "psychology", + "review_score": 2.5 + }, + { + "Unnamed: 0": 2497, + "book_name": "Moonwalking With Einstein", + "summaries": " not only educates you about the history of memory, and how its standing has declined over centuries, but also gives you actionable techniques to extend and improve your own.", + "categories": "psychology", + "review_score": 3.1 + }, + { + "Unnamed: 0": 2498, + "book_name": "The Upside Of Stress", + "summaries": " helps you change your mindset from one that avoids anxiety at all costs to a belief that embraces stress as a normal part of life, which helps you respond to it in better ways and actually be healthier.", + "categories": "psychology", + "review_score": 9.2 + }, + { + "Unnamed: 0": 2499, + "book_name": "The Miracle Morning", + "summaries": " makes it clear that in order to become successful,\u00a0you have to dedicate time to personal development each day, and then gives you a 6-step morning routine to create and shape that time.", + "categories": "psychology", + "review_score": 6.8 + }, + { + "Unnamed: 0": 2500, + "book_name": "The 4-Hour Workweek", + "summaries": " is the step-by-step blueprint to free yourself from the shackles of a corporate job, create a business to fund the lifestyle of your dreams, and live life like a millionaire, without actually having to be one.", + "categories": "psychology", + "review_score": 6.0 + }, + { + "Unnamed: 0": 2501, + "book_name": "Hooked", + "summaries": " shows you how some of the world\u2019s most successful\u00a0products, like smartphones, make us form habits around them and why that\u2019s crucial to their success, before teaching\u00a0you the 4-step framework that lies behind them.", + "categories": "psychology", + "review_score": 9.7 + }, + { + "Unnamed: 0": 2502, + "book_name": "The Wisdom Of Crowds", + "summaries": " researches why groups reach better decisions than individuals, what makes groups smart, where the dangers of group decisions lie, and how each of us can encourage the groups we are part of to work together.", + "categories": "psychology", + "review_score": 2.3 + }, + { + "Unnamed: 0": 2503, + "book_name": "The Game", + "summaries": " is like a seat right next to Neil Strauss on his rollercoaster ride through the pickup community, where he gets hooked, successful, lost, wins and fails, until he finds his true self again.", + "categories": "psychology", + "review_score": 7.2 + }, + { + "Unnamed: 0": 2504, + "book_name": "The Willpower Instinct", + "summaries": " breaks down willpower into 3 categories, and gives you science-backed systems to improve your self-control, break bad habits and choose long-term goals over instant gratification.", + "categories": "psychology", + "review_score": 5.9 + }, + { + "Unnamed: 0": 2505, + "book_name": "How We Learn", + "summaries": " teaches you how your brain creates and recalls memories, what you can do to remember things better and longer, and how you can boost your creativity and improve your gut decisions along the way.", + "categories": "psychology", + "review_score": 7.2 + }, + { + "Unnamed: 0": 2506, + "book_name": "Flow", + "summaries": " explains why we seek happiness in externals and what\u2019s wrong with it, where you can really find enjoyment in life, and how you can truly become happy by creating your own meaning of life.", + "categories": "psychology", + "review_score": 4.0 + }, + { + "Unnamed: 0": 2507, + "book_name": "Eat That Frog", + "summaries": " provides 21 techniques and strategies to stop procrastinating and get more done.", + "categories": "psychology", + "review_score": 4.1 + }, + { + "Unnamed: 0": 2508, + "book_name": "Duct Tape Marketing", + "summaries": " introduces small businesses to the nuts and bolts of marketing in the 21st century by taking them all the way from character profiles and strategy through specific marketing tactics to building a great referral system.", + "categories": "psychology", + "review_score": 9.8 + }, + { + "Unnamed: 0": 2509, + "book_name": "You Are Not Your Brain", + "summaries": " educates you about the science behind bad habits and breaking them, giving you an actionable 4-step framework you can use to stop listening to your brain\u2019s deceptive messages.", + "categories": "psychology", + "review_score": 9.2 + }, + { + "Unnamed: 0": 2510, + "book_name": "The Upside Of Your Dark Side", + "summaries": " takes a look at our darkest emotions, like anxiety or anger, and shows you there are real benefits that follow\u00a0them and their underlying character traits, such as narcissism or psychopathy.", + "categories": "psychology", + "review_score": 3.1 + }, + { + "Unnamed: 0": 2511, + "book_name": "Do The Work", + "summaries": " is Steven Pressfield\u2019s follow-up to The War Of Art, where he gives you actionable tactics and strategies to overcome resistance, the force behind procrastination.", + "categories": "psychology", + "review_score": 1.9 + }, + { + "Unnamed: 0": 2512, + "book_name": "The Happiness Advantage", + "summaries": " turns the tables on happiness, by proving it\u2019s a tool for success, instead of the result of it, and gives you 7 actionable principles you can use to\u00a0increase both.", + "categories": "psychology", + "review_score": 5.5 + }, + { + "Unnamed: 0": 2513, + "book_name": "The Little Prince", + "summaries": " is a beautiful children\u2019s story full of valuable lessons for adults, recounting the tale of an aviator and a little boy from a distant planet, both stranded in the desert, looking to get home, sharing what they\u2019ve learned about life.", + "categories": "motivation", + "review_score": 9.9 + }, + { + "Unnamed: 0": 2514, + "book_name": "A Tale of Two Cities", + "summaries": " tells the stories of two connected families in 18th-century London and Paris, exploring everything from love and loss to murder and family intrigue, thus teaching us about history, ethics, and the complexity of human relationships.", + "categories": "motivation", + "review_score": 2.0 + }, + { + "Unnamed: 0": 2515, + "book_name": "The Light We Carry", + "summaries": " is a set of practices to help you stay calm, optimistic, and confident in an unpredictable world, based on Michelle Obama\u2019s life experiences as a woman, mother, lawyer, daughter, leader, and the former First Lady of the United States.", + "categories": "motivation", + "review_score": 3.2 + }, + { + "Unnamed: 0": 2516, + "book_name": "Dear Girls", + "summaries": " is a collection of letters written by comedian Ali Wong to her two daughters, recounting tales from her youth and life in an attempt to pass on some hard-earned wisdom to them and anyone willing to listen to her story.", + "categories": "motivation", + "review_score": 4.4 + }, + { + "Unnamed: 0": 2517, + "book_name": "On Writing", + "summaries": " details Stephen King\u2019s journey to becoming one of the best-selling authors of all time while delivering hard-won advice on the craft to aspiring writers.", + "categories": "motivation", + "review_score": 7.2 + }, + { + "Unnamed: 0": 2518, + "book_name": "Never Finished", + "summaries": " is an inspiring blueprint for leveling up in the game of life that never ends, offering 8 evolutions of thought, painful truths, and motivating stories to help you smash any and all glass ceilings in your life.", + "categories": "motivation", + "review_score": 4.9 + }, + { + "Unnamed: 0": 2519, + "book_name": "The Simple Path to Wealth", + "summaries": " is a three-step template for achieving financial freedom in a straightforward way, passed from a wealthy man to his teenage daughter through a series of letters.", + "categories": "motivation", + "review_score": 4.1 + }, + { + "Unnamed: 0": 2520, + "book_name": "The Wealthy Gardener is a series of stories told from the perspective of an old, wealthy man, who shares the financial wisdom he\u2019s acquired over many years with the members in his community, showing them how to", + "summaries": " build wealth step-by-step through short yet meaningful anecdotes.", + "categories": "motivation", + "review_score": 8.4 + }, + { + "Unnamed: 0": 2521, + "book_name": "The Midnight Library", + "summaries": " tells the story of Nora, a depressed woman in her 30s, who, on the day she decides to die, finds herself in a library full of lives she could have lived, where she discovers there\u2019s a lot more to life, even her current one, than she had ever imagined.", + "categories": "motivation", + "review_score": 1.0 + }, + { + "Unnamed: 0": 2522, + "book_name": "The Infinite Game", + "summaries": " argues that business is not a competition but an infinite journey, and that to do well in it, leaders must advance a \u201cJust Cause,\u201d build trusting teams, learn from their \u201cWorthy Rivals,\u201d and practice existential flexibility.", + "categories": "motivation", + "review_score": 8.8 + }, + { + "Unnamed: 0": 2523, + "book_name": "The Little Prince", + "summaries": " is a beautiful children\u2019s story full of valuable lessons for adults, recounting the tale of an aviator and a little boy from a distant planet, both stranded in the desert, looking to get home, sharing what they\u2019ve learned about life.", + "categories": "motivation", + "review_score": 1.9 + }, + { + "Unnamed: 0": 2524, + "book_name": "A Tale of Two Cities", + "summaries": " tells the stories of two connected families in 18th-century London and Paris, exploring everything from love and loss to murder and family intrigue, thus teaching us about history, ethics, and the complexity of human relationships.", + "categories": "motivation", + "review_score": 5.9 + }, + { + "Unnamed: 0": 2525, + "book_name": "The Light We Carry", + "summaries": " is a set of practices to help you stay calm, optimistic, and confident in an unpredictable world, based on Michelle Obama\u2019s life experiences as a woman, mother, lawyer, daughter, leader, and the former First Lady of the United States.", + "categories": "motivation", + "review_score": 9.3 + }, + { + "Unnamed: 0": 2526, + "book_name": "Dear Girls", + "summaries": " is a collection of letters written by comedian Ali Wong to her two daughters, recounting tales from her youth and life in an attempt to pass on some hard-earned wisdom to them and anyone willing to listen to her story.", + "categories": "motivation", + "review_score": 1.4 + }, + { + "Unnamed: 0": 2527, + "book_name": "On Writing", + "summaries": " details Stephen King\u2019s journey to becoming one of the best-selling authors of all time while delivering hard-won advice on the craft to aspiring writers.", + "categories": "motivation", + "review_score": 9.8 + }, + { + "Unnamed: 0": 2528, + "book_name": "Never Finished", + "summaries": " is an inspiring blueprint for leveling up in the game of life that never ends, offering 8 evolutions of thought, painful truths, and motivating stories to help you smash any and all glass ceilings in your life.", + "categories": "motivation", + "review_score": 6.7 + }, + { + "Unnamed: 0": 2529, + "book_name": "The Simple Path to Wealth", + "summaries": " is a three-step template for achieving financial freedom in a straightforward way, passed from a wealthy man to his teenage daughter through a series of letters.", + "categories": "motivation", + "review_score": 2.7 + }, + { + "Unnamed: 0": 2530, + "book_name": "The Wealthy Gardener is a series of stories told from the perspective of an old, wealthy man, who shares the financial wisdom he\u2019s acquired over many years with the members in his community, showing them how to", + "summaries": " build wealth step-by-step through short yet meaningful anecdotes.", + "categories": "motivation", + "review_score": 5.9 + }, + { + "Unnamed: 0": 2531, + "book_name": "The Midnight Library", + "summaries": " tells the story of Nora, a depressed woman in her 30s, who, on the day she decides to die, finds herself in a library full of lives she could have lived, where she discovers there\u2019s a lot more to life, even her current one, than she had ever imagined.", + "categories": "motivation", + "review_score": 9.7 + }, + { + "Unnamed: 0": 2532, + "book_name": "The Infinite Game", + "summaries": " argues that business is not a competition but an infinite journey, and that to do well in it, leaders must advance a \u201cJust Cause,\u201d build trusting teams, learn from their \u201cWorthy Rivals,\u201d and practice existential flexibility.", + "categories": "motivation", + "review_score": 7.6 + }, + { + "Unnamed: 0": 2533, + "book_name": "The Daily Laws", + "summaries": "\u00a0is a page-a-day, calendar-style book covering the three big topics of mastery, power, and emotions, sharing Robert Greene\u2019s best lessons from 20 years of research of the dynamics within and between humans.", + "categories": "motivation", + "review_score": 4.1 + }, + { + "Unnamed: 0": 2534, + "book_name": "Discipline Is Destiny", + "summaries": " is a three-part manual to master and implement the Stoic virtue of temperance, aka discipline, in your life, thus improving your body, mind, and spirit.", + "categories": "motivation", + "review_score": 1.6 + }, + { + "Unnamed: 0": 2535, + "book_name": "The How of Happiness", + "summaries": " describes a scientific approach to being happier by giving you a short quiz to determine your \u201chappiness set point,\u201d followed by various tools and tactics to help you take control of the large chunk of happiness that\u2019s fully within your grasp.", + "categories": "motivation", + "review_score": 7.6 + }, + { + "Unnamed: 0": 2536, + "book_name": "Will", + "summaries": " is world-famous actor and musician Will Smith\u2019s autobiography, outlining his life\u2019s story all the way from his humble beginnings in West Philadelphia to achieving fame as a musician and then global stardom as an actor and, ultimately, one of the most influential people of our time.", + "categories": "motivation", + "review_score": 2.1 + }, + { + "Unnamed: 0": 2537, + "book_name": "Resilience", + "summaries": " will help you find joy in self-transformation, showing you ways to become more positive, hard-working, and face hardship with the kind of bravery and optimism that will get you through any challenge.", + "categories": "motivation", + "review_score": 3.5 + }, + { + "Unnamed: 0": 2538, + "book_name": "The Greatest Secret", + "summaries": " comes as a sequel to \u201cThe Secret,\u201d which was a worldwide phenomenon when it first came out as it presented the idea that one can change their own life by tapping into the Universe\u2019s powers and asking for their wildest dreams to come true using the law of attraction.", + "categories": "motivation", + "review_score": 8.4 + }, + { + "Unnamed: 0": 2539, + "book_name": "Loserthink", + "summaries": " talks about the sabotaging thinking habits that run our minds and paralyze us when it comes to taking charge of life, and how we can overcome them with small, incremental steps that drive powerful change.", + "categories": "motivation", + "review_score": 9.5 + }, + { + "Unnamed: 0": 2540, + "book_name": "Siddhartha", + "summaries": " presents the self-discovery expedition of a man during the time of the Buddha who, unsure of what life really means to him, takes an exploratory journey to pursue the highs and lows of life, which ultimately leads him to discover the equilibrium in all things and a higher wisdom within.", + "categories": "motivation", + "review_score": 6.0 + }, + { + "Unnamed: 0": 2541, + "book_name": "No Hard Feelings", + "summaries": " is a practical book for better managing the emotional side of work and building the skills needed to enhance your performance both within your role and more broadly throughout your career path by finding motivation again and managing negative emotions.", + "categories": "motivation", + "review_score": 2.7 + }, + { + "Unnamed: 0": 2542, + "book_name": "The Art of Living", + "summaries": " talks about living a peaceful life through meditation and gratitude, especially by using the Vipassana meditation technique and the philosophy behind Buddhism, which promotes developing a clearer vision of life and seeing things as they truly are.", + "categories": "motivation", + "review_score": 4.1 + }, + { + "Unnamed: 0": 2543, + "book_name": "The Universe Has Your Back", + "summaries": " explores the importance of spiritual elevation, meditation, and ways to live by a mantra that serves you in your self-discovery journey that will shape your reality through new and improved thoughts and inner beliefs.", + "categories": "motivation", + "review_score": 4.7 + }, + { + "Unnamed: 0": 2544, + "book_name": "Loonshots", + "summaries": " explores the process of innovation, specifically how groundbreaking ideas emerge from simple thoughts and how important it is for organizations to give course to them by creating learning environments where people feel safe exploring and creating.", + "categories": "motivation", + "review_score": 8.5 + }, + { + "Unnamed: 0": 2545, + "book_name": "Love Warrior", + "summaries": " delves into the life of Glennon Doyle, a woman who battled with self-destructive behaviors, eating disorders, depression, and many more challenges before finally embracing the life she deserved and started living meaningfully while being true to herself.", + "categories": "motivation", + "review_score": 9.6 + }, + { + "Unnamed: 0": 2546, + "book_name": "The Mind Illuminated", + "summaries": " is the definitive guide to meditation and consciousness, as it teaches its readers how meditation works, and how to navigate the ten stages of conscious breathing and intentional practice of mindfulness, all while highlighting why meditation is so crucial in everyone\u2019s lives.", + "categories": "motivation", + "review_score": 8.2 + }, + { + "Unnamed: 0": 2547, + "book_name": "The Courage to Be Happy", + "summaries": " offers a hands-on guide to living a meaningful life and letting go of negative thoughts by compiling the groundbreaking theories of psychologist Alfred Adler with other valuable research into an all-in-one book for becoming a happy and fulfilled person.", + "categories": "motivation", + "review_score": 4.8 + }, + { + "Unnamed: 0": 2548, + "book_name": "Keto Answers", + "summaries": " is your go-to guide on how to get started with the ketogenic diet, its positive implications on your health and proneness to diseases like diabetes, and a fact-based study that debunks myths and assumptions about following a low-carb diet.\u00a0", + "categories": "motivation", + "review_score": 5.0 + }, + { + "Unnamed: 0": 2549, + "book_name": "The Book of Mistakes", + "summaries": " follows the adventures of David, a young adult who is going through a rough patch and receives guidance from a wise man who teaches him the nine mistakes he should avoid, how to become successful, and a series of valuable life lessons that can save anyone many years of their life.", + "categories": "motivation", + "review_score": 6.4 + }, + { + "Unnamed: 0": 2550, + "book_name": "Untamed", + "summaries": " is an inspiring memoir of Glennon Doyle, a woman who found peace and inner strength by challenging life in all its areas, from love to parenting, personal growth, and work, after going through a powerful change that led her to discover crucial aspects about herself and allowed her to build a new life.", + "categories": "motivation", + "review_score": 9.8 + }, + { + "Unnamed: 0": 2551, + "book_name": "The Slight Edge", + "summaries": " outlines the importance of doing small, little improvements in our everyday life to achieve a successful bigger picture, and how by focusing more on making better day-by-day choices you can shape a remarkable future.", + "categories": "motivation", + "review_score": 4.6 + }, + { + "Unnamed: 0": 2552, + "book_name": "Expert Secrets", + "summaries": " teaches you how to create and implement an informative marketing plan and putting it into practice, while also showing you what problem you must solve for your prospects or teach them how to do it themselves.", + "categories": "motivation", + "review_score": 1.5 + }, + { + "Unnamed: 0": 2553, + "book_name": "Good Vibes, Good Life", + "summaries": " explores ways to unlock your true potential by loving yourself more, practicing self-care, manifesting your wishes, and transforming negative emotions into positive ones using simple tips and tricks for a happy life.", + "categories": "motivation", + "review_score": 7.0 + }, + { + "Unnamed: 0": 2554, + "book_name": "What to Say When You Talk to Yourself", + "summaries": " is a book by Shad Helmstetter, a self-help guru who has written several pieces on the subject of self-talk, and who argues that in order to achieve our highest self we need to work on how we talk to ourselves and identify our biggest challenge to conquer.", + "categories": "motivation", + "review_score": 9.4 + }, + { + "Unnamed: 0": 2555, + "book_name": "Everyday Millionaires", + "summaries": " proves how anyone can become a millionaire if they have a solid actionable plan and the willingness to work hard by drawing conclusions from the largest study ever conducted on the lives of millionaires.", + "categories": "motivation", + "review_score": 9.8 + }, + { + "Unnamed: 0": 2556, + "book_name": "Daily Rituals", + "summaries": " is a compilation of the best practices and habits of successful people from different fields aimed to help anyone increase productivity, get past writer\u2019s block, and become more creative and efficient in their everyday work.", + "categories": "motivation", + "review_score": 9.4 + }, + { + "Unnamed: 0": 2557, + "book_name": "Chasing Excellence", + "summaries": " breaks down how world-class athletes achieve the mental strength they need to succeed, highlighting", + "categories": "motivation", + "review_score": 3.3 + }, + { + "Unnamed: 0": 2558, + "book_name": "The 5 Choices", + "summaries": " teaches us how to reach our highest potential in the workplace and achieve the top level of productivity through a series of tips and tricks and work habits that can change your life right away if you\u2019re willing to give them a try.", + "categories": "motivation", + "review_score": 8.5 + }, + { + "Unnamed: 0": 2559, + "book_name": "The 100-Year Life", + "summaries": " teaches you how to be resourceful and prepare ahead of time for a world in which people not only live longer but reach an age in the triple-digits, and talks about what you should be doing right now to ensure you have enough money for retirement.", + "categories": "motivation", + "review_score": 9.2 + }, + { + "Unnamed: 0": 2560, + "book_name": "The Daily Stoic", + "summaries": " is a year-long compilation of short, daily meditations from ancient Stoic philosophers like Seneca, Epictetus, Marcus Aurelius, and others, teaching you equanimity, resilience, and perseverance\u00a0", + "categories": "motivation", + "review_score": 4.4 + }, + { + "Unnamed: 0": 2561, + "book_name": "That Sounds Fun", + "summaries": " uncovers the secrets of a happy life: mindfulness, love, joy, and a good dose of doing whatever makes us happy as often as we can, starting from simple, day-to-day activities, to much bigger life experiences that speak to our soul.", + "categories": "motivation", + "review_score": 6.8 + }, + { + "Unnamed: 0": 2562, + "book_name": "Designing Your Work Life", + "summaries": " is a helpful guidebook for anyone who wants to create and maintain a work environment that is both happy and productive by working with what they already have, rather than keep on changing jobs in hope of finding better.", + "categories": "motivation", + "review_score": 2.6 + }, + { + "Unnamed: 0": 2563, + "book_name": "Minor Feelings", + "summaries": " explores the purgatory state that Asian-Americans are stuck into as immigrants who have an image of non-white and non-black people who don\u2019t speak, disturb, or make any impression at all.", + "categories": "motivation", + "review_score": 4.5 + }, + { + "Unnamed: 0": 2564, + "book_name": "The Year of Magical Thinking", + "summaries": " ", + "categories": "motivation", + "review_score": 1.3 + }, + { + "Unnamed: 0": 2565, + "book_name": "Mastermind: How to Think Like Sherlock Holmes", + "summaries": " presents the story of one of the most famous detectives we\u2019ve ever known and his adventures in the world of uncovering mysteries while highlighting the secrets of his powerful mind, psychological tricks, deduction games, and teaching you how to strengthen your cognitive capacity.", + "categories": "motivation", + "review_score": 7.4 + }, + { + "Unnamed: 0": 2566, + "book_name": "Bored and Brilliant", + "summaries": " explores the idea of how just doing nothing, daydreaming and spacing out can improve our cognitive functions, enhance creativity and original thinking overall while also helping us relieve stress.", + "categories": "motivation", + "review_score": 9.5 + }, + { + "Unnamed: 0": 2567, + "book_name": "Real Change", + "summaries": " offers a way out of the burdening problems around the world that sometimes weigh on our spirit and make us feel powerless by presenting meditation practices that help us alleviate negative emotions and face these issues with determination and change them for the better.", + "categories": "motivation", + "review_score": 10.0 + }, + { + "Unnamed: 0": 2568, + "book_name": "The Bhagavad Gita", + "summaries": " is the number one spiritual text in Hinduism, packed with wisdom about life and purpose as well as powerful advice on living virtuously but authentically without succumbing to life\u2019s temptations or other people\u2019s dreams.", + "categories": "motivation", + "review_score": 3.3 + }, + { + "Unnamed: 0": 2569, + "book_name": "Chaos", + "summaries": " is a scientific piece of writing that presents the principles behind the Chaos Theory, which was popularized in the late 20th century and represents a monumental step forward in the area of scientific knowledge and the universe\u2019s evolution overall.", + "categories": "motivation", + "review_score": 9.4 + }, + { + "Unnamed: 0": 2570, + "book_name": "Love People Use Things", + "summaries": " conceptualizes the idea of living a simple, minimalist life while focusing on what\u2019s important, such as the people next to us, and making the most of every moment spent with those we love.", + "categories": "motivation", + "review_score": 6.2 + }, + { + "Unnamed: 0": 2571, + "book_name": "The Longevity Paradox", + "summaries": " explores ways to live a longer, healthier life and \u201cdie young\u201d as a senior, instead of having to go through illnesses, all by focusing on the microbiome and improving our lifestyle as heart surgeon ", + "categories": "motivation", + "review_score": 9.3 + }, + { + "Unnamed: 0": 2572, + "book_name": "Die Empty", + "summaries": " talks about the importance of following your dreams and aspirations, living a meaningful, active life, and using your native gifts to create a legacy and inspire others to tap into their own potential as well.", + "categories": "motivation", + "review_score": 7.2 + }, + { + "Unnamed: 0": 2573, + "book_name": "The Art of Possibility", + "summaries": " explores the remarkable effects of an open mentality and being prepared to seize opportunities, allowing a variety of possibilities into your life, and finding solutions to problems by being a hopeful person.", + "categories": "motivation", + "review_score": 9.1 + }, + { + "Unnamed: 0": 2574, + "book_name": "Raise Your Game", + "summaries": " delves into the philosophy of peak performance presented by a former basketball coach who achieved success by focusing on self-awareness, discipline, and a series of virtues.", + "categories": "motivation", + "review_score": 5.3 + }, + { + "Unnamed: 0": 2575, + "book_name": "Win or Learn", + "summaries": " explores the philosophy of life and the secrets behind peak performance in MMA of John Kavanagh, the trainer and friend of superstar Conor McGregor, and their journey to success which started in a modest gym in Ireland and ended up with McGregor having a net worth of 100 million dollars. ", + "categories": "motivation", + "review_score": 6.0 + }, + { + "Unnamed: 0": 2576, + "book_name": "Masters of Scale", + "summaries": " teaches entrepreneurs ways to open up a successful company and scale it from the grounds-up by going into detail about the right business practices, how to seize opportunities, and foster an organizational culture that encourages innovation and customer-centricity.", + "categories": "motivation", + "review_score": 9.0 + }, + { + "Unnamed: 0": 2577, + "book_name": "Lead Yourself First", + "summaries": "\u00a0highlights the importance of solitude, sorting your mind, and self-awareness in leading others, recommending strongly aligned goals and an inspiring mission to get others to take initiative on your shared objectives.", + "categories": "motivation", + "review_score": 5.2 + }, + { + "Unnamed: 0": 2578, + "book_name": "The Mom Test", + "summaries": " talks about ways to tell if your business idea is great or terrible by assessing the opinions of your friends, family, and investors accordingly, and not believing everything they say just to make you feel good.", + "categories": "motivation", + "review_score": 8.2 + }, + { + "Unnamed: 0": 2579, + "book_name": "Everyday Zen", + "summaries": " explains the philosophy of a meaningful life and teaches you how to reinvent yourself by accepting the grand wisdom and energy of the universe and learning to sit still, have more compassion, love more, and find beauty in your life.", + "categories": "motivation", + "review_score": 6.5 + }, + { + "Unnamed: 0": 2580, + "book_name": "Words That Work", + "summaries": " outlines the importance of using the right words and the appropriate body language in a given situation to make yourself understood properly and get the most out of the dialogue, while also teaching you some tips-and-tricks on how to win arguments, tame conflicts, and get your point across using a wise selection of words.", + "categories": "motivation", + "review_score": 5.7 + }, + { + "Unnamed: 0": 2581, + "book_name": "Invent & Wander", + "summaries": " is a collection of Jeff Bezos\u2019s writings and letters to its shareholders, in which he expresses his philosophy of life and his way of doing business, which ultimately led him to know tremendous success and write history with his two companies: Amazon and Blue Origin.", + "categories": "motivation", + "review_score": 5.4 + }, + { + "Unnamed: 0": 2582, + "book_name": "Your Erroneous Zones", + "summaries": " offers a hands-on guide on how to escape negative thinking, falling into your own self-destructive patterns, take charge of your thoughts and implicitly, your emotions, and how to build a better version of yourself starting with putting yourself first and not caring about what others may think.", + "categories": "motivation", + "review_score": 6.6 + }, + { + "Unnamed: 0": 2583, + "book_name": "Courage Is Calling", + "summaries": "\u00a0analyzes the actions taken in difficult situations by some of history\u2019s leading figures, thus drawing conclusions about what makes someone courageous and showing you how to become a braver person day-by-day, step-by-step.", + "categories": "motivation", + "review_score": 3.4 + }, + { + "Unnamed: 0": 2584, + "book_name": "Healthy at 100", + "summaries": " will show you how to maintain healthy habits well into your old age, such as exercising, practicing gratitude, and avoiding stress, all by relying on simple but effective practices that have stood the test of time.", + "categories": "motivation", + "review_score": 2.3 + }, + { + "Unnamed: 0": 2585, + "book_name": "Keep Going", + "summaries": " teaches us how to persist in creative work when our brain wants to take a million different paths, showing us how to harness our brain power in moments of innovation as well as tediousness.", + "categories": "motivation", + "review_score": 8.3 + }, + { + "Unnamed: 0": 2586, + "book_name": "Chatter", + "summaries": " will help you make sense of the inner mind chatter that frequently takes over your mind, showing you how to quiet negative thoughts, stop overthinking, feel less anxious, and develop useful practices to consistently alleviate negative emotions.", + "categories": "motivation", + "review_score": 6.0 + }, + { + "Unnamed: 0": 2587, + "book_name": "The Mountain Is You", + "summaries": " is a self-discovery book that aims to help its readers tap into their own power and discover their potential by overcoming trauma, life\u2019s challenges, and working on their emotional damages, all through accepting change, envisioning a prosperous future, and stopping the self-sabotage.", + "categories": "motivation", + "review_score": 1.8 + }, + { + "Unnamed: 0": 2588, + "book_name": "Wintering", + "summaries": " highlights the similarities between the cold season of the year and the period of hardship in a human life, by emphasizing how everything eventually passes in time, and how we can learn to embrace challenging times by learning from wolves, from the cold, and how our ancestors dealt with the winter.", + "categories": "motivation", + "review_score": 8.6 + }, + { + "Unnamed: 0": 2589, + "book_name": "The Comfort Crisis", + "summaries": " addresses contemporary people who live a stressful life and talks about being comfortable with discomfort and reclaiming a happy, healthy mindset by implementing a few odd, but highly effective practices in their daily lives.", + "categories": "motivation", + "review_score": 1.5 + }, + { + "Unnamed: 0": 2590, + "book_name": "Poor Charlie\u2019s Almanack", + "summaries": " explores the life of the famous investor Charlie Munger, the right hand of Warren Buffett, and teaches its readers how his inspirational take on life helped him achieve a fortune and still have time and money to dedicate towards philanthropic causes.", + "categories": "motivation", + "review_score": 9.1 + }, + { + "Unnamed: 0": 2591, + "book_name": "Discourses", + "summaries": " is a transcription of Epictetus\u2019s lectures which aim to address a series of life ethics and tales that can help us make sense of certain things happening to us, such as hardship, challenges, and life events that ultimately lead to a stronger character.", + "categories": "motivation", + "review_score": 2.9 + }, + { + "Unnamed: 0": 2592, + "book_name": "The Almanack of Naval Ravikant", + "summaries": " compiles the valuable lessons of Naval Ravikant, who teaches people how to build wealth and achieve long-term happiness by working on a few essential skills, all while discovering the secrets of living a good life.", + "categories": "motivation", + "review_score": 7.3 + }, + { + "Unnamed: 0": 2593, + "book_name": "Four Thousand Weeks", + "summaries": " explores the popularized concept of time management from a different point of view, by tapping into ancient knowledge from famous philosophers, researchers, and spiritual figures, rather than promoting the contemporary idea of high-level productivity and constant self-optimization.", + "categories": "motivation", + "review_score": 7.1 + }, + { + "Unnamed: 0": 2594, + "book_name": "The Nicomachean Ethics", + "summaries": "\u00a0is a historically important text compiling Aristotle\u2019s extensive discussion of existential questions concerning happiness, ethics, friendship, knowledge, pleasure, virtue, and even society at large.", + "categories": "motivation", + "review_score": 9.1 + }, + { + "Unnamed: 0": 2595, + "book_name": "I Hear You", + "summaries": " explores the idea of becoming a better listener, engaging in productive conversations and avoiding building up frustrations by taking charge of your communication patterns and improving them in your further dialogues.", + "categories": "motivation", + "review_score": 2.1 + }, + { + "Unnamed: 0": 2596, + "book_name": "Happy Together", + "summaries": " is written by two of the world\u2019s most renowned psychologists, and it explores the concept of love and relationships by teaching its readers how to build and maintain happy, flourishing connections and how to optimize their couple life by focusing on the good and healthily dealing with the bad.", + "categories": "motivation", + "review_score": 3.4 + }, + { + "Unnamed: 0": 2597, + "book_name": "The Practice of Groundedness", + "summaries": " provides a more grounded way of living by eliminating the cult of being productive all the time to achieve success, instead offering a way to be at peace with yourself, prioritizing mental health and a simple yet meaningful life. ", + "categories": "motivation", + "review_score": 3.5 + }, + { + "Unnamed: 0": 2598, + "book_name": "Richard Nixon: The Life", + "summaries": " presents the detailed biography of the thirty-seventh president of the United States, who became famous for his successful endeavors that put him in the White House and for his controversial life the complexities of being such a top tier political figure.", + "categories": "motivation", + "review_score": 2.1 + }, + { + "Unnamed: 0": 2599, + "book_name": "Rationality", + "summaries": " explores the concept of ration as the pylon of all human progress and how it sets us apart from all other species, helping us evolve and developing societal layers, rules of conduct, and moral grounds for all our endeavors in life.", + "categories": "motivation", + "review_score": 5.9 + }, + { + "Unnamed: 0": 2600, + "book_name": "Atlas of the Heart", + "summaries": " maps out a series of human emotions and their meaning and explores the psychology behind a human\u2019s feelings and how they make up our lives and change our behaviors, and how to build meaningful connections by learning how to deal with them.", + "categories": "motivation", + "review_score": 1.5 + }, + { + "Unnamed: 0": 2601, + "book_name": "The High 5 Habit", + "summaries": " is a self-improvement book that aims to help anyone who deals with self-limitations take charge of their life by establishing a morning routine, ditching negative talk, and transforming their life through positivity and confidence.", + "categories": "motivation", + "review_score": 7.6 + }, + { + "Unnamed: 0": 2602, + "book_name": "Perfectly Confident", + "summaries": " explores the idea of confidence and offers a series of valuable practices that anyone can implement in their life to improve this aspect, as well as an overview of how confidence is supposed to look and feel like in its realest form, without adding or subtracting too much of it. ", + "categories": "motivation", + "review_score": 2.1 + }, + { + "Unnamed: 0": 2603, + "book_name": "Unbeatable Mind", + "summaries": " explores the idea that everyone has a higher self-potential lying underneath that they ought to explore and tap into in order to live their life to the fullest and maximize their happiness and success, all possible through the 20X rule.", + "categories": "motivation", + "review_score": 3.7 + }, + { + "Unnamed: 0": 2604, + "book_name": "The Hero With a Thousand Faces", + "summaries": " analyzes humankind from a mythological and symbolistic point of view to prove that all humans have similar core concepts written in them, such as the monomyth, which is a way of narrating stories that people from all over the world use to connect with one another.", + "categories": "motivation", + "review_score": 4.5 + }, + { + "Unnamed: 0": 2605, + "book_name": "The Motivation Manifesto", + "summaries": " explores how we can find purpose and meaningfulness in our lives by discovering our inner motivators and overcoming our fears, tapping into our inner power and living life fully and freely.", + "categories": "motivation", + "review_score": 4.0 + }, + { + "Unnamed: 0": 2606, + "book_name": "The Alter Ego Effect", + "summaries": " offers a practical approach on how to construct and benefit from alter egos, or the little heroes inside you, so as to achieve your desired goals and build a successful life with the help of a few key role models that you can borrow some attributes from or even impersonate in times of need.", + "categories": "motivation", + "review_score": 7.1 + }, + { + "Unnamed: 0": 2607, + "book_name": "Real Help", + "summaries": " offers a hands-on approach to improving your life and achieving unconventional success through a happy, fulfilled, ordinary life, rather than fighting the broken system until you\u2019ve got millions in the bank and out-of-the-ordinary achievements.", + "categories": "motivation", + "review_score": 4.4 + }, + { + "Unnamed: 0": 2608, + "book_name": "The Comfort Book", + "summaries": " explores how depression feels like and its effects on our mind and body, and how we can overcome it by taking small, but significant steps in that direction, starting with finding hope, being more present at the moment, and acknowledging that we\u2019re enough.", + "categories": "motivation", + "review_score": 7.9 + }, + { + "Unnamed: 0": 2609, + "book_name": "The Self-Discipline Blueprint", + "summaries": " delves into the subject of self-actualization and why it is crucial for humans to achieve a fulfilled and successful life by creating a routine and becoming focused, self-disciplined and hard-working.", + "categories": "motivation", + "review_score": 4.2 + }, + { + "Unnamed: 0": 2610, + "book_name": "Humor, Seriously", + "summaries": " explores how bringing fun and entertainment into the workplace can enhance team productivity, spark creativity, increase trust between members and improve people\u2019s overall sentiment in relation to work and job-related activities.", + "categories": "motivation", + "review_score": 5.5 + }, + { + "Unnamed: 0": 2611, + "book_name": "Do What Matters Most", + "summaries": " outlines the importance of time management in anyone\u2019s life and explores highly efficient methods to set goals for short-term and long-term intervals, as well as how to achieve them by being more productive and learning how to prioritize.", + "categories": "motivation", + "review_score": 4.6 + }, + { + "Unnamed: 0": 2612, + "book_name": "The Little Book of Talent", + "summaries": " explores the concept of talents, skills and capabilities, and offers a multitude of effective tips and tricks on how to acquire hard skills using methods tested by top performers worldwide.", + "categories": "motivation", + "review_score": 5.4 + }, + { + "Unnamed: 0": 2613, + "book_name": "Fail Fast Fail Often", + "summaries": " outlines the importance of accepting failure as a natural part of our life, and how by embracing it instead of fearing it can improve the way we evolve, grow, learn and respond to new experiences and people.", + "categories": "motivation", + "review_score": 7.7 + }, + { + "Unnamed: 0": 2614, + "book_name": "Unfu*k Yourself", + "summaries": " offers practical advice on how to get out of your self-destructive thoughts and take charge of your life by learning how to control them and motivate yourself to take more responsibility for your life than you ever have before.", + "categories": "motivation", + "review_score": 8.8 + }, + { + "Unnamed: 0": 2615, + "book_name": "Radical Honesty", + "summaries": " looks into the concept of lying and how we can train ourselves to avoid doing it as only through morality we can live an honest life, although our natural inclination to lie can sometimes push us to alter the truth.", + "categories": "motivation", + "review_score": 7.3 + }, + { + "Unnamed: 0": 2616, + "book_name": "Be Where Your Feet Are", + "summaries": " explores the enlightening life lessons that one of America\u2019s top-tier sports personalities has to give, from being present in the moment and living in a meaningful way, to achieving a more fulfilling and successful life.", + "categories": "motivation", + "review_score": 1.4 + }, + { + "Unnamed: 0": 2617, + "book_name": "The Leader In You", + "summaries": " explores how the world leaders managed to achieve performance in their lives by creating meaningful connections and reaching a higher level of productivity through a positive, proactive mindset.", + "categories": "motivation", + "review_score": 3.7 + }, + { + "Unnamed: 0": 2618, + "book_name": "The Last Lecture", + "summaries": "\u00a0is a college professor\u2019s final message to the world before his impending death of cancer at a relatively young age, offering meaningful life advice, significant words of wisdom, and a great deal of optimism and hope for humanity.", + "categories": "motivation", + "review_score": 9.0 + }, + { + "Unnamed: 0": 2619, + "book_name": "Work Less Finish More", + "summaries": " is a hands-on guide to adopting a more focused frame of mind and developing habits that will enhance your productivity levels, give you a sense of accomplishment and put you in the right direction in order to achieve your objectives.", + "categories": "motivation", + "review_score": 2.8 + }, + { + "Unnamed: 0": 2620, + "book_name": "How To Do The Work", + "summaries": " is a go-to guide that teaches us how to establish a mind-body-spirit connection and create better connections with the people around us by exploring how these aspects are interconnected and influenced by the way we eat, think, and feel.", + "categories": "motivation", + "review_score": 5.0 + }, + { + "Unnamed: 0": 2621, + "book_name": "The Power of Focus", + "summaries": " offers its readers a focus-based approach that they can use to achieve their financial and personal goals through practical exercises and habits that they can implement into their daily lives to actively shape their future.", + "categories": "motivation", + "review_score": 6.5 + }, + { + "Unnamed: 0": 2622, + "book_name": "The Hidden Habits of Genius", + "summaries": " looks at how geniuses separate themselves from the rest by having in common a distinctive set of characteristics and habits that form a unique way of thinking and cultivating brilliance. ", + "categories": "motivation", + "review_score": 2.9 + }, + { + "Unnamed: 0": 2623, + "book_name": "Keep Showing Up", + "summaries": " explores the struggles that married couples face on a daily basis, from falling into a routine to fighting over their children, and how to overcome them by being grateful, positive and re-establishing a connection with God. ", + "categories": "motivation", + "review_score": 5.9 + }, + { + "Unnamed: 0": 2624, + "book_name": "The Burnout Fix", + "summaries": " delivers practical advice on how to thrive in the dynamic working environment we revolve around every day by setting healthy boundaries, keeping a work-life balance, and prioritizing our well-being.", + "categories": "motivation", + "review_score": 6.8 + }, + { + "Unnamed: 0": 2625, + "book_name": "How to Take Smart Notes", + "summaries": " is the perfect guide on how to improve your writing, reading, and learning techniques using simple yet little-known tips-and-tricks that you can implement right away to develop these skills.", + "categories": "motivation", + "review_score": 8.8 + }, + { + "Unnamed: 0": 2626, + "book_name": "Forest Bathing", + "summaries": " explores the Japanese tradition of shinrin-yoku, a kind of forest therapy based on immersion in nature, and the various health and wellbeing benefits we can derive from it to live better, calmer lives.", + "categories": "motivation", + "review_score": 7.8 + }, + { + "Unnamed: 0": 2628, + "book_name": "Eat Better, Feel Better", + "summaries": " is a go-to guide for combating modern dietary problems and adopting a healthier lifestyle.", + "categories": "motivation", + "review_score": 1.3 + }, + { + "Unnamed: 0": 2632, + "book_name": "Bounce Back", + "summaries": " is a book by Susan Kahn, a business coach who will teach you the psychology of resilience from the perspectives of Greek philosophy, Sigmund Freud, and modern neuroscience, so you can recover quickly from professional blunders of all kinds by changing your thinking.", + "categories": "motivation", + "review_score": 4.6 + }, + { + "Unnamed: 0": 2633, + "book_name": "Goals!", + "summaries": " By Brian Tracy shows you how to unleash the power of goal setting to help you get or become whatever you want, identifying ways to set goals that lead you to success by being specific, challenging yourself, thinking positively, preparing, adjusting your timelines on big goals, and more.", + "categories": "motivation", + "review_score": 9.9 + }, + { + "Unnamed: 0": 2634, + "book_name": "Now, Discover Your Strengths", + "summaries": " shows you how to find your top five strengths by outlining what strengths are, how you get them, why they\u2019re important to reaching your full potential, and how to discover your own through analyzing the times when your behavior is the most natural or instinctive and why.", + "categories": "motivation", + "review_score": 8.6 + }, + { + "Unnamed: 0": 2635, + "book_name": "The Kindness Method", + "summaries": " by Shahroo Izadi teaches how self-compassion and understanding make forming habits easier than being hard on yourself, using the personal experiences of the author and what she\u2019s learned as an addiction recovery therapist to show how self-esteem is the true key to behavior change.", + "categories": "motivation", + "review_score": 8.7 + }, + { + "Unnamed: 0": 2636, + "book_name": "Soundtracks", + "summaries": " teaches you how to beat overthinking by challenging whether your thoughts are true, retiring unhelpful and unkind ideas, adopting thought-boosting mantras from others, using symbols to reinforce positive thoughts, and more.", + "categories": "motivation", + "review_score": 3.3 + }, + { + "Unnamed: 0": 2637, + "book_name": "75 Hard", + "summaries": " is a fitness challenge and book that teaches mental toughness by making you commit to five daily critical tasks for 75 days straight, including drinking a gallon of water, reading 10 pages of a non-fiction book, doing two 45-minute workouts, taking a progress picture, and following a diet.", + "categories": "motivation", + "review_score": 2.6 + }, + { + "Unnamed: 0": 2638, + "book_name": "How To Fail", + "summaries": " shows the surprising benefits of going through a difficult time through the experiences of the author, Elizabeth Day, including the failures in her life that she\u2019s grateful for and how they\u2019ve helped her grow, uncovering why we shouldn\u2019t be so afraid of failure but instead embrace it.", + "categories": "motivation", + "review_score": 5.2 + }, + { + "Unnamed: 0": 2639, + "book_name": "How To Change", + "summaries": "\u00a0identifies the stumbling blocks that are in your way of reaching your goals and improving yourself and the research-backed ways to get over them, including how to beat some of the worst productivity and life problems like procrastination, laziness, and much more.", + "categories": "motivation", + "review_score": 2.1 + }, + { + "Unnamed: 0": 2640, + "book_name": "The Art of Stopping Time", + "summaries": " teaches a framework of mindfulness, philosophy, and time-management you can use to achieve Time Prosperity, which is having plenty of time to reach your dreams without overwhelm, tumult, or constriction.", + "categories": "motivation", + "review_score": 4.8 + }, + { + "Unnamed: 0": 2641, + "book_name": "What Are You Doing With Your Life?", + "summaries": " turns traditional ideas about happiness and the purpose of life on its head by diving into the details of life\u2019s most important questions, all so you can live with intention and joy more consistently.", + "categories": "motivation", + "review_score": 3.7 + }, + { + "Unnamed: 0": 2642, + "book_name": "The Way of Integrity", + "summaries": " uses science, spirituality, humor, and Dante\u2019s Divine Comedy to teach you how to find well-being, healing, a sense of purpose, and much more by rediscovering integrity, or the recently lost art of living true to yourself by what you do, think and say.", + "categories": "motivation", + "review_score": 3.1 + }, + { + "Unnamed: 0": 2643, + "book_name": "Journey of Awakening", + "summaries": " explains the basics of meditation using ideas from multiple spiritual sources, including how to avoid the mental traps that make it difficult so you can practice frequently and make mindfulness, and the many benefits that come with it, part of your daily life.", + "categories": "motivation", + "review_score": 2.4 + }, + { + "Unnamed: 0": 2644, + "book_name": "Feel Great Lose Weight", + "summaries": " goes beyond fad diets and quick fixes for weight problems and instead dives into the science of how your body really works when you put food into it and how you can use this information to be fitter and feel better.", + "categories": "motivation", + "review_score": 4.0 + }, + { + "Unnamed: 0": 2645, + "book_name": "Born To Win", + "summaries": " explores how planning and preparation is the only way to win in life and shows you how to use these tools in combination with a vision, goals, and thinking positively to become a winner in all aspects of life.", + "categories": "motivation", + "review_score": 1.2 + }, + { + "Unnamed: 0": 2646, + "book_name": "The Hero Code", + "summaries": " identifies the traits of real-life heroes through inspiring stories of bravery and determination, many taken directly from the author\u2019s experience as a four-star Navy admiral.", + "categories": "motivation", + "review_score": 1.6 + }, + { + "Unnamed: 0": 2647, + "book_name": "Do Nothing", + "summaries": " explores the idea that our focus on being productive all the time is making us less effective because of how little rest we get, identifying how the consequences of overworking ourselves, and the benefits of taking time off, make a compelling argument that we should spend more time doing nothing.", + "categories": "motivation", + "review_score": 4.1 + }, + { + "Unnamed: 0": 2648, + "book_name": "The Bullet Journal Method", + "summaries": " introduces a unique system for organizing you can use t", + "categories": "motivation", + "review_score": 6.5 + }, + { + "Unnamed: 0": 2649, + "book_name": "What Happened", + "summaries": " is Hillary Clinton\u2019s post-mortem on the events and surprising result of her bid for the 2016 United States presidential election, including why she ran for president in the first place, what made it so hard for her to come out on top, and how the loss affected her after election night.", + "categories": "motivation", + "review_score": 3.3 + }, + { + "Unnamed: 0": 2650, + "book_name": "Lives of the Stoics", + "summaries": "\u00a0takes a deep dive into the experiences and beliefs of some of the earliest philosophers practicing the four Stoic virtues of courage, temperance, justice, and wisdom.", + "categories": "motivation", + "review_score": 6.4 + }, + { + "Unnamed: 0": 2651, + "book_name": "Doesn\u2019t Hurt To Ask", + "summaries": "\u00a0teaches persuasion via asking the right questions, explaining that intentional questions are the key to sharing your ideas, connecting with your audience, and convincing people both in the office and at home.", + "categories": "motivation", + "review_score": 7.8 + }, + { + "Unnamed: 0": 2652, + "book_name": "Open", + "summaries": " is the autobiography of world-famous tennis player Andre Agassi in which he details his struggles and successes on the way to self-awareness and balance while he was also trying to handle the constant pressures and difficulties that came from being one of the best tennis players in the world.", + "categories": "motivation", + "review_score": 6.6 + }, + { + "Unnamed: 0": 2653, + "book_name": "Hyper-Learning", + "summaries": " shows how people and companies can adapt in the rapidly changing world we live in today, explaining how a growth mindset, colleaboration, and losing your ego will build your confidence that you can stay relevant and competitive as the world around you accelerates.", + "categories": "motivation", + "review_score": 4.4 + }, + { + "Unnamed: 0": 2654, + "book_name": "How To Be A Leader", + "summaries": " is Greek philosopher Plutarch\u2019s guide to leadership and uses practical ideas, historical narratives, political events, and more to outline the qualities of the best leaders, including serving for the right reasons, speaking persuasively, and following more experienced leaders.", + "categories": "motivation", + "review_score": 3.9 + }, + { + "Unnamed: 0": 2655, + "book_name": "Beyond Order", + "summaries": " is the follow-up to Jordan Peterson\u2019s bestselling book 12 Rules for Life and identifies another 12 rules to live by that help us live with and even embrace the chaos that we struggle with every day, identifying that too much order can be a problem just as much as too much disorder.", + "categories": "motivation", + "review_score": 8.7 + }, + { + "Unnamed: 0": 2656, + "book_name": "Hyperfocus", + "summaries": " teaches you how to become more efficient and improve your concentration by deciding on one thing to work on, focusing only on that task, learning to understand when your mind has wandered and redirecting your attention back to your work, and thinking creatively when you\u2019re not working.", + "categories": "motivation", + "review_score": 3.6 + }, + { + "Unnamed: 0": 2657, + "book_name": "The Myth Of The Strong Leader", + "summaries": " reveals why being a bold, charismatic leader might not be all it\u2019s cracked up to be, showing that we give way too much credit to \u201cstrong\u201d leaders and illustrating the problematic consequences this societal pattern entails.", + "categories": "motivation", + "review_score": 9.2 + }, + { + "Unnamed: 0": 2658, + "book_name": "Greenlights", + "summaries": " is the autobiography of Matthew McConaughey, in which he takes us on a wild ride of his journey through a childhood of tough love, rising to fame and success in Hollywood, changing his career, and more, guided by the green lights he saw that led him forward at each step.", + "categories": "motivation", + "review_score": 7.5 + }, + { + "Unnamed: 0": 2659, + "book_name": "No Rules Rules", + "summaries": " explains the incredibly unique and efficient company culture of Netflix, including the amazing levels of freedom and responsibility it gives employees and how this innovative way of running the business is the very reason that Netflix is so successful.", + "categories": "motivation", + "review_score": 2.4 + }, + { + "Unnamed: 0": 2660, + "book_name": "The Drama Of The Gifted Child", + "summaries": " is an international bestseller that will help you unearth your sad, suppressed memories from childhood that still haunt you today and teach you how to confront them so you can avoid passing them on to your children, release yourself from the pains of your past, and finally be free to live a life of fulfillment.", + "categories": "motivation", + "review_score": 6.7 + }, + { + "Unnamed: 0": 2661, + "book_name": "Four Hundred Souls", + "summaries": "\u00a0tells the history of African Americans from the perspective of 90 authors who share insights on 400 years of conflict, oppression, and faith that with all the hard work of those fighting for equality, things would get better someday.", + "categories": "motivation", + "review_score": 5.8 + }, + { + "Unnamed: 0": 2662, + "book_name": "Spark", + "summaries": " teaches you how to become an influential, un-fireable asset to your team at work by taking on the role of a leader regardless of your position, utilizing the power of creative thinking to make better decisions, and learning how to be more self-aware and humble.", + "categories": "motivation", + "review_score": 6.8 + }, + { + "Unnamed: 0": 2663, + "book_name": "The Gift Of Fear", + "summaries": " is a guide to understanding how your fear and instincts about other people can protect you by showing you how to recognize and understand the warning signs that criminals and violent people exhibit before they strike.", + "categories": "motivation", + "review_score": 3.4 + }, + { + "Unnamed: 0": 2664, + "book_name": "Think Again", + "summaries": " will make you more intelligent, persuasive, and self-aware by identifying the power of being humble about what you don\u2019t know, how to recognize blind spots in your thinking before they start causing you problems, and what you can do to become more effective at convincing others of your way of thinking.", + "categories": "motivation", + "review_score": 7.2 + }, + { + "Unnamed: 0": 2665, + "book_name": "Forgiving What You Can\u2019t Forget", + "summaries": " teaches you how to heal from past traumas that still haunt you today by going through the lessons that author Lysa TerKeurst learned from childhood abuse and an unfaithful spouse, which have helped her find peace even in tough situations by forgiving those who have wronged her.", + "categories": "motivation", + "review_score": 5.9 + }, + { + "Unnamed: 0": 2666, + "book_name": "Caste", + "summaries": " unveils the hidden cultural and societal rules of our class system, including where it comes from, why it\u2019s so deeply entrenched in society, and how we can dismantle it forever and finally allow all people to have the equality they deserve.\u00a0", + "categories": "motivation", + "review_score": 5.9 + }, + { + "Unnamed: 0": 2667, + "book_name": "The End Of Illness", + "summaries": " will change the way that you think of sickness and health by identifying the problems with the current mindset around them and how focusing on the systems within your body instead of disease will help you make better-informed decisions that will keep you on the path of good health.", + "categories": "motivation", + "review_score": 3.0 + }, + { + "Unnamed: 0": 2668, + "book_name": "Raising A Secure Child", + "summaries": " teaches new parents how to feel confident that they can meet their child\u2019s needs without making them too attached by outlining the experience that Hoffman, Cooper, and Powell have in helping parents form healthy attachments with their kids in ways that help them avoid becoming too hard on themselves and their children.", + "categories": "motivation", + "review_score": 9.3 + }, + { + "Unnamed: 0": 2669, + "book_name": "Restart", + "summaries": " tells the story of India\u2019s almost-leadership of the world\u2019s economy, showing why and how it instead succumbed to problems from the past, how those problems still hold it back today, and what the country might do about them.", + "categories": "motivation", + "review_score": 2.9 + }, + { + "Unnamed: 0": 2670, + "book_name": "The Grand Design", + "summaries": " explains the history of mankind from a scientific perspective, including how we came into existence and started to use science to explain the world and ourselves with laws like Newton\u2019s and Einstein\u2019s and more recent theories like quantum physics.", + "categories": "motivation", + "review_score": 2.6 + }, + { + "Unnamed: 0": 2671, + "book_name": "Small Giants", + "summaries": " is your guide to keeping your company little but mighty that will allow you to pass up deliberate growth for staying true to what\u2019s really important, which is your ideals, time, passions, and doing what you do best so well that customers can\u2019t help but flock to you.", + "categories": "motivation", + "review_score": 8.6 + }, + { + "Unnamed: 0": 2672, + "book_name": "Boys & Sex", + "summaries": " shares the best insights that Peggy Orenstein had after two years of asking young men about their sex lives, including why stereotypes make life harder for them, how hookup culture is destroying relationships, and what we as a society can do to help these boys have better, healthier views about and experiences with sex.", + "categories": "motivation", + "review_score": 3.8 + }, + { + "Unnamed: 0": 2673, + "book_name": "Unlearn", + "summaries": " will show you how to win even in changing circumstances by revealing why the patterns you used for past successes won\u2019t always work and how to adopt a learning attitude to stop them from holding you back.", + "categories": "motivation", + "review_score": 4.3 + }, + { + "Unnamed: 0": 2674, + "book_name": "My Morning Routine", + "summaries": " is the ultimate guide to building healthy habits in the hours right after you wake up with tips backed up by the experiences of some of the most successful people in the world, including Ryan Holiday, Chris Guillebeau, Nir Eyal, and many more.", + "categories": "motivation", + "review_score": 3.9 + }, + { + "Unnamed: 0": 2675, + "book_name": "Titan", + "summaries": " will inspire you to keep working hard to make your business goals happen by sharing the life story of John D. Rockefeller Sr., from his humble beginnings to his astronomical success as an oil tycoon and beyond.", + "categories": "motivation", + "review_score": 8.7 + }, + { + "Unnamed: 0": 2676, + "book_name": "The Charge", + "summaries": " shows you how to unlock the baseline and forward human drives within you that will help you get energized, grounded, and working so that you can have the life of happiness and fulfillment you\u2019ve always wanted.", + "categories": "motivation", + "review_score": 4.2 + }, + { + "Unnamed: 0": 2677, + "book_name": "Maximize Your Potential", + "summaries": " shows you how to make your work life one that\u2019s both fulfilling and productive by shifting your mindset and taking advantage of your ambitions, skills, and creativity.", + "categories": "motivation", + "review_score": 2.2 + }, + { + "Unnamed: 0": 2678, + "book_name": "Get Out Of Your Head", + "summaries": " shows you how to break the pattern of negative thinking so you can consistently entertain healthier and happier thoughts by teaching simple tips like being alone, connecting with others, and reconnecting with God.", + "categories": "motivation", + "review_score": 7.5 + }, + { + "Unnamed: 0": 2679, + "book_name": "Getting COMFY", + "summaries": " will show you how to improve each day of your life by identifying why you need to begin the right way and giving a step-by-step framework to make it happen.", + "categories": "motivation", + "review_score": 2.7 + }, + { + "Unnamed: 0": 2680, + "book_name": "Quiet Power", + "summaries": " identifies the hidden superpowers of introverts and empowers them by helping them understand why it\u2019s so difficult to be quiet in a world that\u2019s loud and how to ease their way into becoming confident in social situations.", + "categories": "motivation", + "review_score": 2.6 + }, + { + "Unnamed: 0": 2681, + "book_name": "Late Bloomers", + "summaries": " will help you become more patient with the speed of your progress by identifying the damaging influences of early achievement culture and societal pressure and how to be proud of reaching your peak later in life.", + "categories": "motivation", + "review_score": 8.3 + }, + { + "Unnamed: 0": 2682, + "book_name": "Limitless", + "summaries": " shows you how to unlock the full potential that your brain has for memory, reading, learning, and much more by showing you how to take the brakes off of your mental powers with tools like mindset, visualization, music, and more.", + "categories": "motivation", + "review_score": 1.4 + }, + { + "Unnamed: 0": 2683, + "book_name": "It\u2019s All In Your Head", + "summaries": " will motivate you to work hard, stay determined, and believe you can achieve your dreams by sharing the rise to fame of the prolific composer Russ.", + "categories": "motivation", + "review_score": 6.8 + }, + { + "Unnamed: 0": 2684, + "book_name": "Brain Wash", + "summaries": " will show you how to have a more peaceful, contented life by revealing what\u2019s wrong with all of the bad habits that society accepts as normal, how they affect our brains, and the 10-day program you can follow to fix it.", + "categories": "motivation", + "review_score": 6.5 + }, + { + "Unnamed: 0": 2685, + "book_name": "Mighty Be Our Powers", + "summaries": " shares the inspirational story of Leymah Gbowee who helped bring together an influential group of women that were tired of the unrest in their country and whose efforts eventually led to the end of a devastating and long-lasting civil war.", + "categories": "motivation", + "review_score": 1.8 + }, + { + "Unnamed: 0": 2686, + "book_name": "Ego Friendly", + "summaries": " brings a twist to the mainstream spiritual narrative by showing you how to befriend your ego and treat it as your ally, instead of \u201cletting go of it.\u201d", + "categories": "motivation", + "review_score": 2.6 + }, + { + "Unnamed: 0": 2687, + "book_name": "Think Like A Rocket Scientist", + "summaries": " teaches you how to think like an engineer in your everyday life so that you can accomplish your personal and professional goals and reach your full potential.", + "categories": "motivation", + "review_score": 3.3 + }, + { + "Unnamed: 0": 2688, + "book_name": "The Alchemist", + "summaries": " is a classic novel in which a boy named Santiago embarks on a journey seeking treasure in the Egyptian pyramids after having a recurring dream about it and on the way meets mentors, falls in love, and most importantly, learns the true importance of who he is and how to improve himself and focus on what really matters in life.", + "categories": "motivation", + "review_score": 2.5 + }, + { + "Unnamed: 0": 2689, + "book_name": "Start Where You Are", + "summaries": " helps you discover the power of meditation and compassion by going beyond what incense to buy and giving you real and powerful advice on how to make these tools part of your daily life so you can live with greater happiness and peace.", + "categories": "motivation", + "review_score": 5.8 + }, + { + "Unnamed: 0": 2690, + "book_name": "High Performance Habits", + "summaries": " is your guide to building the six systems that science and the lives of the most successful people in the world prove will turn you into a productive, fulfilled, and extraordinary person.", + "categories": "motivation", + "review_score": 7.5 + }, + { + "Unnamed: 0": 2691, + "book_name": "Living Forward", + "summaries": " shows you how to finally get direction, purpose, and fulfillment by identifying why you need a Life Plan, how to write one, and the amazing life you can have if you implement it.", + "categories": "motivation", + "review_score": 8.4 + }, + { + "Unnamed: 0": 2692, + "book_name": "Presence", + "summaries": " is a life-changing guide to growing your self-confidence that shows how posture, mindset, and body language all expand your feeling of empowerment and your communication skills.", + "categories": "motivation", + "review_score": 9.9 + }, + { + "Unnamed: 0": 2693, + "book_name": "Hillbilly Elegy", + "summaries": " is the inspiring autobiography of J.D. Vance who explains how his life began in poverty and turbulence and what he had to do to beat those difficult circumstances and rise to success.", + "categories": "motivation", + "review_score": 2.9 + }, + { + "Unnamed: 0": 2694, + "book_name": "Who Not How", + "summaries": " will skyrocket your success, happiness, and fulfillment in all areas of your life by identifying why you\u2019re looking at your problems the wrong way and how simply seeking to get the right people to help you will make all the difference.", + "categories": "motivation", + "review_score": 3.9 + }, + { + "Unnamed: 0": 2695, + "book_name": "The Ride Of A Lifetime", + "summaries": "\u00a0illustrates Robert Iger\u2019s journey to becoming the CEO of Disney, and how his vision, strategy, and guidance successfully led the company through a time when its future was highly uncertain.", + "categories": "motivation", + "review_score": 5.4 + }, + { + "Unnamed: 0": 2696, + "book_name": "You\u2019ll See It When You Believe It", + "summaries": " shows you how to discover your true, best self by revealing how to use the power of your mind to find peace with yourself, the people around you, and the universe.", + "categories": "motivation", + "review_score": 4.3 + }, + { + "Unnamed: 0": 2697, + "book_name": "Reasons To Stay Alive", + "summaries": " shows you the dangers and difficulties surrounding mental illness, uncovers the stigma around it, and identifies how to recover from it by sharing the story of Matt Haig\u2019s recovery after an awful panic attack and subsequent battle with depression and anxiety.", + "categories": "motivation", + "review_score": 1.6 + }, + { + "Unnamed: 0": 2698, + "book_name": "Metahuman", + "summaries": " shows you how to tap into your unlimited potential by discovering a higher level of awareness surrounding the limits of your everyday reality.", + "categories": "motivation", + "review_score": 2.2 + }, + { + "Unnamed: 0": 2699, + "book_name": "Imagine It Forward", + "summaries": " inspires businesses and individuals to challenge outdated thinking and ways of doing work by sharing the life and business experiences of Beth Comstock, one of America\u2019s most innovative businesswomen.", + "categories": "motivation", + "review_score": 5.8 + }, + { + "Unnamed: 0": 2700, + "book_name": "Happier", + "summaries": " will improve your mental state and level of success by identifying what you get wrong about joy and how to discover what\u2019s most important to you and how to make those things a more significant part of your life.", + "categories": "motivation", + "review_score": 8.7 + }, + { + "Unnamed: 0": 2701, + "book_name": "The Courage Habit", + "summaries": " helps you unearth your hidden desires for a better life, shows you how fear buried them in the first place, and outlines the path toward overcoming the paralysis that being afraid brings so that you can have everything you\u2019ve ever dreamed of.", + "categories": "motivation", + "review_score": 5.2 + }, + { + "Unnamed: 0": 2702, + "book_name": "Who Will Cry When You Die?", + "summaries": " helps you leave a lasting legacy of greatness after you\u2019re gone by giving specific tips on how to become the best version of yourself and the kind that makes others grateful for all of your contributions to their lives and the world.", + "categories": "motivation", + "review_score": 6.2 + }, + { + "Unnamed: 0": 2703, + "book_name": "Super Attractor", + "summaries": " will help you become happier, find your purpose, overcome your fears, and begin living the life you\u2019ve always wanted by identifying the steps you need to take to connect with a higher spiritual power.", + "categories": "motivation", + "review_score": 8.4 + }, + { + "Unnamed: 0": 2704, + "book_name": "Winners Dream", + "summaries": " will inspire you to get up and get moving to make your biggest goals happen by sharing the incredible rags to riches story of Bill McDermott, who went from humble beginnings to CEO of the biggest software company in the world simply by having a vision of what he wanted in life.", + "categories": "motivation", + "review_score": 4.5 + }, + { + "Unnamed: 0": 2705, + "book_name": "See You At The Top", + "summaries": " shows you how to have a spiritually, socially, financially, and physically successful and meaningful life by utilizing tools like positive thinking, kindness to others, and goal-setting.", + "categories": "motivation", + "review_score": 3.1 + }, + { + "Unnamed: 0": 2706, + "book_name": "Own Your Everyday", + "summaries": " shows you how to let go of comparison, stress, and distractions so you can find your purpose and live a more fulfilling life by sharing inspiring lessons from the experiences of author Jordan Lee Dooley.", + "categories": "motivation", + "review_score": 4.3 + }, + { + "Unnamed: 0": 2707, + "book_name": "Resisting Happiness", + "summaries": " shows you how to get more joy in your life by exploring the roadblocks you unknowingly put in the way of it, explaining why it\u2019s a choice, and giving specific tips to help you make the decision to be content.", + "categories": "motivation", + "review_score": 2.1 + }, + { + "Unnamed: 0": 2708, + "book_name": "When Things Fall Apart", + "summaries": " gives you the confidence to make it through life\u2019s inevitable setbacks by sharing ideas and strategies like mindfulness to grow your resilience and come out on top.", + "categories": "motivation", + "review_score": 9.5 + }, + { + "Unnamed: 0": 2709, + "book_name": "Willpower Doesn\u2019t Work", + "summaries": " shows you how to change your life in a more efficient way than relying on sheer grit alone by identifying the importance of your environment and other factors that affect your productivity so you can become your best self.", + "categories": "motivation", + "review_score": 5.8 + }, + { + "Unnamed: 0": 2710, + "book_name": "Get Out Of Your Own Way", + "summaries": " guides you through the process of overcoming what\u2019s holding you back from being your best self and reaching success you\u2019ve never dreamed of by identifying how Dave Hollis came to realize his limiting beliefs and beat them.", + "categories": "motivation", + "review_score": 4.4 + }, + { + "Unnamed: 0": 2711, + "book_name": "Living In Your Top 1%", + "summaries": " shows you how to become your best self and live up to your full potential by outlining nine science-backed ways to beat the odds and achieve your goals and dreams.", + "categories": "motivation", + "review_score": 3.1 + }, + { + "Unnamed: 0": 2712, + "book_name": "Joy At Work", + "summaries": " takes Marie Kondo\u2019s famous tidying-up tips and applies it to your job to help you be happier in the physical areas, digital spaces, and uses of your time in the office.", + "categories": "motivation", + "review_score": 4.3 + }, + { + "Unnamed: 0": 2713, + "book_name": "Think Small", + "summaries": " gives the science-backed secrets to following through with your goals, identifying seven key components that will help you use your own human nature to your advantage for wild success like you\u2019ve never had before.", + "categories": "motivation", + "review_score": 1.5 + }, + { + "Unnamed: 0": 2714, + "book_name": "Everything Is Figureoutable", + "summaries": " will help you annihilate the limiting beliefs that are holding you back so that you can finally pursue your dreams by identifying the thinking patterns that get you stuck and how to use self-empowerment principles to become free.", + "categories": "motivation", + "review_score": 8.4 + }, + { + "Unnamed: 0": 2715, + "book_name": "The 15 Invaluable Laws Of Growth", + "summaries": " will inspire you to get up and improve your life by showing you how change only happens when we actively nurture it and identifying the steps and strategies to thrive in your career and life.", + "categories": "motivation", + "review_score": 6.7 + }, + { + "Unnamed: 0": 2716, + "book_name": "Empire Of Illusion", + "summaries": " motivates you to watch less TV and get better at reading by outlining the sharp drop in literacy levels in the United States in recent years, the negative effects that have followed, and the dark future ahead if we continue on this path.", + "categories": "motivation", + "review_score": 6.0 + }, + { + "Unnamed: 0": 2717, + "book_name": "Be A Free Range Human", + "summaries": " inspires you to finally quit that 9-5 job that is sucking the life out of you and begin working for yourself by explaining why the \u201cjob security\u201d doesn\u2019t exist anymore, helping you discover your passions, and identifying the steps you need to follow if you want to start a life of freedom and happiness.", + "categories": "motivation", + "review_score": 4.8 + }, + { + "Unnamed: 0": 2718, + "book_name": "Blueprint", + "summaries": " helps you have hope for the goodness of the human race by revealing our biologically wired social tendencies that help us survive and thrive by working together.", + "categories": "motivation", + "review_score": 9.8 + }, + { + "Unnamed: 0": 2719, + "book_name": "Best Self", + "summaries": " will help you become the hero you\u2019ve always wanted to be by teaching you how to be honest with yourself about what you desire, identify your toxic anti-self, and discover the traits of the greatest possible version of you that you can imagine.", + "categories": "motivation", + "review_score": 9.4 + }, + { + "Unnamed: 0": 2720, + "book_name": "Personality Isn\u2019t Permanent", + "summaries": " will shatter your long-held beliefs that you\u2019re stuck as yourself, flaws and all, by identifying why the person you are is changeable and giving you specific and actionable steps to change.", + "categories": "motivation", + "review_score": 7.3 + }, + { + "Unnamed: 0": 2721, + "book_name": "Your Best Year Ever", + "summaries": " gives powerful inspiration to change your life by helping you identify what you should improve on, how to get over the hurdles in your way, and the patterns and habits you need to set so that achieving your dreams is more possible than ever.", + "categories": "motivation", + "review_score": 7.6 + }, + { + "Unnamed: 0": 2722, + "book_name": "Design Your Future", + "summaries": " motivates you to get out of your limiting beliefs and fears that are holding you back from building a life you love by identifying why you got stuck in a career or job you hate and what steps you must take to finally live your dreams.", + "categories": "motivation", + "review_score": 8.8 + }, + { + "Unnamed: 0": 2723, + "book_name": "Boost!", + "summaries": " is a guide for becoming more productive at work by using the preparation and performance techniques that world-class athletes use to win gold medals.", + "categories": "motivation", + "review_score": 6.7 + }, + { + "Unnamed: 0": 2724, + "book_name": "Self-Compassion", + "summaries": " teaches you the art of being kind to yourself by identifying what causes you to beat yourself up, how it affects your life negatively, and what you can do to relate to yourself in healthier and more compassionate ways.", + "categories": "motivation", + "review_score": 9.4 + }, + { + "Unnamed: 0": 2725, + "book_name": "The 4 Disciplines Of Execution", + "summaries": " outlines the path that company leaders and individuals must follow to set the right goals and improve behavior to achieve success on a bigger, long-term scale.", + "categories": "motivation", + "review_score": 4.6 + }, + { + "Unnamed: 0": 2726, + "book_name": "The Confidence Code", + "summaries": " empowers women to become more courageous by explaining their natural tendencies toward timidity and how to break them even in a world dominated by men. ", + "categories": "motivation", + "review_score": 4.7 + }, + { + "Unnamed: 0": 2727, + "book_name": "The Book You Wish Your Parents Had Read", + "summaries": " will help you step back and focus more on the big picture of parenting to foster a strong relationship with your child so they can grow up emotionally and mentally healthy.", + "categories": "motivation", + "review_score": 3.9 + }, + { + "Unnamed: 0": 2728, + "book_name": "Designing Your Life", + "summaries": " will show you how to break the shackles of your mundane 9-5 job by sharing exercises and tips that will direct you towards your true calling that fills you with passion, purpose, and fulfillment.", + "categories": "motivation", + "review_score": 4.7 + }, + { + "Unnamed: 0": 2729, + "book_name": "An Astronaut\u2019s Guide To Life On Earth", + "summaries": " teaches you how to live better by taking lessons from the rigorous requirements of going to outer space and applying them to everyday life. ", + "categories": "motivation", + "review_score": 2.0 + }, + { + "Unnamed: 0": 2730, + "book_name": "Insight", + "summaries": " will help you understand what self-awareness is, why it\u2019s vital if you want to become your best self, and how to overcome the obstacles in the way of having more of it.", + "categories": "motivation", + "review_score": 1.2 + }, + { + "Unnamed: 0": 2731, + "book_name": "The Road Back To You", + "summaries": " will teach you more about what kind of person you are by identifying the pros and cons of each personality type within the Enneagram test.", + "categories": "motivation", + "review_score": 9.6 + }, + { + "Unnamed: 0": 2732, + "book_name": "The Business Romantic", + "summaries": " shows how doing business that is focused on passion and connection leads to more success in today\u2019s world.", + "categories": "motivation", + "review_score": 7.4 + }, + { + "Unnamed: 0": 2733, + "book_name": "Brotopia", + "summaries": " motivates you to be fairer in the workplace as an employee or employer by revealing the sad sexist state of Silicon Valley.", + "categories": "motivation", + "review_score": 2.1 + }, + { + "Unnamed: 0": 2734, + "book_name": "It Doesn\u2019t Have To Be Crazy At Work", + "summaries": " helps you relax about the current hurry-up and work yourself to death culture and instead see why getting rid of these stressful mentalities will make you and your company more focused, calm, and productive.", + "categories": "motivation", + "review_score": 3.3 + }, + { + "Unnamed: 0": 2735, + "book_name": "Alibaba", + "summaries": " shares the inspiring story of Jack Ma\u2019s hard work, entrepreneurial vision, and smart thinking that helped him build one of the most successful and influential companies in the world. ", + "categories": "motivation", + "review_score": 7.5 + }, + { + "Unnamed: 0": 2736, + "book_name": "Playing With FIRE", + "summaries": " will teach you how to be happier with your financial life and worry less about money by getting into the Financial Independence, Retire Early (FIRE) movement.", + "categories": "motivation", + "review_score": 1.6 + }, + { + "Unnamed: 0": 2737, + "book_name": "Creative Confidence", + "summaries": " helps break the mundanity of everyday work and life by exploring the power that being more innovative has to improve happiness and success in many different areas.", + "categories": "motivation", + "review_score": 7.9 + }, + { + "Unnamed: 0": 2738, + "book_name": "What They Don\u2019t Teach You At Harvard Business School", + "summaries": " teaches why succeeding in business has less to do with accumulated theoretical knowledge through schooling and books, and more about people and communication.", + "categories": "motivation", + "review_score": 9.4 + }, + { + "Unnamed: 0": 2739, + "book_name": "The Path Made Clear", + "summaries": " contains Oprah Winfrey\u2019s tips for how to discover your real purpose so you can live a life of success and significance.", + "categories": "motivation", + "review_score": 1.4 + }, + { + "Unnamed: 0": 2740, + "book_name": "The Box", + "summaries": " teaches how the drive and imagination of one entrepreneur impacted the world economy and changed the face of global trade with container shipping. ", + "categories": "motivation", + "review_score": 6.7 + }, + { + "Unnamed: 0": 2741, + "book_name": "Cosmos", + "summaries": " will make you smarter by teaching you the basics of how the universe works, including our own solar system and its history.", + "categories": "motivation", + "review_score": 1.6 + }, + { + "Unnamed: 0": 2742, + "book_name": "Measure What Matters", + "summaries": " teaches you how to implement tracking systems into your company and life that will help you record your progress, stay accountable, and make reaching your goals almost inevitable.", + "categories": "motivation", + "review_score": 3.6 + }, + { + "Unnamed: 0": 2743, + "book_name": "Be Obsessed Or Be Average", + "summaries": " motivates you to get your heart into your work and live up to your true potential by identifying the thinking patterns and work habits of the passionate, successful, and driven Grant Cardone.", + "categories": "motivation", + "review_score": 3.6 + }, + { + "Unnamed: 0": 2744, + "book_name": "Do What You Are", + "summaries": " will help you discover your personality type and how it can lead you to a more satisfying career that corresponds to your talents and interests.", + "categories": "motivation", + "review_score": 1.5 + }, + { + "Unnamed: 0": 2745, + "book_name": "Leadership Strategy And Tactics", + "summaries": " shows you how to become effective when you\u2019re in charge by using the power of traits like accountability, humility, and others that Jocko Willink uses to lead his team of Navy SEALs.", + "categories": "motivation", + "review_score": 9.7 + }, + { + "Unnamed: 0": 2746, + "book_name": "Tiny Habits", + "summaries": " shows you the power of applying small changes to your routine to unleash the full power that habits have to make your life better.", + "categories": "motivation", + "review_score": 7.4 + }, + { + "Unnamed: 0": 2747, + "book_name": "Great Thinkers", + "summaries": " shows how much of what\u2019s truly important in life can be solved by the wisdom left behind by brilliant minds from long past.\u00a0", + "categories": "motivation", + "review_score": 3.2 + }, + { + "Unnamed: 0": 2748, + "book_name": "Broadcasting Happiness", + "summaries": " is an encouraging resource that will help you boost your health and happiness in your relationships, work, and community by showing you how to unlock the power of positive words and stories.", + "categories": "motivation", + "review_score": 4.9 + }, + { + "Unnamed: 0": 2749, + "book_name": "The Joy Of Movement", + "summaries": " is just what you need to finally find the motivation to get out and exercise more often by teaching you the scientific reasons why it\u2019s good for you and why your body is designed to enjoy it.", + "categories": "motivation", + "review_score": 8.3 + }, + { + "Unnamed: 0": 2750, + "book_name": "Born A Crime", + "summaries": " will inspire you to make great things happen no matter what circumstances you\u2019re born into by revealing the story of how Trevor Noah grew up as a mixed child in South Africa on the way to becoming an adult.", + "categories": "motivation", + "review_score": 6.5 + }, + { + "Unnamed: 0": 2751, + "book_name": "Girl, Stop Apologizing", + "summaries": " is an inspirational book for women everywhere to start living up to their potential and stop apologizing for following their dreams. ", + "categories": "motivation", + "review_score": 8.2 + }, + { + "Unnamed: 0": 2752, + "book_name": "Trillion Dollar Coach", + "summaries": " will help you become a better leader in the office by sharing the life and teachings of businessman Bill Campbell who helped build multi-billion dollar companies in Silicon Valley.", + "categories": "motivation", + "review_score": 9.4 + }, + { + "Unnamed: 0": 2753, + "book_name": "Brave", + "summaries": " will help you have the relationships, career, and everything else in life that you\u2019ve always wanted but have been afraid to go for by teaching you how to become more courageous. ", + "categories": "motivation", + "review_score": 4.5 + }, + { + "Unnamed: 0": 2754, + "book_name": "Bird By Bird", + "summaries": " is Ann Lamott\u2019s guide to using the power of routine, being yourself, rolling with the punches, and many other principles to become a better writer.", + "categories": "motivation", + "review_score": 5.1 + }, + { + "Unnamed: 0": 2755, + "book_name": "Becoming", + "summaries": "\u00a0will use Michelle Obama\u2019s life story to\u00a0motivate you to move forward with your dreams regardless of your circumstances, criticism, or what people think.", + "categories": "motivation", + "review_score": 7.1 + }, + { + "Unnamed: 0": 2756, + "book_name": "Alexander Hamilton", + "summaries": " will inspire you to boldly use your strengths to change the world as it tells the story of a poor orphan who grew to become one of the most intelligent, ambitious, and influential people in American history.", + "categories": "motivation", + "review_score": 7.1 + }, + { + "Unnamed: 0": 2757, + "book_name": "When Breath Becomes Air", + "summaries": " helps you see what\u2019s really important by diving into Paul Kalanithi\u2019s life of loving neuroscience, literature, meaning, and his family that ended from cancer in his mid-thirties. ", + "categories": "motivation", + "review_score": 7.1 + }, + { + "Unnamed: 0": 2758, + "book_name": "The Execution Factor", + "summaries": " will show you how to become successful by utilizing the power of vision, passion, action, resilience, and relationships that propelled author Kim Perell from unemployed and broke to a multi-millionaire in just seven years. ", + "categories": "motivation", + "review_score": 6.4 + }, + { + "Unnamed: 0": 2759, + "book_name": "Stillness Is The Key", + "summaries": " will show you how to harness the power of slowing down your body and mind for less distractions, better self-control, and, above all, a happier and more peaceful life.", + "categories": "motivation", + "review_score": 4.0 + }, + { + "Unnamed: 0": 2760, + "book_name": "Alchemy", + "summaries": " is your guide to making magic happen in business and life by teaching you how to practice irrational thinking to stand out and come up with powerful solutions to your problems and those of others. ", + "categories": "motivation", + "review_score": 6.6 + }, + { + "Unnamed: 0": 2761, + "book_name": "The Go-Giver", + "summaries": " teaches a pattern for becoming a better person and seeing more success in business and work by focusing on being authentic and giving as much value as possible. ", + "categories": "motivation", + "review_score": 1.0 + }, + { + "Unnamed: 0": 2762, + "book_name": "A Woman of No Importance", + "summaries": " tells the fascinating and exciting story of Virginia Hall, an American who became one of the best spies for the Allies in World War II and helped significantly in the defeat of Nazi Germany.", + "categories": "motivation", + "review_score": 6.0 + }, + { + "Unnamed: 0": 2763, + "book_name": "The Little Book of Lykke", + "summaries": " gives Danish-derived and science-backed tips that will help you be happier.", + "categories": "motivation", + "review_score": 2.5 + }, + { + "Unnamed: 0": 2764, + "book_name": "Arise, Awake", + "summaries": " will inspire you to move forward with your entrepreneurial dreams by sharing the inspirational stories of six Indian entrepreneurs and the lessons they learned on the path to success.", + "categories": "motivation", + "review_score": 7.5 + }, + { + "Unnamed: 0": 2765, + "book_name": "Radical Acceptance", + "summaries": " teaches how you can become more content and happy in your life by applying the principles of meditation and Buddhism. ", + "categories": "motivation", + "review_score": 1.5 + }, + { + "Unnamed: 0": 2766, + "book_name": "Why We Sleep", + "summaries": " will motivate you get more and better quality sleep by showing you the recent scientific findings on why sleep deprivation is bad for individuals and society.", + "categories": "motivation", + "review_score": 1.4 + }, + { + "Unnamed: 0": 2767, + "book_name": "The Next Right Thing", + "summaries": " is your guide for making wise, thoughtful, and intentional decisions simply by looking for the single best action to take at the moment.", + "categories": "motivation", + "review_score": 7.4 + }, + { + "Unnamed: 0": 2768, + "book_name": "7 Strategies For Wealth And Happiness", + "summaries": " is the ultimate guide to improving your wealth through self-discipline, action, and a positive attitude toward work, money, and the people around you.", + "categories": "motivation", + "review_score": 5.0 + }, + { + "Unnamed: 0": 2769, + "book_name": "A Whole New Mind", + "summaries": " is your guide to standing out in the competitive workplace by taking advantage of the big-picture skills of the right side of your brain.", + "categories": "motivation", + "review_score": 1.4 + }, + { + "Unnamed: 0": 2770, + "book_name": "A Walk In The Woods", + "summaries": " tells the interesting story of the adventures Bill Bryson and Stephen Katz had while walking the beautiful, rugged, and historic Appalachian Trail.", + "categories": "motivation", + "review_score": 7.8 + }, + { + "Unnamed: 0": 2771, + "book_name": "The Passion Paradox", + "summaries": " explains the risks of blindly following what we love to do the most and teaches us how to cultivate our passions in a way that can lead us to a fulfilling life.\u00a0", + "categories": "motivation", + "review_score": 3.1 + }, + { + "Unnamed: 0": 2772, + "book_name": "A More Beautiful Question", + "summaries": " will teach you how to ask more and better questions, showing you the power that the right questions have to transform your life for the better.", + "categories": "motivation", + "review_score": 3.0 + }, + { + "Unnamed: 0": 2773, + "book_name": "A Return To Love", + "summaries": " will help you let go of resentment, fear, and anger to have happier and healthier jobs and relationships by teaching you how to embrace the power of love.", + "categories": "motivation", + "review_score": 1.1 + }, + { + "Unnamed: 0": 2774, + "book_name": "A Message To Garcia", + "summaries": " teaches you how to be the best at your job by becoming a dedicated worker with a good attitude about whatever tasks your company gives you.", + "categories": "motivation", + "review_score": 1.6 + }, + { + "Unnamed: 0": 2775, + "book_name": "Time And How To Spend It", + "summaries": " is your guide to becoming more productive by not focusing on working extra hours but instead using the time off more effectively.", + "categories": "motivation", + "review_score": 5.5 + }, + { + "Unnamed: 0": 2776, + "book_name": "Unlocking Potential", + "summaries": " is a guide that will help you as a leader make a difference in people\u2019s lives in the long run by learning how to coach people in a way that brings to light their greatest strengths and capabilities.", + "categories": "motivation", + "review_score": 8.1 + }, + { + "Unnamed: 0": 2777, + "book_name": "Tell Me More", + "summaries": " will help you make everything, even the worst of times, go more smoothly by learning about a few useful phrases to habitually use come rain or shine.", + "categories": "motivation", + "review_score": 5.8 + }, + { + "Unnamed: 0": 2778, + "book_name": "No Excuses!", + "summaries": " teaches us that self-discipline is the key to success and gives us practical advice to master it and achieve self-actualization, happy relationships, and financial security.", + "categories": "motivation", + "review_score": 3.4 + }, + { + "Unnamed: 0": 2779, + "book_name": "Big Potential", + "summaries": " will show you that the real secret to success and thriving in all aspects of life is developing strong connections with others and treating them in a way that lifts them up.", + "categories": "motivation", + "review_score": 9.9 + }, + { + "Unnamed: 0": 2780, + "book_name": "The Second Mountain", + "summaries": " argues that the key to living a meaningful, fulfilling, and happy life is not found in the pursuit of self-improvement but instead a life of service to others.", + "categories": "motivation", + "review_score": 7.0 + }, + { + "Unnamed: 0": 2781, + "book_name": "Getting There", + "summaries": " will inspire you to move toward your entrepreneurial dreams with the business journeys of six successful entrepreneurs. ", + "categories": "motivation", + "review_score": 3.4 + }, + { + "Unnamed: 0": 2782, + "book_name": "Millionaire Success Habits", + "summaries": " will teach you the habits you need to become financially successful and make a big difference in the world along the way.", + "categories": "motivation", + "review_score": 6.6 + }, + { + "Unnamed: 0": 2783, + "book_name": "Game Changers", + "summaries": " reveals the secrets that some of the most impactful people in the world use to hack their biology and win at life and will teach you how to achieve your goals and be happy. ", + "categories": "motivation", + "review_score": 5.6 + }, + { + "Unnamed: 0": 2784, + "book_name": "You Are A Badass At Making Money", + "summaries": " will help you stop making excuses and get over your bad relationship with money to become a money-making machine.", + "categories": "motivation", + "review_score": 2.2 + }, + { + "Unnamed: 0": 2785, + "book_name": "Necessary Endings", + "summaries": " is a guide to change that explains how you can get rid of unwanted behaviors, events, and people in your life and use the magic of new beginnings to build a better life.", + "categories": "motivation", + "review_score": 2.9 + }, + { + "Unnamed: 0": 2786, + "book_name": "Extreme Ownership", + "summaries": " contains useful leadership advice from two Navy SEALs who learned to stay strong, disciplined, and level-headed in high-stakes combat scenarios.", + "categories": "motivation", + "review_score": 7.9 + }, + { + "Unnamed: 0": 2787, + "book_name": "Make Your Bed", + "summaries": " encourages you to pursue your goals and change the lives of others for the better by showing that success is a combination of individual willpower and mutual support.", + "categories": "motivation", + "review_score": 2.1 + }, + { + "Unnamed: 0": 2788, + "book_name": "QBQ!", + "summaries": " will teach you to ask better questions and stay accountable and why doing so will change every aspect of your life for the better.", + "categories": "motivation", + "review_score": 4.3 + }, + { + "Unnamed: 0": 2789, + "book_name": "The Road to Character", + "summaries": " explains why today\u2019s ever-increasing obsession with the self is eclipsing moral virtues and our ability to build character, and how that gets in the way of our happiness.", + "categories": "motivation", + "review_score": 2.9 + }, + { + "Unnamed: 0": 2790, + "book_name": "The Messy Middle", + "summaries": " challenges the notion that projects grow slowly and smoothly toward success by outlining the rocky but important intermediate stages of any journey and how to survive them.", + "categories": "motivation", + "review_score": 2.0 + }, + { + "Unnamed: 0": 2791, + "book_name": "The Start-Up of You", + "summaries": " explains why you need manage your career as if you were running a start-up to get ahead in today\u2019s ultra-competitive and ever-changing business world. ", + "categories": "motivation", + "review_score": 8.4 + }, + { + "Unnamed: 0": 2792, + "book_name": "Girl, Wash Your Face", + "summaries": " inspires women to take their lives into their own hands and make their dreams happen, no matter how discouraged they may feel at the moment.", + "categories": "motivation", + "review_score": 6.7 + }, + { + "Unnamed: 0": 2793, + "book_name": "Inner Engineering", + "summaries": " is a guide to creating a life of happiness by exploring your internal landscape of thoughts and feelings and learning to align them with what the universe tells you.", + "categories": "motivation", + "review_score": 8.8 + }, + { + "Unnamed: 0": 2794, + "book_name": "The 12 Week Year", + "summaries": " will teach you how to reliably hit your goals by planning in 12-week cycles instead of following our typical 12-month routine.", + "categories": "motivation", + "review_score": 7.9 + }, + { + "Unnamed: 0": 2795, + "book_name": "The Miracle Equation", + "summaries": " is a simple, step-by-step process to make achieving your goals inevitable by bridging the gap between knowing and doing.", + "categories": "motivation", + "review_score": 7.6 + }, + { + "Unnamed: 0": 2796, + "book_name": "Imperfect Courage", + "summaries": " is the story of how entrepreneur Jessica Honegger learned to step out of her comfort zone and build a million-dollar business helping artists and people in need around the world.", + "categories": "motivation", + "review_score": 8.5 + }, + { + "Unnamed: 0": 2797, + "book_name": "Can\u2019t Hurt Me", + "summaries": " is the story of David Goggins, who went from being overweight and depressed to becoming a record-breaking athlete, inspiring military leader, and world-class personal trainer.", + "categories": "motivation", + "review_score": 2.8 + }, + { + "Unnamed: 0": 2798, + "book_name": "What I Know For Sure", + "summaries": " encourages you to create the life you want by pursuing excellence, practicing gratitude, and leveraging bad experiences to become stronger. ", + "categories": "motivation", + "review_score": 6.3 + }, + { + "Unnamed: 0": 2799, + "book_name": "Hit Refresh", + "summaries": " tells the inspiring story of an Indian boy named Satya Nadella", + "categories": "motivation", + "review_score": 1.4 + }, + { + "Unnamed: 0": 2800, + "book_name": "The Science of Getting Rich", + "summaries": " gives you permission to embrace your natural desire for wealth and explains why riches lead to a prosperous and abundant life in mind, body, and soul.", + "categories": "motivation", + "review_score": 5.5 + }, + { + "Unnamed: 0": 2801, + "book_name": "Everything Is F*cked", + "summaries": " explains what\u2019s wrong with our approach towards happiness and gives philosophical suggestions that help us make our lives worth living.", + "categories": "motivation", + "review_score": 4.6 + }, + { + "Unnamed: 0": 2802, + "book_name": "Be Fearless", + "summaries": " shows that radical changes are more effective than small enhancements and urges us to be bold\u00a0in trying to make progress.\n", + "categories": "motivation", + "review_score": 8.2 + }, + { + "Unnamed: 0": 2803, + "book_name": "#GIRLBOSS", + "summaries": " shows that even an unconventional life can lead to success when you discover your passions and improve your skills in unusual and unpredictable ways.", + "categories": "motivation", + "review_score": 1.6 + }, + { + "Unnamed: 0": 2804, + "book_name": "Change Your Questions, Change Your Life", + "summaries": " will revolutionize your thinking with questions that create a learning mindset. ", + "categories": "motivation", + "review_score": 7.7 + }, + { + "Unnamed: 0": 2805, + "book_name": "The 5 AM Club", + "summaries": " helps you get up at 5 AM every morning, build a morning routine, and make time for the self-improvement you need to find success.", + "categories": "motivation", + "review_score": 5.9 + }, + { + "Unnamed: 0": 2806, + "book_name": "Team Of Rivals", + "summaries": "\u00a0explains why Abraham Lincoln rose above his political rivals despite their stronger reputations and how he used empathy to unite not just his enemies, but an entire country.", + "categories": "motivation", + "review_score": 8.6 + }, + { + "Unnamed: 0": 2807, + "book_name": "The Third Door", + "summaries": " follows an 18-year-old\u2019s wild quest of interviewing many of the world\u2019s most successful people to discover what it takes to get to the top.", + "categories": "motivation", + "review_score": 6.3 + }, + { + "Unnamed: 0": 2808, + "book_name": "The Rise", + "summaries": " explains the integral role of failure in all creative endeavors and provides examples of great thinkers who thrived because they viewed failure as a necessary part of their journey towards mastery.", + "categories": "motivation", + "review_score": 4.5 + }, + { + "Unnamed: 0": 2809, + "book_name": "How Luck Happens", + "summaries": " shows you how to foster your own luck by creating the conditions for it to manifest itself in your work, love and all other aspects of life.", + "categories": "motivation", + "review_score": 4.4 + }, + { + "Unnamed: 0": 2810, + "book_name": "Peak Performance", + "summaries": " shows you how to perform at your highest level by exploring the most significant factors that contribute to delivering our best work, such as stress, rest, focus, and purpose.\u00a0", + "categories": "motivation", + "review_score": 2.5 + }, + { + "Unnamed: 0": 2811, + "book_name": "Write It Down, Make It Happen", + "summaries": " is a simple guide to help you accomplish your goals through the act of writing, showing you how to use this basic skill to focus, address fears, and stay motivated.", + "categories": "motivation", + "review_score": 5.2 + }, + { + "Unnamed: 0": 2812, + "book_name": "Braving The Wilderness", + "summaries": " offers a four-step process to find true belonging through authenticity, bravery, trust, and vulnerability since it\u2019s mostly about learning to stand alone rather than trying to fit in.", + "categories": "motivation", + "review_score": 4.9 + }, + { + "Unnamed: 0": 2813, + "book_name": "The Courage To Be Disliked", + "summaries": " is a Japanese analysis of the work of 19th-century psychologist Alfred Adler, who established that happiness lies in the hands of each human individual and does not depend on past traumas.", + "categories": "motivation", + "review_score": 7.5 + }, + { + "Unnamed: 0": 2814, + "book_name": "Make Time", + "summaries": " is about creating space in your life for what truly matters using highlights, laser-style focus, energizing breaks, and regularly reflecting on how you spend your most valuable asset.", + "categories": "motivation", + "review_score": 10.0 + }, + { + "Unnamed: 0": 2815, + "book_name": "The Energy Bus", + "summaries": " is a fable that will help you create positive energy with ten simple rules and make it the center of your life, work, and relationships.", + "categories": "motivation", + "review_score": 6.7 + }, + { + "Unnamed: 0": 2816, + "book_name": "Atomic Habits", + "summaries": " is the definitive guide to breaking bad behaviors and adopting good ones in four steps, showing you how small, incremental, everyday routines compound into massive, positive change over time.", + "categories": "motivation", + "review_score": 8.7 + }, + { + "Unnamed: 0": 2817, + "book_name": "Outwitting The Devil", + "summaries": " is an imagined interview between Napoleon Hill and the Devil himself, in which he wrings certain truths from the root of evil, which will help us avoid his grasp and live a good life.", + "categories": "motivation", + "review_score": 9.4 + }, + { + "Unnamed: 0": 2818, + "book_name": "Reinvent Yourself", + "summaries": " is a template for how to best adapt in a world in which the only constant is change, so that you may find happiness, success, wealth, meaningful work, and whatever else you desire in life.", + "categories": "motivation", + "review_score": 5.5 + }, + { + "Unnamed: 0": 2819, + "book_name": "Dare To Lead", + "summaries": " dispels common myths about modern-day workplace culture and shows you that true leadership requires nothing but vulnerability, values, trust, and resilience.", + "categories": "motivation", + "review_score": 7.2 + }, + { + "Unnamed: 0": 2820, + "book_name": "The Automatic Millionaire", + "summaries": " is an actionable, step-by-step plan for building wealth without being disciplined by relying on fixed percentages, small payments, and automated transactions.", + "categories": "motivation", + "review_score": 3.4 + }, + { + "Unnamed: 0": 2821, + "book_name": "The Power Of Your Subconscious Mind", + "summaries": " is a spiritual self-help classic, which teaches you how to use visualization and other suggestion techniques to adapt your unconscious behavior in positive ways.", + "categories": "motivation", + "review_score": 3.8 + }, + { + "Unnamed: 0": 2822, + "book_name": "How Successful People Think", + "summaries": " lays out eleven specific ways of thinking you can practice to live a better, happier, more successful life.", + "categories": "motivation", + "review_score": 3.6 + }, + { + "Unnamed: 0": 2823, + "book_name": "Minimalism", + "summaries": " is an instructive introduction to the philosophy of less and how it helped two guys who had achieved the American dream let go of their possessions and the depressions that came with them.", + "categories": "motivation", + "review_score": 3.4 + }, + { + "Unnamed: 0": 2824, + "book_name": "12 Rules For Life", + "summaries": "\u00a0is a story-based, stern yet entertaining self-help manual for young people laying out a set of simple rules to help us become more disciplined, behave better, act with integrity, and balance our lives while enjoying them as much as we can.", + "categories": "motivation", + "review_score": 7.1 + }, + { + "Unnamed: 0": 2825, + "book_name": "How To Fail At Almost Everything And Still Win Big", + "summaries": " is the memoir of Dilbert cartoonist Scott Adams", + "categories": "motivation", + "review_score": 7.2 + }, + { + "Unnamed: 0": 2826, + "book_name": "Crushing It", + "summaries": " is Gary Vaynerchuk\u2019s follow-up to his personal branding manifesto Crush It, in which he reiterates the importance of a personal brand and shows you the endless possibilities that come with building one today.", + "categories": "motivation", + "review_score": 9.6 + }, + { + "Unnamed: 0": 2827, + "book_name": "The Secret", + "summaries": " is a self-help book by Rhonda Byrne that explains how the law of attraction, which states that positive energy attracts positive things into your life, governs your thinking and actions, and how you can use the power of positive thinking to achieve anything you can imagine.", + "categories": "motivation", + "review_score": 2.6 + }, + { + "Unnamed: 0": 2828, + "book_name": "Tribe of Mentors", + "summaries": " is a collection of over 100 mini-interviews, where some of the world\u2019s most successful people share their ideas around habits, learning, money, relationships, failure, success, and life.", + "categories": "motivation", + "review_score": 1.3 + }, + { + "Unnamed: 0": 2829, + "book_name": "The Big Leap", + "summaries": " is about changing your overall perspective, so you can embrace a philosophy that\u2019ll help you achieve your full potential in work, relationships, finance, and all other walks of life.", + "categories": "motivation", + "review_score": 1.1 + }, + { + "Unnamed: 0": 2830, + "book_name": "When: The Scientific Secrets of Perfect Timing", + "summaries": " breaks down the science of time so you can stop guessing when to do things and pick the best times to work, eat, sleep, have your coffee and even quit your job.", + "categories": "motivation", + "review_score": 6.1 + }, + { + "Unnamed: 0": 2831, + "book_name": "Leonardo Da Vinci", + "summaries": " is Walter Isaacson\u2019s account of the life of one of the most brilliant artists, thinkers, and innovators who ever lived.", + "categories": "motivation", + "review_score": 3.8 + }, + { + "Unnamed: 0": 2832, + "book_name": "Barking Up The Wrong Tree", + "summaries": " turns standard success advice on its head by looking at both sides of many common arguments, like confidence, extroversion, or being nice, concluding it\u2019s really other factors that decide if we win, and we control more of them than we think.", + "categories": "motivation", + "review_score": 1.6 + }, + { + "Unnamed: 0": 2833, + "book_name": "Find Your Why", + "summaries": " is an actionable guide to discover your mission in life, figure out how you can live it on a daily basis and share it with the world.", + "categories": "motivation", + "review_score": 1.6 + }, + { + "Unnamed: 0": 2834, + "book_name": "Principles", + "summaries": " holds the set of rules for work and life billionaire investor and CEO of the most successful fund in history, Ray Dalio, has acquired through his 40-year career in finance.", + "categories": "motivation", + "review_score": 2.6 + }, + { + "Unnamed: 0": 2835, + "book_name": "Finish", + "summaries": " identifies perfectionism as the biggest enemy of your goals, in order to then help you defeat it with research backed strategies to get things out the door while having fun, taking the pressure off and cutting yourself some slack.", + "categories": "motivation", + "review_score": 8.4 + }, + { + "Unnamed: 0": 2836, + "book_name": "Emotional Agility", + "summaries": " provides a new, science-backed approach to navigating life\u2019s many trials and detours on your path to fulfillment, with which you\u2019ll face your emotions head on, observe them objectively, make choices based on your values and slowly tweak your mindset, motivation and habits.", + "categories": "motivation", + "review_score": 4.9 + }, + { + "Unnamed: 0": 2837, + "book_name": "The Road Less Traveled", + "summaries": "\u00a0is a spiritual classic, combining scientific and religious views to help you grow by confronting and solving your problems through discipline, love and grace.", + "categories": "motivation", + "review_score": 4.6 + }, + { + "Unnamed: 0": 2838, + "book_name": "Side Hustle", + "summaries": "\u00a0shows you how to set up new income streams without quitting your day job, taking you all the way from your initial idea to your first earned dollars in just 27 days.", + "categories": "motivation", + "review_score": 7.0 + }, + { + "Unnamed: 0": 2839, + "book_name": "The 5 Second Rule", + "summaries": " is a simple tool that undercuts most of the psychological weapons your brain employs to keep you from taking action, which will allow you to procrastinate less, live happier and reach your goals.", + "categories": "motivation", + "review_score": 4.9 + }, + { + "Unnamed: 0": 2840, + "book_name": "The Subtle Art Of Not Giving A F*ck", + "summaries": " does away with the positive psychology craze to instead give you a Stoic, no-BS approach to living a life that might not always be happy, but meaningful and centered only around what\u2019s important to you.", + "categories": "motivation", + "review_score": 2.4 + }, + { + "Unnamed: 0": 2841, + "book_name": "The Happiness Equation", + "summaries": " reveals nine scientifically backed secrets to happiness to show you that by wanting nothing and doing anything, you can have everything.", + "categories": "motivation", + "review_score": 1.3 + }, + { + "Unnamed: 0": 2842, + "book_name": "Accidental Genius", + "summaries": "\u00a0introduces you to the concept of freewriting, which you can use to solve complex problems, exercise your creativity, flesh out your ideas and even build a catalog of publishable work.", + "categories": "motivation", + "review_score": 6.5 + }, + { + "Unnamed: 0": 2843, + "book_name": "The Productivity Project", + "summaries": " recounts the lessons Chris Bailey learned over the course of a year running various productivity experiments to help you get more done in all areas of your life.", + "categories": "motivation", + "review_score": 1.1 + }, + { + "Unnamed: 0": 2844, + "book_name": "The Monk Who Sold His Ferrari", + "summaries": " is a self-help classic telling the story of fictional lawyer Julian Mantle, who sold his mansion and Ferrari to study the seven virtues of the Sages of Sivana in the Himalayan mountains.", + "categories": "motivation", + "review_score": 8.4 + }, + { + "Unnamed: 0": 2845, + "book_name": "Real Artists Don\u2019t Starve", + "summaries": "\u00a0debunks all myths around the starving artist and shows you you can, will and deserve to make a living from your creative work.", + "categories": "motivation", + "review_score": 9.7 + }, + { + "Unnamed: 0": 2846, + "book_name": "Get Smart", + "summaries": " reveals how you can access more of your brain\u2019s power through simple, actionable brain training techniques that\u2019ll spark your creativity, make you look for the positive and help you achieve your goals faster.", + "categories": "motivation", + "review_score": 2.1 + }, + { + "Unnamed: 0": 2847, + "book_name": "Failing Forward", + "summaries": " will help you stop making excuses, start embracing failure as a natural, necessary part of the process and let you find the confidence to proceed anyway.", + "categories": "motivation", + "review_score": 7.9 + }, + { + "Unnamed: 0": 2848, + "book_name": "The 10X Rule", + "summaries": " will show you how to achieve extraordinary success by pointing out what\u2019s wrong with shooting for average, why you should aim ten times higher when tackling your goals, and how to back up your new, bold targets with the right actions.", + "categories": "motivation", + "review_score": 3.0 + }, + { + "Unnamed: 0": 2849, + "book_name": "The Power Of Broke", + "summaries": " shows you how to leverage having no money into an advantage in business by compensating it with creativity, passion and authenticity.", + "categories": "motivation", + "review_score": 4.9 + }, + { + "Unnamed: 0": 2850, + "book_name": "If You\u2019re So Smart, Why Aren\u2019t You Happy", + "summaries": " walks you through the seven deadly sins of unhappiness, which will show you how small the correlation between success and happiness truly is and help you avoid chasing the wrong things in your short time here on earth.", + "categories": "motivation", + "review_score": 3.2 + }, + { + "Unnamed: 0": 2851, + "book_name": "Option B", + "summaries": " shares the stories of people who\u2019ve had to deal with a traumatizing event, most notably Facebook\u2019s COO Sheryl Sandberg, to help you face adversity, become more resilient and find joy again after life punches you in the face.", + "categories": "motivation", + "review_score": 2.8 + }, + { + "Unnamed: 0": 2852, + "book_name": "Genius: The Life And Science Of Richard Feynman", + "summaries": " tells the story of one the greatest minds in the history of science, all the way from his humble beginnings to changing physics as we know it and receiving the Nobel prize.", + "categories": "motivation", + "review_score": 9.5 + }, + { + "Unnamed: 0": 2853, + "book_name": "The Life-Changing Magic Of Not Giving A F*ck", + "summaries": " is a funny, practical guide to mental decluttering, giving you actionable tips to stop caring about things that don\u2019t really matter to you, without feeling ashamed or guilty.", + "categories": "motivation", + "review_score": 6.7 + }, + { + "Unnamed: 0": 2854, + "book_name": "You Are A Badass", + "summaries": " helps you become self-aware, figure out what you want in life and then summon the guts to not worry about the how, kick others\u2019 opinions to the curb and focus your life on the thing that will make you happy.", + "categories": "motivation", + "review_score": 7.7 + }, + { + "Unnamed: 0": 2855, + "book_name": "Payoff", + "summaries": " unravels the complex construct that is human motivation and shows you how it consists of many more parts than money and recognition, such as meaning, effort and ownership, so you can motivate yourself not just today, but every day.", + "categories": "motivation", + "review_score": 2.5 + }, + { + "Unnamed: 0": 2856, + "book_name": "Peak", + "summaries": " accumulates everything the pioneer researcher on deliberate practice has learned about expert performance through decades of exploration and analysis of what separates those, who are average, from those, who are world-class at what they do.", + "categories": "motivation", + "review_score": 3.4 + }, + { + "Unnamed: 0": 2857, + "book_name": "Unlimited Power", + "summaries": " is a self-help classic, which breaks down how Tony Robbins has helped top performers achieve at their highest level and how you can use the same mental and physical tactics to accomplish your biggest goals in life.", + "categories": "motivation", + "review_score": 1.5 + }, + { + "Unnamed: 0": 2858, + "book_name": "The Gifts Of Imperfection", + "summaries": " shows you how to embrace your inner flaws to accept who you are, instead of constantly chasing the image of who you\u2019re trying to be, because other people expect you to act in certain ways.", + "categories": "motivation", + "review_score": 8.7 + }, + { + "Unnamed: 0": 2859, + "book_name": "Steal Like An Artist", + "summaries": " gives you permission to copy your heroes\u2019 work and use it as a springboard to find your own, unique style, all while remembering to have fun, creating the right work environment for your art and letting neither criticism nor praise drive you off track.", + "categories": "motivation", + "review_score": 6.6 + }, + { + "Unnamed: 0": 2860, + "book_name": "How Will You Measure Your Life", + "summaries": " shows you how to sustain motivation at work and in life to spend your time on earth happily and fulfilled, by focusing not just on money and your career, but your family, relationships and personal well-being.", + "categories": "motivation", + "review_score": 7.1 + }, + { + "Unnamed: 0": 2861, + "book_name": "Mind Gym", + "summaries": " explains why the performance of world-class athletes isn\u2019t only\u00a0a result of their physical training, but just as much due to their mentally fit minds and shows you how you can cultivate the mindset of a top performer yourself.", + "categories": "motivation", + "review_score": 5.2 + }, + { + "Unnamed: 0": 2862, + "book_name": "Your Best Just Got Better", + "summaries": " shows you how to tackle productivity and performance with the best techniques to help you work smarter, get more done and stay inspired.", + "categories": "motivation", + "review_score": 8.2 + }, + { + "Unnamed: 0": 2863, + "book_name": "Alibaba\u2019s World", + "summaries": " is an inside look at one of the world\u2019s largest e-commerce companies from one of its\u00a0first Western employees, who served as its vice president and head of international marketing for several years, showing how this company turned from startup to global player in just 15 years.", + "categories": "motivation", + "review_score": 7.0 + }, + { + "Unnamed: 0": 2864, + "book_name": "A Force For Good", + "summaries": " is a universal call to turn our\u00a0compassion outward and use it to improve ourselves and the world around us in science, religion, social issues, business and education.", + "categories": "motivation", + "review_score": 7.4 + }, + { + "Unnamed: 0": 2865, + "book_name": "Disrupt Yourself", + "summaries": " explains how you can harness\u00a0the ever-accelerating power of disruptive innovation in your personal life, be it to advance your career or to build a company that thrives, by embracing your limitations, focusing on your strengths and staying flexible and curious along the way.", + "categories": "motivation", + "review_score": 6.3 + }, + { + "Unnamed: 0": 2866, + "book_name": "Winners: And How They Succeed", + "summaries": " draws on years of research and extensive interviews with a wide array of successful people to deliver a blueprint for what it takes to win in life based on strategy, leadership and team-building.", + "categories": "motivation", + "review_score": 4.9 + }, + { + "Unnamed: 0": 2867, + "book_name": "Benjamin Franklin: An American Life", + "summaries": " takes a thorough look at the life of one of the most influential humans that ever lived and explains how he could achieve such greatness in so many different fields and areas.", + "categories": "motivation", + "review_score": 3.5 + }, + { + "Unnamed: 0": 2868, + "book_name": "Long Walk To Freedom", + "summaries": " is the autobiography of Nelson Mandela, South African anti-apartheid activist, national icon and the first South African black president, elected in the first, fully democratic election in the country.", + "categories": "motivation", + "review_score": 1.9 + }, + { + "Unnamed: 0": 2869, + "book_name": "Grit", + "summaries": " describes what creates outstanding achievements, based on science, interviews with high achievers from various fields and the personal history of success of the author, Angela Duckworth, uncovering that achievement isn\u2019t reserved for the talented only, but for those with passion and perseverance.", + "categories": "motivation", + "review_score": 8.5 + }, + { + "Unnamed: 0": 2870, + "book_name": "Million Dollar Consulting", + "summaries": " teaches you how to build a thriving consultancy business, by focusing on relationships, delivering strategic value and thinking long-term all the way through.", + "categories": "motivation", + "review_score": 5.4 + }, + { + "Unnamed: 0": 2871, + "book_name": "The Rise Of Superman", + "summaries": " decodes the science of ultimate, human performance by examining how top athletes enter and stay in a state of flow, while achieving their greatest feats, and how you can do the same.", + "categories": "motivation", + "review_score": 3.6 + }, + { + "Unnamed: 0": 2872, + "book_name": "The Code Of The Extraordinary Mind", + "summaries": " gives you a 10-step framework for success, based on the lives of the world\u2019s most successful people, who the author has spent 200+ hours interviewing.", + "categories": "motivation", + "review_score": 5.2 + }, + { + "Unnamed: 0": 2873, + "book_name": "Born For This", + "summaries": " shows you how to find the work you were meant to do, which actually might consist of many different forms of work over the course of your life, by showing you the power of a side hustle, proper risk-assessment, creating your own job and pursuing all of your passions \u2013 one at a time.", + "categories": "motivation", + "review_score": 8.7 + }, + { + "Unnamed: 0": 2874, + "book_name": "The Now Habit", + "summaries": " is a strategic program to help you eliminate procrastination from your life, bring fun and motivation back to your work and enjoy your well-earned spare time without feeling guilty.", + "categories": "motivation", + "review_score": 1.1 + }, + { + "Unnamed: 0": 2875, + "book_name": "Howard Hughes: His Life And Madness", + "summaries": " details the birth, childhood, career, death and legacy of shimmering business tycoon Howard Hughes, who was a billionaire, world-renowned aviator, actor and industry magnate.", + "categories": "motivation", + "review_score": 9.4 + }, + { + "Unnamed: 0": 2876, + "book_name": "A Curious Mind", + "summaries": " is an homage to the power of asking questions, showing you how being curious can change your entire life, from the way you do business, to how you interact with your loved ones, or even shape your country.", + "categories": "motivation", + "review_score": 2.7 + }, + { + "Unnamed: 0": 2877, + "book_name": "Elon Musk", + "summaries": " is the first official biography of the creator of SolarCity, SpaceX and Tesla, based on over 30 hours of conversation time between author\u00a0Ashlee Vance", + "categories": "motivation", + "review_score": 3.9 + }, + { + "Unnamed: 0": 2878, + "book_name": "Einstein: His Life And Universe", + "summaries": " takes a close look at the life of Albert Einstein, beginning in how his childhood shaped him, what his biggest discoveries and personal struggles were and how his focus changed in later years, without his genius\u00a0ever fading until his very last moment.", + "categories": "motivation", + "review_score": 9.2 + }, + { + "Unnamed: 0": 2879, + "book_name": "Hardwiring Happiness", + "summaries": " tells you what you can do to overcome your negativity bias of focusing on and exaggerating negative events by relishing, extending and prioritizing the good things in your life to become happier.", + "categories": "motivation", + "review_score": 3.6 + }, + { + "Unnamed: 0": 2880, + "book_name": "How to Become a Straight-A Student", + "summaries": " gives you the techniques A+ students have used to pass college with flying colors and summa cum laude degrees, without compromising their entire lives and spending every minute in the library, ranging from time management and note-taking tactics all the way to how you can write a great thesis.", + "categories": "motivation", + "review_score": 7.1 + }, + { + "Unnamed: 0": 2881, + "book_name": "Rejection Proof", + "summaries": " shows you that no \u201cNo\u201d lasts forever, and how you can use rejection therapy to change your perspective of fear, embrace new challenges, and hear the word \u201cYes\u201d more often than ever before.", + "categories": "motivation", + "review_score": 5.4 + }, + { + "Unnamed: 0": 2882, + "book_name": "Daring Greatly", + "summaries": " is a book about having the courage to be vulnerable in a world where everyone wants to appear strong, confident and like they know what they\u2019re doing.", + "categories": "motivation", + "review_score": 2.0 + }, + { + "Unnamed: 0": 2883, + "book_name": "Predictable Success", + "summaries": " leads you through the various stages of companies and alternative paths they can and might take, depending on their actions, showing you the safest path towards predictable success, where you consistently achieve your goals.", + "categories": "motivation", + "review_score": 7.5 + }, + { + "Unnamed: 0": 2884, + "book_name": "How To Win At The Sport Of Business", + "summaries": " is Mark Cuban\u2019s account of how he changed his mindset and attitude over the years to go from broke to billionaire and help you embrace the habits of a successful businessman (or woman).", + "categories": "motivation", + "review_score": 8.0 + }, + { + "Unnamed: 0": 2885, + "book_name": "Man\u2019s Search for Meaning", + "summaries": " details holocaust survivor Viktor Frankl\u2019s horrifying experiences in Nazi concentration camps, along with his psychological approach of logotherapy, which is also what helped him survive and shows you how you can \u2013 and must \u2013 find meaning in your life.", + "categories": "motivation", + "review_score": 7.6 + }, + { + "Unnamed: 0": 2886, + "book_name": "Smarter Faster Better", + "summaries": " tells deeply researched stories from professionals around the world to show you how to do what you\u2019re already doing in a better, more efficient way, by focusing on decisions, motivation and the way we set goals.", + "categories": "motivation", + "review_score": 7.5 + }, + { + "Unnamed: 0": 2887, + "book_name": "The Art Of Learning", + "summaries": " explains the science of becoming a top performer, based on Josh Waitzkin\u2019s personal rise to the top of the chess and Tai Chi world, by showing you the right mindset, proper ways to practice and how to build the habits of a professional.", + "categories": "motivation", + "review_score": 8.6 + }, + { + "Unnamed: 0": 2888, + "book_name": "Carrots And Sticks", + "summaries": " explains how you can harness the power of incentives \u2013 carrots and sticks \u2013 to change your bad behaviors, improve your self-control and reach your long-term goals.", + "categories": "motivation", + "review_score": 1.2 + }, + { + "Unnamed: 0": 2889, + "book_name": "Year of Yes", + "summaries": " details famous TV-show creator Shonda Rhimes\u2019s change from introversion to socialite by saying \u201cYes\u201d to anything for a full year and how she was finally able to face her fears and start loving herself.", + "categories": "motivation", + "review_score": 1.9 + }, + { + "Unnamed: 0": 2890, + "book_name": "The Life-Changing Magic of Tidying Up", + "summaries": " takes you through the process of simplifying, organizing and storing your belongings step by step, to make your home a place of peace and clarity.", + "categories": "motivation", + "review_score": 9.1 + }, + { + "Unnamed: 0": 2891, + "book_name": "Why We Work", + "summaries": " looks at the purpose of work in our lives by examining how different people view their work, what traits make work feel meaningful, and which questions companies should ask to maximize the motivation of their employees.", + "categories": "motivation", + "review_score": 8.2 + }, + { + "Unnamed: 0": 2892, + "book_name": "Who Moved My Cheese", + "summaries": " tells a parable, which you can directly apply to your own life, in order to stop fearing what lies ahead and instead thrive in an environment of change and uncertainty.", + "categories": "motivation", + "review_score": 3.6 + }, + { + "Unnamed: 0": 2893, + "book_name": "Everything I Know", + "summaries": " ditches all the rules and gives you a guide to living a fulfilled and adventurous life that can be infinitely updated, stretched, expanded and customized, based on who you are, instead of another \u201cdo-this-to-get-rich-fast\u201d scheme that doesn\u2019t work for everyone.", + "categories": "motivation", + "review_score": 7.1 + }, + { + "Unnamed: 0": 2894, + "book_name": "Thrive", + "summaries": " shines a light on the missing ingredient in our perception of success, which includes well-being, wonder, wisdom and giving, and goes beyond just money and power, which often drive people right into burnout, terrible health and unhappiness.", + "categories": "motivation", + "review_score": 4.5 + }, + { + "Unnamed: 0": 2895, + "book_name": "Losing My Virginity", + "summaries": " details Richard Branson\u2019s meteoric rise to success and digs into what made him the adventurous, fun-loving, daring entrepreneur he is today and what lessons you can learn about business from him.", + "categories": "motivation", + "review_score": 4.6 + }, + { + "Unnamed: 0": 2896, + "book_name": "Awaken The Giant Within", + "summaries": " is the psychological blueprint you can follow to wake up and start taking control of your life, starting in your mind, spreading through your body and then all the way through your relationships, work and finances until you\u2019re the giant you were always meant to be.", + "categories": "motivation", + "review_score": 2.4 + }, + { + "Unnamed: 0": 2897, + "book_name": "The Desire Map", + "summaries": " gives your goal-setting mechanism a makeover by showing you that desire, not facts, is what fuels our lives and helps you rely on your feelings to navigate life, instead of giving in to the pressure of the outside world to check the boxes on goals that don\u2019t really matter to you.", + "categories": "motivation", + "review_score": 1.4 + }, + { + "Unnamed: 0": 2898, + "book_name": "Strengthsfinder 2.0", + "summaries": " argues that we should forget about fixing our weaknesses, and go all in on our strengths instead, by showing you ways to figure out which 5 key strengths are an innate part of you and giving you advice on how to use them in your life and work.", + "categories": "motivation", + "review_score": 6.1 + }, + { + "Unnamed: 0": 2899, + "book_name": "The Art of Non-Conformity", + "summaries": " teaches you how to play life by your own rules by giving you practical glimpses into the world of self-employment, a new approach to travel, to-do list minimalism and conscious spending habits.", + "categories": "motivation", + "review_score": 1.3 + }, + { + "Unnamed: 0": 2900, + "book_name": "The Promise Of A Pencil", + "summaries": " narrates the story of how Adam Braun, well-bred, average college kid, working at Bain & Company, shook off what society expected of him and created a life of significance and success by starting his own charity, which now has built hundreds of schools for children in need.", + "categories": "motivation", + "review_score": 4.7 + }, + { + "Unnamed: 0": 2901, + "book_name": "The Blue Zones", + "summaries": " gives you advice on how to live to be 100 years and older by looking at five spots across the planet, where people live the longest, and drawing lessons about what they eat, drink, how they exercise and which habits most shape their lives.", + "categories": "motivation", + "review_score": 8.1 + }, + { + "Unnamed: 0": 2902, + "book_name": "David and Goliath", + "summaries": " explains why underdogs win in situations where the odds are stacked unfavorably against them, and how you can do the same.", + "categories": "motivation", + "review_score": 7.7 + }, + { + "Unnamed: 0": 2903, + "book_name": "The One-Page Financial Plan", + "summaries": " is a refreshing, fun look at personal finance, that takes away the feeling that financial planning is a burden for the less disciplined, and shows you that you can plan your entire financial future on a single page.", + "categories": "motivation", + "review_score": 5.1 + }, + { + "Unnamed: 0": 2904, + "book_name": "The Total Money Makeover", + "summaries": " shows you how to stop accepting debt as normal, eliminate it forever in small increments, and build the financial future you deserve in seven steps.", + "categories": "motivation", + "review_score": 6.9 + }, + { + "Unnamed: 0": 2905, + "book_name": "First Things First", + "summaries": " shows you how to stop looking at the clock and start looking at the compass, by figuring out what\u2019s important, prioritizing those things in your life, developing a vision for the future, building the right relationships and becoming a strong leader wherever you go.", + "categories": "motivation", + "review_score": 9.6 + }, + { + "Unnamed: 0": 2906, + "book_name": "The Power of Now", + "summaries": "\u00a0shows you that every minute you spend worrying about the future or regretting the past is a minute lost, because the only place you can truly live in is the present, the now, which is why the book offers actionable strategies to start living every minute as it occurs and becoming 100% present in and for your life.", + "categories": "motivation", + "review_score": 7.4 + }, + { + "Unnamed: 0": 2907, + "book_name": "Sam Walton: Made In America", + "summaries": " shines a light on the man behind the biggest fortune ever amassed in business and explains how he built Walmart into a billion-dollar empire with hard work, incessant learning and an unrivaled resolve to make every single customer as happy as can be.", + "categories": "motivation", + "review_score": 5.7 + }, + { + "Unnamed: 0": 2908, + "book_name": "Rework", + "summaries": " shows you that you need less than you think to start a business \u2013 way less \u2013 by explaining why plans are actually harmful, how productivity isn\u2019t a result from working long hours and why hiring and seeking investors should be your absolute last resort.", + "categories": "motivation", + "review_score": 9.1 + }, + { + "Unnamed: 0": 2909, + "book_name": "The Success Principles", + "summaries": " condenses 64 lessons Jack Canfield learned on his journey to becoming a successful entrepreneur, author, coach and speaker into 6 sections, which will help you transform your mindset and take responsibility and control of your own life, so you can get from where you are to where you want to be.", + "categories": "motivation", + "review_score": 4.9 + }, + { + "Unnamed: 0": 2910, + "book_name": "Secrets Of The Millionaire Mind", + "summaries": " suggests our financial success is predetermined from birth and shows us what to do to break through mental barriers and acquire the habits and thinking of the rich.", + "categories": "motivation", + "review_score": 3.1 + }, + { + "Unnamed: 0": 2911, + "book_name": "Do Over", + "summaries": " shines a light on the four core skills you need to build an amazing career: relationships, skills, character and hustle, and shows you how to develop each one of them and use them in different stages of your career.", + "categories": "motivation", + "review_score": 8.6 + }, + { + "Unnamed: 0": 2912, + "book_name": "The Happiness Project", + "summaries": " will show you how to change your life, without actually changing your life, thanks to the findings of modern science, ancient history and popular culture about happiness, which the author tested for a year and now shares with you.", + "categories": "motivation", + "review_score": 8.1 + }, + { + "Unnamed: 0": 2913, + "book_name": "The Obstacle Is The Way", + "summaries": " is a modern take on the ancient philosophy of Stoicism, which helps you endure the struggles of life with grace and resilience by drawing lessons from ancient heroes, former presidents, modern actors, athletes, and how they turned adversity into success thanks to the power of perception, action, and will.", + "categories": "motivation", + "review_score": 5.4 + }, + { + "Unnamed: 0": 2914, + "book_name": "Outliers", + "summaries": " explains why \u201cthe self-made man\u201d is a myth and what truly lies behind the success of the best people in their field, which is often a series of lucky events, rare opportunities and other external factors, which are out of our control.", + "categories": "motivation", + "review_score": 2.9 + }, + { + "Unnamed: 0": 2915, + "book_name": "Crush It", + "summaries": " is the blueprint you need to turn your passion into your profession and will give you the tools to turn yourself into a brand, leverage social media, produce great content and reap the financial benefits of it.", + "categories": "motivation", + "review_score": 4.3 + }, + { + "Unnamed: 0": 2916, + "book_name": "Start", + "summaries": " shows you how you can flip the switch of your life from average to awesome by punching fear in the face, being realistic, living with purpose and going through the five stages of success, one step at a time.", + "categories": "motivation", + "review_score": 6.4 + }, + { + "Unnamed: 0": 2917, + "book_name": "The Power Of Positive Thinking", + "summaries": " will show you that the roots of success lie in the mind and teach you how to believe in yourself, break the habit of worrying, and take control of your life by taking control of your thoughts and changing your attitude.", + "categories": "motivation", + "review_score": 9.8 + }, + { + "Unnamed: 0": 2918, + "book_name": "Don\u2019t Sweat The Small Stuff (\u2026 And It\u2019s All Small Stuff)", + "summaries": " will keep you from letting the little, stressful things in life, like your email inbox, rushing to trains, and annoying co-workers drive you insane and help you find peace and calm in a stressful world.", + "categories": "motivation", + "review_score": 8.6 + }, + { + "Unnamed: 0": 2919, + "book_name": "Big Magic", + "summaries": " is the book that\u2019ll give you the courage you need to pursue your creative interests by showing you how to deal with your fears, notice ideas and act on them and take the stress out of creation.", + "categories": "motivation", + "review_score": 9.8 + }, + { + "Unnamed: 0": 2920, + "book_name": "The Psychology of Winning", + "summaries": " teaches you the 10 qualities of winners, which set them apart and help them win in every sphere of life: personally, professionally and spiritually.", + "categories": "motivation", + "review_score": 1.9 + }, + { + "Unnamed: 0": 2921, + "book_name": "The Power Of Starting Something Stupid", + "summaries": " shows you that most ideas are often falsely labeled stupid at first, and that if they are, that\u2019s a good indicator you should pursue them and not care what anyone thinks.", + "categories": "motivation", + "review_score": 7.8 + }, + { + "Unnamed: 0": 2922, + "book_name": "How To Win Friends And Influence People", + "summaries": " teaches you countless principles to become a likable person, handle your relationships well, win others over and help them change their behavior without being intrusive.", + "categories": "motivation", + "review_score": 6.7 + }, + { + "Unnamed: 0": 2923, + "book_name": "Make Your Mark", + "summaries": " is a business book for creatives, telling them how to get started on turning their creative energy into a profitable business with simple, actionable ideas taken from 20 leading entrepreneurs and designers, who lead successful creative businesses.", + "categories": "motivation", + "review_score": 9.7 + }, + { + "Unnamed: 0": 2924, + "book_name": "Think And Grow Rich", + "summaries": " is a curation of the 13 most common habits of wealthy and successful people, distilled from studying over 500 individuals over the course of 20 years.", + "categories": "motivation", + "review_score": 9.7 + }, + { + "Unnamed: 0": 2925, + "book_name": "SuperBetter", + "summaries": " not only breaks down the science behind games and how they help us become physically, emotionally, mentally and socially stronger, but also gives you a 7-step system you can use to turn your own life into a game, have more fun than ever before and overcome your biggest challenges.", + "categories": "motivation", + "review_score": 5.8 + }, + { + "Unnamed: 0": 2926, + "book_name": "The Achievement Habit", + "summaries": " shows you that being an achiever can be learned, by using the principles of design thinking to walk you through several stories and exercises, which will get you to stop wishing and start doing.", + "categories": "motivation", + "review_score": 4.3 + }, + { + "Unnamed: 0": 2927, + "book_name": "Quitter", + "summaries": " is a blueprint to help you close the gap between your day job and your dream job, showing you simple steps you can take towards your dream without turning it into a nightmare.", + "categories": "motivation", + "review_score": 8.8 + }, + { + "Unnamed: 0": 2928, + "book_name": "The Art Of Work", + "summaries": " is the instruction manual to find your vocation by looking into your passions, connecting them to the needs of the world, and thus building a legacy that\u2019s bigger than yourself.", + "categories": "motivation", + "review_score": 8.6 + }, + { + "Unnamed: 0": 2929, + "book_name": "The War Of Art", + "summaries": " brings some much needed tough love to all artists, business people and creatives who spend more time battling the resistance against work than actually working, by identifying the procrastinating forces at play and pulling out the rug from under their feet.", + "categories": "motivation", + "review_score": 5.5 + }, + { + "Unnamed: 0": 2930, + "book_name": "Essentialism", + "summaries": "\u00a0will show you a new, better way of looking at productivity\u00a0by giving you permission to be extremely selective about what\u2019s truly essential in your life and then ruthlessly cutting out everything else.", + "categories": "motivation", + "review_score": 8.8 + }, + { + "Unnamed: 0": 2931, + "book_name": "The Power Of Habit", + "summaries": " helps you understand why\u00a0habits are at the core of everything you\u00a0do, how you can change them, and what impact that will have on your life, your business and society.", + "categories": "motivation", + "review_score": 7.4 + }, + { + "Unnamed: 0": 2932, + "book_name": "So Good They Can\u2019t Ignore You", + "summaries": " sheds some much needed light on the \u201cfollow your passion\u201d myth and shows you that the true path to work you love lies in becoming a craftsman of the work you already have, collecting rare skills and taking control of your hours in the process.", + "categories": "motivation", + "review_score": 1.6 + }, + { + "Unnamed: 0": 2933, + "book_name": "Money: Master The Game", + "summaries": " holds 7 simple steps to financial freedom, based on the advice of the world\u2019s best billionaire investors, interviewed by Tony Robbins.", + "categories": "motivation", + "review_score": 3.0 + }, + { + "Unnamed: 0": 2934, + "book_name": "The Power Of Less", + "summaries": " shows you how to align your life with your most important goals, by finding out what\u2019s really essential, changing your habits one at a time and working focused and productively on only those projects that will lead you to where you really want to go.", + "categories": "motivation", + "review_score": 4.5 + }, + { + "Unnamed: 0": 2935, + "book_name": "Bounce", + "summaries": " shows you that training\u00a0trumps talent every time, by explaining the science of deliberate practice, the mindset of high performers and how you can use those tools to become a master of whichever\u00a0skill you choose.", + "categories": "motivation", + "review_score": 7.1 + }, + { + "Unnamed: 0": 2936, + "book_name": "Zero To One", + "summaries": " is an inside look at Peter Thiel\u2019s philosophy and strategy for making your startup a success by looking at the lessons he learned from founding and selling PayPal, investing in Facebook and becoming a billionaire in the process.", + "categories": "motivation", + "review_score": 2.2 + }, + { + "Unnamed: 0": 2937, + "book_name": "Choose Yourself", + "summaries": " is a call to give up traditional career paths and take your life into your own hands by building good habits, creating your own career, and making a decision to choose yourself.", + "categories": "motivation", + "review_score": 4.0 + }, + { + "Unnamed: 0": 2938, + "book_name": "The Happiness Of Pursuit", + "summaries": " is a call to take control of your own life by going on a quest, which will fill your life with meaning, purpose, and a whole lot of adventure.", + "categories": "motivation", + "review_score": 5.8 + }, + { + "Unnamed: 0": 2939, + "book_name": "The Millionaire Fastlane", + "summaries": " points out what\u2019s wrong with the old get a degree, get a job, work hard, retire rich model, defines wealth in a new way, and shows you the path to retiring young.", + "categories": "motivation", + "review_score": 8.2 + }, + { + "Unnamed: 0": 2940, + "book_name": "The ONE Thing", + "summaries": " gives you a very simple approach to productivity, based around a single question, to help you have less clutter, distractions and stress, and more focus, energy and success.", + "categories": "motivation", + "review_score": 8.2 + }, + { + "Unnamed: 0": 2941, + "book_name": "Stumbling On Happiness", + "summaries": " examines the capacity of our brains to fill in gaps and simulate experiences, shows how our lack of awareness of these powers sometimes leads us to wrong decisions, and how we can change our behavior to synthesize our own happiness.", + "categories": "motivation", + "review_score": 5.1 + }, + { + "Unnamed: 0": 2942, + "book_name": "The 7 Habits Of Highly Effective People", + "summaries": " teaches you both personal and professional effectiveness by\u00a0changing your view of how the world works and giving you 7 habits, which, if adopted well, will lead you to immense success.", + "categories": "motivation", + "review_score": 1.1 + }, + { + "Unnamed: 0": 2943, + "book_name": "Steve Jobs", + "summaries": " is the most detailed and accurate account of the life of the man who created Apple, the most valuable technology company in the world.", + "categories": "motivation", + "review_score": 5.5 + }, + { + "Unnamed: 0": 2944, + "book_name": "The Miracle Morning", + "summaries": " makes it clear that in order to become successful,\u00a0you have to dedicate time to personal development each day, and then gives you a 6-step morning routine to create and shape that time.", + "categories": "motivation", + "review_score": 5.1 + }, + { + "Unnamed: 0": 2945, + "book_name": "The 4-Hour Workweek", + "summaries": " is the step-by-step blueprint to free yourself from the shackles of a corporate job, create a business to fund the lifestyle of your dreams, and live life like a millionaire, without actually having to be one.", + "categories": "motivation", + "review_score": 9.6 + }, + { + "Unnamed: 0": 2946, + "book_name": "The Willpower Instinct", + "summaries": " breaks down willpower into 3 categories, and gives you science-backed systems to improve your self-control, break bad habits and choose long-term goals over instant gratification.", + "categories": "motivation", + "review_score": 1.1 + }, + { + "Unnamed: 0": 2947, + "book_name": "The Upside Of Your Dark Side", + "summaries": " takes a look at our darkest emotions, like anxiety or anger, and shows you there are real benefits that follow\u00a0them and their underlying character traits, such as narcissism or psychopathy.", + "categories": "motivation", + "review_score": 7.3 + }, + { + "Unnamed: 0": 2948, + "book_name": "Do The Work", + "summaries": " is Steven Pressfield\u2019s follow-up to The War Of Art, where he gives you actionable tactics and strategies to overcome resistance, the force behind procrastination.", + "categories": "motivation", + "review_score": 1.3 + }, + { + "Unnamed: 0": 2949, + "book_name": "Built To Last", + "summaries": " examines what lies behind the extraordinary success of 18 visionary companies and which principles and ideas\u00a0they\u2019ve used\u00a0to thrive for a century.", + "categories": "motivation", + "review_score": 5.8 + }, + { + "Unnamed: 0": 2950, + "book_name": "The Happiness Advantage", + "summaries": " turns the tables on happiness, by proving it\u2019s a tool for success, instead of the result of it, and gives you 7 actionable principles you can use to\u00a0increase both.", + "categories": "motivation", + "review_score": 3.8 + }, + { + "Unnamed: 0": 2951, + "book_name": "Automate Your Busywork", + "summaries": "\u00a0is a step-by-step guide to getting rid of your most dreaded tasks, fueled by the simple but sophisticated \u201cAutomation Flywheel,\u201d which will help you reduce stress, get more done, and find time for your most meaningful work.", + "categories": "marketing", + "review_score": 2.8 + }, + { + "Unnamed: 0": 2952, + "book_name": "The Infinite Game", + "summaries": " argues that business is not a competition but an infinite journey, and that to do well in it, leaders must advance a \u201cJust Cause,\u201d build trusting teams, learn from their \u201cWorthy Rivals,\u201d and practice existential flexibility.", + "categories": "marketing", + "review_score": 1.9 + }, + { + "Unnamed: 0": 2953, + "book_name": "The 1-Page Marketing Plan", + "summaries": " offers a hands-on guide to creating a simple, single-page marketing strategy that will help you find prospects, generate leads, keep them engaged, and close sales, all from scratch.", + "categories": "marketing", + "review_score": 2.0 + }, + { + "Unnamed: 0": 2954, + "book_name": "The Life-Changing Science of Detecting Bullshit", + "summaries": " teaches its readers how to avoid falling for the lies and false information that other people spread by helping them build essential thinking skills through examples from the real world.", + "categories": "marketing", + "review_score": 5.3 + }, + { + "Unnamed: 0": 2955, + "book_name": "Expert Secrets", + "summaries": " teaches you how to create and implement an informative marketing plan and putting it into practice, while also showing you what problem you must solve for your prospects or teach them how to do it themselves.", + "categories": "marketing", + "review_score": 2.7 + }, + { + "Unnamed: 0": 2956, + "book_name": "The 22 Immutable Laws of Branding", + "summaries": " is a compilation of laws that provides insights for conducting successful marketing campaigns by focusing on the essence of branding and how brands must be created and managed in order to survive in the competitive world.", + "categories": "marketing", + "review_score": 8.6 + }, + { + "Unnamed: 0": 2957, + "book_name": "Lessons from the Titans", + "summaries": " tells the story of some of the biggest industrial companies in the United States and presents life-long strategies, valuable ideas, and mistakes to avoid for any business who wants to achieve long-term success.", + "categories": "marketing", + "review_score": 5.8 + }, + { + "Unnamed: 0": 2958, + "book_name": "The Cult of We", + "summaries": " presents the story of WeWork, a hyped American company that offered office spaces for rent and became the most valuable start-up in the world, only to be exposed later on as a massively overpriced business that was in fact losing a million dollars a day.", + "categories": "marketing", + "review_score": 9.8 + }, + { + "Unnamed: 0": 2959, + "book_name": "The Sales Advantage", + "summaries": " offers a practical guide to acquiring customers, closing sales, and increasing profits by following a series of proven techniques from a corporate coaching course about sales procedures.", + "categories": "marketing", + "review_score": 1.8 + }, + { + "Unnamed: 0": 2960, + "book_name": "Automate Your Busywork", + "summaries": "\u00a0is a step-by-step guide to getting rid of your most dreaded tasks, fueled by the simple but sophisticated \u201cAutomation Flywheel,\u201d which will help you reduce stress, get more done, and find time for your most meaningful work.", + "categories": "marketing", + "review_score": 5.6 + }, + { + "Unnamed: 0": 2961, + "book_name": "The Infinite Game", + "summaries": " argues that business is not a competition but an infinite journey, and that to do well in it, leaders must advance a \u201cJust Cause,\u201d build trusting teams, learn from their \u201cWorthy Rivals,\u201d and practice existential flexibility.", + "categories": "marketing", + "review_score": 3.6 + }, + { + "Unnamed: 0": 2962, + "book_name": "The 1-Page Marketing Plan", + "summaries": " offers a hands-on guide to creating a simple, single-page marketing strategy that will help you find prospects, generate leads, keep them engaged, and close sales, all from scratch.", + "categories": "marketing", + "review_score": 7.2 + }, + { + "Unnamed: 0": 2963, + "book_name": "The Life-Changing Science of Detecting Bullshit", + "summaries": " teaches its readers how to avoid falling for the lies and false information that other people spread by helping them build essential thinking skills through examples from the real world.", + "categories": "marketing", + "review_score": 4.1 + }, + { + "Unnamed: 0": 2964, + "book_name": "Expert Secrets", + "summaries": " teaches you how to create and implement an informative marketing plan and putting it into practice, while also showing you what problem you must solve for your prospects or teach them how to do it themselves.", + "categories": "marketing", + "review_score": 4.6 + }, + { + "Unnamed: 0": 2965, + "book_name": "The 22 Immutable Laws of Branding", + "summaries": " is a compilation of laws that provides insights for conducting successful marketing campaigns by focusing on the essence of branding and how brands must be created and managed in order to survive in the competitive world.", + "categories": "marketing", + "review_score": 4.9 + }, + { + "Unnamed: 0": 2966, + "book_name": "Lessons from the Titans", + "summaries": " tells the story of some of the biggest industrial companies in the United States and presents life-long strategies, valuable ideas, and mistakes to avoid for any business who wants to achieve long-term success.", + "categories": "marketing", + "review_score": 3.9 + }, + { + "Unnamed: 0": 2967, + "book_name": "The Cult of We", + "summaries": " presents the story of WeWork, a hyped American company that offered office spaces for rent and became the most valuable start-up in the world, only to be exposed later on as a massively overpriced business that was in fact losing a million dollars a day.", + "categories": "marketing", + "review_score": 4.5 + }, + { + "Unnamed: 0": 2968, + "book_name": "The Sales Advantage", + "summaries": " offers a practical guide to acquiring customers, closing sales, and increasing profits by following a series of proven techniques from a corporate coaching course about sales procedures.", + "categories": "marketing", + "review_score": 1.8 + }, + { + "Unnamed: 0": 2969, + "book_name": "Woke, Inc.", + "summaries": " taps into the dark secrets of the woke culture in corporate America, which organizations generate tremendous amounts of profit by hiding behind causes like social justice, gender equality, climate change, and many other popular matters.", + "categories": "marketing", + "review_score": 8.5 + }, + { + "Unnamed: 0": 2970, + "book_name": "Masters of Scale", + "summaries": " teaches entrepreneurs ways to open up a successful company and scale it from the grounds-up by going into detail about the right business practices, how to seize opportunities, and foster an organizational culture that encourages innovation and customer-centricity.", + "categories": "marketing", + "review_score": 6.6 + }, + { + "Unnamed: 0": 2971, + "book_name": "The Mom Test", + "summaries": " talks about ways to tell if your business idea is great or terrible by assessing the opinions of your friends, family, and investors accordingly, and not believing everything they say just to make you feel good.", + "categories": "marketing", + "review_score": 6.8 + }, + { + "Unnamed: 0": 2972, + "book_name": "Keep Going", + "summaries": " teaches us how to persist in creative work when our brain wants to take a million different paths, showing us how to harness our brain power in moments of innovation as well as tediousness.", + "categories": "marketing", + "review_score": 3.7 + }, + { + "Unnamed: 0": 2973, + "book_name": "Show Your Work!", + "summaries": " talks about the importance of being discoverable, showcasing your work like a professional, and networking properly in order to succeed with your creative work.", + "categories": "marketing", + "review_score": 6.6 + }, + { + "Unnamed: 0": 2974, + "book_name": "Testing Business Ideas", + "summaries": " highlights the importance of trial and error, learning from mistakes and prototypes, and always improving your offerings in a business, so as to bring a successful product to the market that will sell instead of causing you troubles.", + "categories": "marketing", + "review_score": 4.4 + }, + { + "Unnamed: 0": 2975, + "book_name": "The Art of Rhetoric", + "summaries": " is an ancient, time-proven reference book that explores the secrets behind persuasion, rhetoric, and good public speaking by providing compelling information on what a good speech should consist of and how truth and virtue are at the foundation of every good story.", + "categories": "marketing", + "review_score": 1.7 + }, + { + "Unnamed: 0": 2976, + "book_name": "Hiring Success", + "summaries": " highlights the importance of the human resource for any company and describes a successful business approach that focuses on finding highly trained and skilled future employees as a source of competitive advantage on the market.", + "categories": "marketing", + "review_score": 7.9 + }, + { + "Unnamed: 0": 2977, + "book_name": "An Ugly Truth", + "summaries": " offers a critical look at Facebook and its administrators, who foster a gaslighting environment and a controversial social media platform that can easily become a danger for its users both virtually and in real life due to its immense power and influence on our society.", + "categories": "marketing", + "review_score": 2.3 + }, + { + "Unnamed: 0": 2981, + "book_name": "Hyper-Learning", + "summaries": " shows how people and companies can adapt in the rapidly changing world we live in today, explaining how a growth mindset, colleaboration, and losing your ego will build your confidence that you can stay relevant and competitive as the world around you accelerates.", + "categories": "marketing", + "review_score": 7.1 + }, + { + "Unnamed: 0": 2982, + "book_name": "No Logo", + "summaries": " uses four parts, including \u201cNo Space,\u201d \u201cNo Choice,\u201d \u201cNo Jobs,\u201d and \u201cNo Logo,\u201d to explain the growth of brand power since the 1980s, how the focus of companies on image rather than products has affected employees, and to identify those who fight against large corporations and their brands.", + "categories": "marketing", + "review_score": 3.3 + }, + { + "Unnamed: 0": 2983, + "book_name": "The Design Of Everyday Things", + "summaries": " helps you understand why your inability to use some products isn\u2019t your fault but instead is the result of bad design and how companies can use the principles of cognitive psychology to implement better design principles that actually solve your problems without creating more of them.", + "categories": "marketing", + "review_score": 1.8 + }, + { + "Unnamed: 0": 2984, + "book_name": "Cryptoassets", + "summaries": " is your guide to understanding this revolutionary new digital asset class and explains the history of Bitcoin, how to invest in it and other cryptocurrencies, and how the blockchain technology behind it all works.", + "categories": "marketing", + "review_score": 6.6 + }, + { + "Unnamed: 0": 2985, + "book_name": "Spark", + "summaries": " teaches you how to become an influential, un-fireable asset to your team at work by taking on the role of a leader regardless of your position, utilizing the power of creative thinking to make better decisions, and learning how to be more self-aware and humble.", + "categories": "marketing", + "review_score": 8.5 + }, + { + "Unnamed: 0": 2986, + "book_name": "Think Again", + "summaries": " will make you more intelligent, persuasive, and self-aware by identifying the power of being humble about what you don\u2019t know, how to recognize blind spots in your thinking before they start causing you problems, and what you can do to become more effective at convincing others of your way of thinking.", + "categories": "marketing", + "review_score": 4.1 + }, + { + "Unnamed: 0": 2987, + "book_name": "See You On The Internet", + "summaries": " is the ultimate beginner-level digital marketing guide that teaches you how to build an online business presence by doing everything from starting a website to managing social media accounts.", + "categories": "marketing", + "review_score": 8.5 + }, + { + "Unnamed: 0": 2988, + "book_name": "Small Giants", + "summaries": " is your guide to keeping your company little but mighty that will allow you to pass up deliberate growth for staying true to what\u2019s really important, which is your ideals, time, passions, and doing what you do best so well that customers can\u2019t help but flock to you.", + "categories": "marketing", + "review_score": 8.7 + }, + { + "Unnamed: 0": 2989, + "book_name": "Subscribed", + "summaries": " helps your company move to a subscription model by identifying the history of this innovative idea, how it makes businesses so successful, and what you need to do to implement it in your own company.", + "categories": "marketing", + "review_score": 6.2 + }, + { + "Unnamed: 0": 2990, + "book_name": "How I Built This", + "summaries": " is a compilation of the best tips and lessons that Guy Raz learned from interviewing the founders of the greatest businesses in the world on his podcast of the same name and teaches how to start a company and keep it running strong.", + "categories": "marketing", + "review_score": 1.2 + }, + { + "Unnamed: 0": 2991, + "book_name": "Storyworthy", + "summaries": " shows you how to tell a narrative that will impact others by outlining how to engage your audience throughout the start, end, and everything in between.", + "categories": "marketing", + "review_score": 7.7 + }, + { + "Unnamed: 0": 2992, + "book_name": "The Art Of The Start", + "summaries": " is your guide to beginning a company and explains everything from getting the right people on board to writing a winning business plan and building your brand.", + "categories": "marketing", + "review_score": 6.0 + }, + { + "Unnamed: 0": 2993, + "book_name": "Building A StoryBrand", + "summaries": " is your guide to turning your sales pages and product into an adventure for your clients by identifying the seven steps to successful storytelling as a company and how to craft the clearest message possible so that they will understand and want to be part of it.", + "categories": "marketing", + "review_score": 7.5 + }, + { + "Unnamed: 0": 2994, + "book_name": "Epic Content Marketing", + "summaries": " shows why traditional methods for selling like TV and direct mail are dead and how creating content is the new future of advertising because it actually grabs people\u2019s attention by focusing on what they care about instead of your product.", + "categories": "marketing", + "review_score": 2.5 + }, + { + "Unnamed: 0": 2995, + "book_name": "Agile Selling", + "summaries": " helps you become a great salesperson by identifying how successful people thrive in any sales position with the skills of learning and adapting quickly.", + "categories": "marketing", + "review_score": 1.7 + }, + { + "Unnamed: 0": 2996, + "book_name": "Brainfluence", + "summaries": " will help you get more sales by revealing people\u2019s subconscious thinking and their motivations in the decision-making process they use when buying.", + "categories": "marketing", + "review_score": 3.7 + }, + { + "Unnamed: 0": 2997, + "book_name": "Cashvertising", + "summaries": " teaches you how to become an expert at marketing by using techniques like using the power of authority, following the three steps of writing a perfect headline, and appealing to the eight basic desires people have instead of spending millions on ads.", + "categories": "marketing", + "review_score": 2.4 + }, + { + "Unnamed: 0": 2998, + "book_name": "SPIN Selling", + "summaries": " is your guide to becoming an expert salesperson by identifying what the author learned from 35,000 sales calls and 12 years of research on the topic.", + "categories": "marketing", + "review_score": 8.5 + }, + { + "Unnamed: 0": 2999, + "book_name": "Business Model Generation", + "summaries": " teaches you how to start your own company by explaining the details of matching your customer\u2019s needs with your product\u2019s capabilities, managing finances, and everything else involved in the planning stages of entrepreneurship.", + "categories": "marketing", + "review_score": 9.7 + }, + { + "Unnamed: 0": 3000, + "book_name": "The Psychology Of Selling", + "summaries": " motivates you to work on your self-image and how you relate to customers so that you can close more deals.", + "categories": "marketing", + "review_score": 8.5 + }, + { + "Unnamed: 0": 3001, + "book_name": "Ask", + "summaries": " shows you a method that helps you take the guesswork out of the equation so you can give your customers what they want even if they don\u2019t know what they want.", + "categories": "marketing", + "review_score": 1.2 + }, + { + "Unnamed: 0": 3002, + "book_name": "Buyology", + "summaries": " shows you how to spend less money by revealing the psychological traps that companies use to hack your brain and get you to purchase their products without you even realizing they\u2019re doing it.", + "categories": "marketing", + "review_score": 3.4 + }, + { + "Unnamed: 0": 3003, + "book_name": "The Business Romantic", + "summaries": " shows how doing business that is focused on passion and connection leads to more success in today\u2019s world.", + "categories": "marketing", + "review_score": 9.6 + }, + { + "Unnamed: 0": 3004, + "book_name": "Alibaba", + "summaries": " shares the inspiring story of Jack Ma\u2019s hard work, entrepreneurial vision, and smart thinking that helped him build one of the most successful and influential companies in the world. ", + "categories": "marketing", + "review_score": 8.9 + }, + { + "Unnamed: 0": 3005, + "book_name": "The Storytelling Edge", + "summaries": " will boost your communication and persuasiveness skills by showing you how to tell powerful narratives in a convincing way and giving examples of why you should.", + "categories": "marketing", + "review_score": 7.3 + }, + { + "Unnamed: 0": 3006, + "book_name": "Amazon", + "summaries": " will help you make your business better by sharing what made Jeff Bezos\u2019s gigantic company so successful at going from its humble beginnings to now dominating the e-commerce market.", + "categories": "marketing", + "review_score": 6.3 + }, + { + "Unnamed: 0": 3007, + "book_name": "Alchemy", + "summaries": " is your guide to making magic happen in business and life by teaching you how to practice irrational thinking to stand out and come up with powerful solutions to your problems and those of others. ", + "categories": "marketing", + "review_score": 9.1 + }, + { + "Unnamed: 0": 3008, + "book_name": "The Go-Giver", + "summaries": " teaches a pattern for becoming a better person and seeing more success in business and work by focusing on being authentic and giving as much value as possible. ", + "categories": "marketing", + "review_score": 9.0 + }, + { + "Unnamed: 0": 3009, + "book_name": "Blue Ocean Shift", + "summaries": " guides you through the steps to beating out your competition by creating new markets that aren\u2019t overcrowded.", + "categories": "marketing", + "review_score": 5.6 + }, + { + "Unnamed: 0": 3010, + "book_name": "Getting There", + "summaries": " will inspire you to move toward your entrepreneurial dreams with the business journeys of six successful entrepreneurs. ", + "categories": "marketing", + "review_score": 4.5 + }, + { + "Unnamed: 0": 3011, + "book_name": "Manufacturing Consent", + "summaries": " reveals how the upper class controls and skews the news to get the masses to believe whatever serves them best.", + "categories": "marketing", + "review_score": 8.0 + }, + { + "Unnamed: 0": 3012, + "book_name": "Never Split the Difference", + "summaries": "\u00a0is one of the best negotiation manuals ever written, explaining why you should never compromise, and how to negotiate like a pro in your everyday life as well as high-stakes situations.", + "categories": "marketing", + "review_score": 9.0 + }, + { + "Unnamed: 0": 3013, + "book_name": "This Is Marketing", + "summaries": " argues that marketing success in today\u2019s world comes from focusing more on the needs, values, and desires of our target audience, rather than spamming as many people as possible with our message.", + "categories": "marketing", + "review_score": 1.0 + }, + { + "Unnamed: 0": 3014, + "book_name": "Start Something That Matters", + "summaries": " encourages you to overcome your fear of the unknown and create a business that not only makes money but also helps people, even if you have few resources to start with. ", + "categories": "marketing", + "review_score": 8.0 + }, + { + "Unnamed: 0": 3015, + "book_name": "An Audience Of One", + "summaries": " is a practical and inspiring manual for creators who want to live from their art, showing a simple, purpose-driven path to achieve that goal.", + "categories": "marketing", + "review_score": 4.6 + }, + { + "Unnamed: 0": 3016, + "book_name": "Contagious", + "summaries": " illustrates why certain ideas and products spread better than others by sharing compelling stories from the world of business, social campaigns, and media.", + "categories": "marketing", + "review_score": 8.7 + }, + { + "Unnamed: 0": 3017, + "book_name": "Company Of One", + "summaries": " will teach you how going small, not big when creating your own company will bring you independence, income, and lots of free time without the hassles of having to manage employees, long meetings, and forced growth.", + "categories": "marketing", + "review_score": 7.1 + }, + { + "Unnamed: 0": 3018, + "book_name": "Blitzscaling", + "summaries": " is the strategy some of today\u2019s most valuable companies have used to achieve huge market shares, insanely fast growth, big profit margins, and become corporate giants in a very short time.", + "categories": "marketing", + "review_score": 4.2 + }, + { + "Unnamed: 0": 3019, + "book_name": "The Laws of Human Nature", + "summaries": " helps you understand why people do what they do and how you can use both your own psychological flaws and those of others to your advantage at work, in relationships, and in life.", + "categories": "marketing", + "review_score": 5.0 + }, + { + "Unnamed: 0": 3020, + "book_name": "The Greatest Salesman In The World", + "summaries": " is a business classic that will help you become better at sales by becoming a better person all around.", + "categories": "marketing", + "review_score": 2.2 + }, + { + "Unnamed: 0": 3021, + "book_name": "How To Talk To Anyone", + "summaries": " is a collection of actionable tips to help you master the art of human communication, leave great first impressions and make people feel comfortable around you in all walks of life.", + "categories": "marketing", + "review_score": 2.6 + }, + { + "Unnamed: 0": 3022, + "book_name": "How To Fail At Almost Everything And Still Win Big", + "summaries": " is the memoir of Dilbert cartoonist Scott Adams", + "categories": "marketing", + "review_score": 6.1 + }, + { + "Unnamed: 0": 3023, + "book_name": "Crushing It", + "summaries": " is Gary Vaynerchuk\u2019s follow-up to his personal branding manifesto Crush It, in which he reiterates the importance of a personal brand and shows you the endless possibilities that come with building one today.", + "categories": "marketing", + "review_score": 7.0 + }, + { + "Unnamed: 0": 3024, + "book_name": "Nobody Wants to Read Your Sh*t", + "summaries": " combines countless lessons Steven Pressfield has learned from succeeding as a writer in advertising, the movie industry, fiction, non-fiction, and self-help, in order to help you write like a pro.", + "categories": "marketing", + "review_score": 4.9 + }, + { + "Unnamed: 0": 3025, + "book_name": "Side Hustle", + "summaries": "\u00a0shows you how to set up new income streams without quitting your day job, taking you all the way from your initial idea to your first earned dollars in just 27 days.", + "categories": "marketing", + "review_score": 8.6 + }, + { + "Unnamed: 0": 3026, + "book_name": "Real Artists Don\u2019t Starve", + "summaries": "\u00a0debunks all myths around the starving artist and shows you you can, will and deserve to make a living from your creative work.", + "categories": "marketing", + "review_score": 6.5 + }, + { + "Unnamed: 0": 3027, + "book_name": "The Fortune Cookie Principle", + "summaries": "\u00a0explains why a great product or service isn\u2019t enough, how you can tell a compelling story about your brand and why that\u2019s the most important aspect of running a business today.", + "categories": "marketing", + "review_score": 5.3 + }, + { + "Unnamed: 0": 3028, + "book_name": "Your Move: The Underdog\u2019s Guide to Building Your Business", + "summaries": " is Ramit Sethi\u2019s no-BS guide to starting your own business that\u2019ll help you escape the 9-to-5, all the way from coming up with profitable ideas, overcoming psychological barriers and figuring out who to sell to to growing, maintaining and systematizing your business in the future.", + "categories": "marketing", + "review_score": 6.1 + }, + { + "Unnamed: 0": 3029, + "book_name": "Pre-Suasion", + "summaries": " takes you through the latest social psychology research to explain how marketers, persuaders and our environment primes us to say certain things and take specific actions, as well as how you can harness the same ideas to master the art of persuasion.", + "categories": "marketing", + "review_score": 6.7 + }, + { + "Unnamed: 0": 3030, + "book_name": "Sprint", + "summaries": " completely overhauls your project management process so it allows you to go from zero to prototype in just five days and figure out if your idea is worth creating faster than ever.", + "categories": "marketing", + "review_score": 8.8 + }, + { + "Unnamed: 0": 3031, + "book_name": "The Innovator\u2019s Dilemma", + "summaries": " is a business classic that explains the power of disruption, why market leaders are often set up to fail as technologies and industries change and what incumbents can do to secure their market leadership for a long time.", + "categories": "marketing", + "review_score": 5.2 + }, + { + "Unnamed: 0": 3032, + "book_name": "Make A Killing On Kindle", + "summaries": " shows you how you can market your self-published ebooks on Amazon the right way, without wasting time on social media or building a huge author platform first by focusing on a few key areas to set up your book for long-term sales in just 18 hours.", + "categories": "marketing", + "review_score": 7.4 + }, + { + "Unnamed: 0": 3033, + "book_name": "Free: The Future Of A Radical Price", + "summaries": " explains how offering things for free has moved from marketing gimmick to truly sustainable business strategy, thanks to the power of the internet, and how free and freemium models are already changing how\u00a0we sell stuff.", + "categories": "marketing", + "review_score": 4.1 + }, + { + "Unnamed: 0": 3034, + "book_name": "Facebook Ads Manual", + "summaries": " gives you an exact, step-by-step tutorial to create and run your first Facebook ads campaign, allowing you to market your product, page, or yourself to a massive audience for next to no money and make you a true social media marketer.", + "categories": "marketing", + "review_score": 4.6 + }, + { + "Unnamed: 0": 3035, + "book_name": "Moonshot!", + "summaries": " describes why now is the best time ever to build a business and how you can harness technology to create an experience customers will love by seeing the possibilities of the future before others do.", + "categories": "marketing", + "review_score": 1.9 + }, + { + "Unnamed: 0": 3036, + "book_name": "Behind The Cloud", + "summaries": " tells the story of Salesforce.com, one of the biggest and earliest cloud computing, software-as-a-service companies in the world and how it went from small startup to billion-dollar status.", + "categories": "marketing", + "review_score": 9.0 + }, + { + "Unnamed: 0": 3037, + "book_name": "Confessions Of An Advertising Man", + "summaries": " is the marketing bible of the 60s, written by \u201cthe father of advertising,\u201d David Ogilvy to inspire a philosophy of honesty, hard work and ethical behavior in his industry.", + "categories": "marketing", + "review_score": 7.6 + }, + { + "Unnamed: 0": 3038, + "book_name": "Will It Fly", + "summaries": " is a step-by-step guide to testing your business idea, making sure your new venture\u00a0matches who you are, and not wasting time or money on something people won\u2019t want, so your business won\u2019t just run, but fly.", + "categories": "marketing", + "review_score": 4.4 + }, + { + "Unnamed: 0": 3039, + "book_name": "Million Dollar Consulting", + "summaries": " teaches you how to build a thriving consultancy business, by focusing on relationships, delivering strategic value and thinking long-term all the way through.", + "categories": "marketing", + "review_score": 1.7 + }, + { + "Unnamed: 0": 3040, + "book_name": "Content, Inc.", + "summaries": " describes a six-step model you can use to do your marketing long before you need it, without even having a product, or spending a lot of money, so your entrepreneurial venture will be a guaranteed success.", + "categories": "marketing", + "review_score": 9.9 + }, + { + "Unnamed: 0": 3041, + "book_name": "Design To Grow", + "summaries": " uses Coca-Cola as an example of how keeping a company stable and flexible at the same time over decades is not only possible, but a must to grow and scale your business across the globe.", + "categories": "marketing", + "review_score": 9.9 + }, + { + "Unnamed: 0": 3042, + "book_name": "The Long Tail", + "summaries": " explains why the big commercial hit is dead, how businesses can and will generate most of their future revenue from a long tail of niche products, which serve even the rarest customer needs, and what you can do to embrace this idea today.", + "categories": "marketing", + "review_score": 6.7 + }, + { + "Unnamed: 0": 3043, + "book_name": "Made To Stick", + "summaries": " examines advertising campaigns, urban myths and compelling stories to determine the six traits that make ideas stick in our brains, so you don\u2019t just know why you remember some things better than others, but can also spread your own ideas more easily among the right people.", + "categories": "marketing", + "review_score": 4.4 + }, + { + "Unnamed: 0": 3044, + "book_name": "The Art Of Asking", + "summaries": " teaches you to finally accept the help of others, stop trying to do everything on your own, and show you how you can build a closely knit family of friends and supporters by being honest, generous and not afraid to ask.", + "categories": "marketing", + "review_score": 4.6 + }, + { + "Unnamed: 0": 3045, + "book_name": "The 22 Immutable Laws Of Marketing", + "summaries": " is an absolute marketing classic, outlining 22 rules by which companies function, and, depending on how much\u00a0you adhere to them, will determine the success or failure of your products and ultimately, your company.", + "categories": "marketing", + "review_score": 4.0 + }, + { + "Unnamed: 0": 3046, + "book_name": "One Simple Idea", + "summaries": " shows you how to turn your ideas into licensed products and build copmanies around those that use\u00a0outsourced manufacturers to produce, market, sell, ship and distribute those products.", + "categories": "marketing", + "review_score": 7.7 + }, + { + "Unnamed: 0": 3047, + "book_name": "The Freaks Shall Inherit The Earth", + "summaries": " is Chris Brogan\u2019s manual to help you do business your way, not care what anyone thinks, own your art and still use media in the best way possible to remain profitable.", + "categories": "marketing", + "review_score": 6.0 + }, + { + "Unnamed: 0": 3048, + "book_name": "Pitch Anything", + "summaries": " relies on tactics and strategies from a field called neuroeconomics to give you an entirely new way of presenting, pitching and convincing other people of your ideas and offers.", + "categories": "marketing", + "review_score": 1.9 + }, + { + "Unnamed: 0": 3049, + "book_name": "To Sell Is Human", + "summaries": " shows you that selling is part of your life, no matter what you do, and what a successful salesperson looks like in the 21st century, with practical ideas to help you convince others in a more honest, natural and sustainable way.", + "categories": "marketing", + "review_score": 7.0 + }, + { + "Unnamed: 0": 3050, + "book_name": "The Personal MBA", + "summaries": " will save you a few hundred grand by outlining everything you really need to know to get started on a thriving business, none of which is taught in expensive colleges.", + "categories": "marketing", + "review_score": 2.0 + }, + { + "Unnamed: 0": 3051, + "book_name": "Predictably Irrational", + "summaries": " explains the hidden forces that really drive how we make decisions, which are far less rational than we think, but can help us stay on top of our finances, interact better with others and live happier lives, once we know about them.", + "categories": "marketing", + "review_score": 9.9 + }, + { + "Unnamed: 0": 3052, + "book_name": "Startup Growth Engines", + "summaries": " shows you the strategies and tactics startups like Uber, Facebook and Yelp have used to achieve phenomenal growth in short time periods, and how you can use them to solve a big problem on a grand scale.", + "categories": "marketing", + "review_score": 5.1 + }, + { + "Unnamed: 0": 3053, + "book_name": "Peak: How Great Companies Get Their Mojo From Maslow", + "summaries": " explains why relationships are the most valuable currency in both business and life, by examining how Chip Conley", + "categories": "marketing", + "review_score": 5.9 + }, + { + "Unnamed: 0": 3054, + "book_name": "Losing My Virginity", + "summaries": " details Richard Branson\u2019s meteoric rise to success and digs into what made him the adventurous, fun-loving, daring entrepreneur he is today and what lessons you can learn about business from him.", + "categories": "marketing", + "review_score": 2.4 + }, + { + "Unnamed: 0": 3055, + "book_name": "The E-Myth Revisited", + "summaries": " explains why 80% of small businesses fail, and how to ensure yours isn\u2019t among those by building a company that\u2019s based on systems and not on the work of a single individual.", + "categories": "marketing", + "review_score": 4.9 + }, + { + "Unnamed: 0": 3056, + "book_name": "Delivering Happiness", + "summaries": " explains how\u00a0mega online shoe retailer Zappos built a\u00a0unique company culture and customer experience worth remembering, which turned it into a billion dollar business.", + "categories": "marketing", + "review_score": 1.2 + }, + { + "Unnamed: 0": 3057, + "book_name": "Sam Walton: Made In America", + "summaries": " shines a light on the man behind the biggest fortune ever amassed in business and explains how he built Walmart into a billion-dollar empire with hard work, incessant learning and an unrivaled resolve to make every single customer as happy as can be.", + "categories": "marketing", + "review_score": 7.7 + }, + { + "Unnamed: 0": 3058, + "book_name": "All Marketers Are Liars", + "summaries": " is based on the idea that we believe whatever we want to believe, and that it\u2019s exactly this trait of ours, which marketers use (and sometimes abuse) to sell their products by infusing them with good stories \u2013 whether they\u2019re true or not.", + "categories": "marketing", + "review_score": 2.2 + }, + { + "Unnamed: 0": 3059, + "book_name": "Rework", + "summaries": " shows you that you need less than you think to start a business \u2013 way less \u2013 by explaining why plans are actually harmful, how productivity isn\u2019t a result from working long hours and why hiring and seeking investors should be your absolute last resort.", + "categories": "marketing", + "review_score": 9.8 + }, + { + "Unnamed: 0": 3060, + "book_name": "Tribes", + "summaries": " turns you from a sheepwalker into a heretic, by giving you the tools to start your own tribe, explaining why they\u2019re the future of business and showing you that you too, can be a leader.", + "categories": "marketing", + "review_score": 2.6 + }, + { + "Unnamed: 0": 3061, + "book_name": "Trust Me, I\u2019m Lying", + "summaries": "\u00a0is a marketer\u2019s take on how influential blogs have become, why that\u2019s something to worry about, and which broken dynamics govern the internet today, including his own confessions of how he gamed that very system to successfully generate press for his clients.", + "categories": "marketing", + "review_score": 8.2 + }, + { + "Unnamed: 0": 3062, + "book_name": "The Thank You Economy", + "summaries": " announces the return of small town courtesy to the world of business, thanks to social media, and shows you why business must not neglect nurturing its one-on-one relationships with customers through the new channels online, to thrive in the modern world.", + "categories": "marketing", + "review_score": 5.2 + }, + { + "Unnamed: 0": 3063, + "book_name": "Launch", + "summaries": " is an early internet entrepreneurs step-by-step blueprint to creating products people want, launching them from the comfort of your home and building the life you\u2019ve always wanted, thanks to the power of psychology, email, and of course the internet.", + "categories": "marketing", + "review_score": 8.4 + }, + { + "Unnamed: 0": 3064, + "book_name": "The $100 Startup", + "summaries": " shows you how to break free from the shackles of 9 to 5 by combining your passion and skills into your own microbusiness, which you can start for $100 or less, yet still turn into a full time income, thanks to the power of the internet.", + "categories": "marketing", + "review_score": 1.9 + }, + { + "Unnamed: 0": 3065, + "book_name": "Crush It", + "summaries": " is the blueprint you need to turn your passion into your profession and will give you the tools to turn yourself into a brand, leverage social media, produce great content and reap the financial benefits of it.", + "categories": "marketing", + "review_score": 4.5 + }, + { + "Unnamed: 0": 3066, + "book_name": "Permission Marketing", + "summaries": " explains why nobody pays attention to TV commercials and flyers anymore, and shows you how in today\u2019s crowded market, you can cheaply start a dialogue with your ideal customer, build a relationship over time and sell to them much more effectively.", + "categories": "marketing", + "review_score": 2.2 + }, + { + "Unnamed: 0": 3067, + "book_name": "The Art Of Social Media", + "summaries": " is a compendium of over 100 practical tips to treat your social media presence like a business and use a bottom-up approach to get the attention your brand, product or business deserves.", + "categories": "marketing", + "review_score": 1.2 + }, + { + "Unnamed: 0": 3068, + "book_name": "Crossing The Chasm", + "summaries": " gives high tech startups a marketing blueprint, in order to make their product get the initial traction it needs to eventually reach the majority of the market and not die in the chasm between early adopters and pragmatists.", + "categories": "marketing", + "review_score": 1.6 + }, + { + "Unnamed: 0": 3069, + "book_name": "How To Win Friends And Influence People", + "summaries": " teaches you countless principles to become a likable person, handle your relationships well, win others over and help them change their behavior without being intrusive.", + "categories": "marketing", + "review_score": 1.6 + }, + { + "Unnamed: 0": 3070, + "book_name": "Make Your Mark", + "summaries": " is a business book for creatives, telling them how to get started on turning their creative energy into a profitable business with simple, actionable ideas taken from 20 leading entrepreneurs and designers, who lead successful creative businesses.", + "categories": "marketing", + "review_score": 3.1 + }, + { + "Unnamed: 0": 3071, + "book_name": "Purple Cow", + "summaries": " explains why building a great product and advertising the heck out of it simply doesn\u2019t cut it anymore and how you can\u00a0build something that\u2019s so remarkable people have to share it, in order to succeed in today\u2019s crowded post-advertising world.", + "categories": "marketing", + "review_score": 1.5 + }, + { + "Unnamed: 0": 3072, + "book_name": "The Tipping Point", + "summaries": " explains how ideas spread like epidemics and which few elements need to come together to help an idea reach the point of critical mass, where its viral effect becomes unstoppable.", + "categories": "marketing", + "review_score": 2.2 + }, + { + "Unnamed: 0": 3073, + "book_name": "Zero To One", + "summaries": " is an inside look at Peter Thiel\u2019s philosophy and strategy for making your startup a success by looking at the lessons he learned from founding and selling PayPal, investing in Facebook and becoming a billionaire in the process.", + "categories": "marketing", + "review_score": 7.4 + }, + { + "Unnamed: 0": 3074, + "book_name": "Salt Sugar Fat", + "summaries": " takes you through the history of the demise of home-cooked meals by explaining why you love salt, sugar and fat so much and how the processed food industry managed to hook us by cramming all 3 of those into their products.", + "categories": "marketing", + "review_score": 6.8 + }, + { + "Unnamed: 0": 3075, + "book_name": "Growth Hacker Marketing", + "summaries": " explains the 4-step framework today\u2019s startups use to remove the barrier between marketing and product development, thus making the product itself the best way to get new and more customers.", + "categories": "marketing", + "review_score": 6.7 + }, + { + "Unnamed: 0": 3076, + "book_name": "The Ultimate Sales Machine", + "summaries": " is the legacy Chet Holmes left to help sales staff all over the world, by giving them 12 key strategies to relentlessly focus and execute on, in order to at least double their sales.", + "categories": "marketing", + "review_score": 4.7 + }, + { + "Unnamed: 0": 3077, + "book_name": "Influence", + "summaries": " has been the go-to book for marketers since its release in 1984, which delivers\u00a0six key principles behind human influence and explains them with countless practical examples.", + "categories": "marketing", + "review_score": 2.0 + }, + { + "Unnamed: 0": 3078, + "book_name": "The 4-Hour Workweek", + "summaries": " is the step-by-step blueprint to free yourself from the shackles of a corporate job, create a business to fund the lifestyle of your dreams, and live life like a millionaire, without actually having to be one.", + "categories": "marketing", + "review_score": 2.7 + }, + { + "Unnamed: 0": 3079, + "book_name": "Automate Your Busywork", + "summaries": "\u00a0is a step-by-step guide to getting rid of your most dreaded tasks, fueled by the simple but sophisticated \u201cAutomation Flywheel,\u201d which will help you reduce stress, get more done, and find time for your most meaningful work.", + "categories": "management", + "review_score": 8.4 + }, + { + "Unnamed: 0": 3080, + "book_name": "The Infinite Game", + "summaries": " argues that business is not a competition but an infinite journey, and that to do well in it, leaders must advance a \u201cJust Cause,\u201d build trusting teams, learn from their \u201cWorthy Rivals,\u201d and practice existential flexibility.", + "categories": "management", + "review_score": 5.3 + }, + { + "Unnamed: 0": 3081, + "book_name": "Loserthink", + "summaries": " talks about the sabotaging thinking habits that run our minds and paralyze us when it comes to taking charge of life, and how we can overcome them with small, incremental steps that drive powerful change.", + "categories": "management", + "review_score": 8.7 + }, + { + "Unnamed: 0": 3082, + "book_name": "No Hard Feelings", + "summaries": " is a practical book for better managing the emotional side of work and building the skills needed to enhance your performance both within your role and more broadly throughout your career path by finding motivation again and managing negative emotions.", + "categories": "management", + "review_score": 3.0 + }, + { + "Unnamed: 0": 3083, + "book_name": "Loonshots", + "summaries": " explores the process of innovation, specifically how groundbreaking ideas emerge from simple thoughts and how important it is for organizations to give course to them by creating learning environments where people feel safe exploring and creating.", + "categories": "management", + "review_score": 7.5 + }, + { + "Unnamed: 0": 3084, + "book_name": "Everyday Millionaires", + "summaries": " proves how anyone can become a millionaire if they have a solid actionable plan and the willingness to work hard by drawing conclusions from the largest study ever conducted on the lives of millionaires.", + "categories": "management", + "review_score": 1.1 + }, + { + "Unnamed: 0": 3085, + "book_name": "A World Without Email", + "summaries": " presents a utopia where people engage in their usual professional activities without using emails as a means of communication, and explores a new way of working that doesn\u2019t rely on instant messaging, which is known for decreasing productivity at the workplace.", + "categories": "management", + "review_score": 9.3 + }, + { + "Unnamed: 0": 3086, + "book_name": "Blue Ocean Strategy", + "summaries": " talks about a new type of business strategy that doesn\u2019t necessarily rely on gaining a competitive advantage over your rivals, but on innovating your way out of the current market to create your own ocean of opportunities.", + "categories": "management", + "review_score": 4.7 + }, + { + "Unnamed: 0": 3087, + "book_name": "The 5 Choices", + "summaries": " teaches us how to reach our highest potential in the workplace and achieve the top level of productivity through a series of tips and tricks and work habits that can change your life right away if you\u2019re willing to give them a try.", + "categories": "management", + "review_score": 5.5 + }, + { + "Unnamed: 0": 3088, + "book_name": "Automate Your Busywork", + "summaries": "\u00a0is a step-by-step guide to getting rid of your most dreaded tasks, fueled by the simple but sophisticated \u201cAutomation Flywheel,\u201d which will help you reduce stress, get more done, and find time for your most meaningful work.", + "categories": "management", + "review_score": 7.0 + }, + { + "Unnamed: 0": 3089, + "book_name": "The Infinite Game", + "summaries": " argues that business is not a competition but an infinite journey, and that to do well in it, leaders must advance a \u201cJust Cause,\u201d build trusting teams, learn from their \u201cWorthy Rivals,\u201d and practice existential flexibility.", + "categories": "management", + "review_score": 8.8 + }, + { + "Unnamed: 0": 3090, + "book_name": "Loserthink", + "summaries": " talks about the sabotaging thinking habits that run our minds and paralyze us when it comes to taking charge of life, and how we can overcome them with small, incremental steps that drive powerful change.", + "categories": "management", + "review_score": 6.2 + }, + { + "Unnamed: 0": 3091, + "book_name": "No Hard Feelings", + "summaries": " is a practical book for better managing the emotional side of work and building the skills needed to enhance your performance both within your role and more broadly throughout your career path by finding motivation again and managing negative emotions.", + "categories": "management", + "review_score": 1.8 + }, + { + "Unnamed: 0": 3092, + "book_name": "Loonshots", + "summaries": " explores the process of innovation, specifically how groundbreaking ideas emerge from simple thoughts and how important it is for organizations to give course to them by creating learning environments where people feel safe exploring and creating.", + "categories": "management", + "review_score": 7.0 + }, + { + "Unnamed: 0": 3093, + "book_name": "Everyday Millionaires", + "summaries": " proves how anyone can become a millionaire if they have a solid actionable plan and the willingness to work hard by drawing conclusions from the largest study ever conducted on the lives of millionaires.", + "categories": "management", + "review_score": 2.4 + }, + { + "Unnamed: 0": 3094, + "book_name": "A World Without Email", + "summaries": " presents a utopia where people engage in their usual professional activities without using emails as a means of communication, and explores a new way of working that doesn\u2019t rely on instant messaging, which is known for decreasing productivity at the workplace.", + "categories": "management", + "review_score": 8.0 + }, + { + "Unnamed: 0": 3095, + "book_name": "Blue Ocean Strategy", + "summaries": " talks about a new type of business strategy that doesn\u2019t necessarily rely on gaining a competitive advantage over your rivals, but on innovating your way out of the current market to create your own ocean of opportunities.", + "categories": "management", + "review_score": 5.2 + }, + { + "Unnamed: 0": 3096, + "book_name": "The 5 Choices", + "summaries": " teaches us how to reach our highest potential in the workplace and achieve the top level of productivity through a series of tips and tricks and work habits that can change your life right away if you\u2019re willing to give them a try.", + "categories": "management", + "review_score": 8.4 + }, + { + "Unnamed: 0": 3097, + "book_name": "The 100-Year Life", + "summaries": " teaches you how to be resourceful and prepare ahead of time for a world in which people not only live longer but reach an age in the triple-digits, and talks about what you should be doing right now to ensure you have enough money for retirement.", + "categories": "management", + "review_score": 6.9 + }, + { + "Unnamed: 0": 3098, + "book_name": "Designing Your Work Life", + "summaries": " is a helpful guidebook for anyone who wants to create and maintain a work environment that is both happy and productive by working with what they already have, rather than keep on changing jobs in hope of finding better.", + "categories": "management", + "review_score": 2.5 + }, + { + "Unnamed: 0": 3099, + "book_name": "Hug Your Haters", + "summaries": " talks about the importance of acknowledging your haters or dissatisfied customers and valuing their opinion in the process of building better products, improving the existing offerings, and growing your strategies overall.", + "categories": "management", + "review_score": 9.3 + }, + { + "Unnamed: 0": 3100, + "book_name": "Managing Oneself", + "summaries": " is a guide to developing a skillful persona and learning more about your strengths, weaknesses, inclinations, and how you collaborate with others, all while making yourself more knowledgeable about how to thrive in your career.", + "categories": "management", + "review_score": 1.8 + }, + { + "Unnamed: 0": 3101, + "book_name": "The Invincible Company", + "summaries": " explores the secrets of a successful company by proving how focusing on strengthening the core business values and operations while concentrating on R&D in parallel is a better strategy than just disrupting continuously and seeking new markets.", + "categories": "management", + "review_score": 9.1 + }, + { + "Unnamed: 0": 3102, + "book_name": "Lessons from the Titans", + "summaries": " tells the story of some of the biggest industrial companies in the United States and presents life-long strategies, valuable ideas, and mistakes to avoid for any business who wants to achieve long-term success.", + "categories": "management", + "review_score": 2.0 + }, + { + "Unnamed: 0": 3103, + "book_name": "Bored and Brilliant", + "summaries": " explores the idea of how just doing nothing, daydreaming and spacing out can improve our cognitive functions, enhance creativity and original thinking overall while also helping us relieve stress.", + "categories": "management", + "review_score": 1.2 + }, + { + "Unnamed: 0": 3104, + "book_name": "Real Change", + "summaries": " offers a way out of the burdening problems around the world that sometimes weigh on our spirit and make us feel powerless by presenting meditation practices that help us alleviate negative emotions and face these issues with determination and change them for the better.", + "categories": "management", + "review_score": 6.4 + }, + { + "Unnamed: 0": 3105, + "book_name": "Elite Minds", + "summaries": " delves into the idea of success and teaches you how to train your mind to tap into its highest potential, adopt a winning mentality, embrace the gifts you\u2019ve been given and improve mental toughness.", + "categories": "management", + "review_score": 4.7 + }, + { + "Unnamed: 0": 3106, + "book_name": "The Cult of We", + "summaries": " presents the story of WeWork, a hyped American company that offered office spaces for rent and became the most valuable start-up in the world, only to be exposed later on as a massively overpriced business that was in fact losing a million dollars a day.", + "categories": "management", + "review_score": 2.8 + }, + { + "Unnamed: 0": 3107, + "book_name": "The Sales Advantage", + "summaries": " offers a practical guide to acquiring customers, closing sales, and increasing profits by following a series of proven techniques from a corporate coaching course about sales procedures.", + "categories": "management", + "review_score": 3.6 + }, + { + "Unnamed: 0": 3108, + "book_name": "Raise Your Game", + "summaries": " delves into the philosophy of peak performance presented by a former basketball coach who achieved success by focusing on self-awareness, discipline, and a series of virtues.", + "categories": "management", + "review_score": 8.4 + }, + { + "Unnamed: 0": 3109, + "book_name": "Woke, Inc.", + "summaries": " taps into the dark secrets of the woke culture in corporate America, which organizations generate tremendous amounts of profit by hiding behind causes like social justice, gender equality, climate change, and many other popular matters.", + "categories": "management", + "review_score": 2.2 + }, + { + "Unnamed: 0": 3110, + "book_name": "Mind Hacking", + "summaries": " is a hands-on guide on how to transform your mind in just 21 days, which is the time required for your brain to form new habits and adapt to changes, and teaches you how to reprogram your brain to follow healthier, better habits, and ditch the self-sabotaging patterns that stand in your way.", + "categories": "management", + "review_score": 9.3 + }, + { + "Unnamed: 0": 3111, + "book_name": "Surrounded by Idiots", + "summaries": " offers great advice on how to get your point across more effectively, communicate better, and work your way up in your personal and professional life by getting to know the four types of personalities people generally have and how to address each one in particular to kickstart a beneficial dialogue, instead of engaging in a conflict.", + "categories": "management", + "review_score": 6.2 + }, + { + "Unnamed: 0": 3112, + "book_name": "Four Thousand Weeks", + "summaries": " explores the popularized concept of time management from a different point of view, by tapping into ancient knowledge from famous philosophers, researchers, and spiritual figures, rather than promoting the contemporary idea of high-level productivity and constant self-optimization.", + "categories": "management", + "review_score": 3.7 + }, + { + "Unnamed: 0": 3113, + "book_name": "Effortless", + "summaries": " takes the idea of productivity to another level by explaining how doing the most with a minimum input of effort and time is a much more desired outcome than the idea of being constantly busy that is glamorized nowadays.", + "categories": "management", + "review_score": 8.4 + }, + { + "Unnamed: 0": 3114, + "book_name": "Make It Stick", + "summaries": " explores ways to memorize faster and make learning easier, all while debunking myths and common misconceptions about learning being difficult and attributed to those who have highly native cognitive skills, with the help of researchers who\u2019ve studied the science of memory their entire life.", + "categories": "management", + "review_score": 9.0 + }, + { + "Unnamed: 0": 3115, + "book_name": "Atlas of the Heart", + "summaries": " maps out a series of human emotions and their meaning and explores the psychology behind a human\u2019s feelings and how they make up our lives and change our behaviors, and how to build meaningful connections by learning how to deal with them.", + "categories": "management", + "review_score": 4.0 + }, + { + "Unnamed: 0": 3116, + "book_name": "High-Impact Tools for Teams", + "summaries": " aims to combat recurring project-management problems that take place in teams and especially during meetings, which tend to get chaotic and deviate from their initial purpose, all through the Team Alignment Map, a solution proposed by the authors. ", + "categories": "management", + "review_score": 6.0 + }, + { + "Unnamed: 0": 3117, + "book_name": "The Great Mental Models", + "summaries": " will improve your decision-making process by sharing some unique but well-documented thinking models you can use to interact more efficiently with the world and other people.", + "categories": "management", + "review_score": 6.5 + }, + { + "Unnamed: 0": 3118, + "book_name": "Common Stocks and Uncommon Profits", + "summaries": " paves the way to success for all investors by outlining how to analyse stocks, understand the market, make smart investments and wise money decisions, and profit from them by being patient with the stock market and keeping your money in for the long-term.", + "categories": "management", + "review_score": 6.1 + }, + { + "Unnamed: 0": 3119, + "book_name": "The Art of Rhetoric", + "summaries": " is an ancient, time-proven reference book that explores the secrets behind persuasion, rhetoric, and good public speaking by providing compelling information on what a good speech should consist of and how truth and virtue are at the foundation of every good story.", + "categories": "management", + "review_score": 9.1 + }, + { + "Unnamed: 0": 3120, + "book_name": "Humor, Seriously", + "summaries": " explores how bringing fun and entertainment into the workplace can enhance team productivity, spark creativity, increase trust between members and improve people\u2019s overall sentiment in relation to work and job-related activities.", + "categories": "management", + "review_score": 7.1 + }, + { + "Unnamed: 0": 3121, + "book_name": "Do What Matters Most", + "summaries": " outlines the importance of time management in anyone\u2019s life and explores highly efficient methods to set goals for short-term and long-term intervals, as well as how to achieve them by being more productive and learning how to prioritize.", + "categories": "management", + "review_score": 5.2 + }, + { + "Unnamed: 0": 3122, + "book_name": "Hiring Success", + "summaries": " highlights the importance of the human resource for any company and describes a successful business approach that focuses on finding highly trained and skilled future employees as a source of competitive advantage on the market.", + "categories": "management", + "review_score": 4.8 + }, + { + "Unnamed: 0": 3123, + "book_name": "The Joy of Missing Out", + "summaries": " explores today\u2019s idea of productivity and common misconceptions about what it means to be productive, as well as how eliminating unnecessary stress by prioritizing effectively can help us live a better life.", + "categories": "management", + "review_score": 2.1 + }, + { + "Unnamed: 0": 3124, + "book_name": "Legendary Service", + "summaries": " talks about the principles behind extraordinary customer service and how a company can implement them to achieve a competitive advantage and stand out on the market using simple, yet crucial tactics to satisfy customers.", + "categories": "management", + "review_score": 9.5 + }, + { + "Unnamed: 0": 3125, + "book_name": "Disney U", + "summaries": " outlines the principles that create the customer-centric philosophy of Disney and contribute to the company\u2019s massive success, while also highlighting some aspects of their organizational culture, such as caring for their staff and providing high-quality training.", + "categories": "management", + "review_score": 1.6 + }, + { + "Unnamed: 0": 3126, + "book_name": "The Leader In You", + "summaries": " explores how the world leaders managed to achieve performance in their lives by creating meaningful connections and reaching a higher level of productivity through a positive, proactive mindset.", + "categories": "management", + "review_score": 7.2 + }, + { + "Unnamed: 0": 3127, + "book_name": "Work Less Finish More", + "summaries": " is a hands-on guide to adopting a more focused frame of mind and developing habits that will enhance your productivity levels, give you a sense of accomplishment and put you in the right direction in order to achieve your objectives.", + "categories": "management", + "review_score": 9.1 + }, + { + "Unnamed: 0": 3128, + "book_name": "The Power of Focus", + "summaries": " offers its readers a focus-based approach that they can use to achieve their financial and personal goals through practical exercises and habits that they can implement into their daily lives to actively shape their future.", + "categories": "management", + "review_score": 8.2 + }, + { + "Unnamed: 0": 3129, + "book_name": "An Ugly Truth", + "summaries": " offers a critical look at Facebook and its administrators, who foster a gaslighting environment and a controversial social media platform that can easily become a danger for its users both virtually and in real life due to its immense power and influence on our society.", + "categories": "management", + "review_score": 1.8 + }, + { + "Unnamed: 0": 3130, + "book_name": "The Burnout Fix", + "summaries": " delivers practical advice on how to thrive in the dynamic working environment we revolve around every day by setting healthy boundaries, keeping a work-life balance, and prioritizing our well-being.", + "categories": "management", + "review_score": 7.9 + }, + { + "Unnamed: 0": 3131, + "book_name": "How to Take Smart Notes", + "summaries": " is the perfect guide on how to improve your writing, reading, and learning techniques using simple yet little-known tips-and-tricks that you can implement right away to develop these skills.", + "categories": "management", + "review_score": 4.8 + }, + { + "Unnamed: 0": 3132, + "book_name": "Collaborative Intelligence", + "summaries": " helps you enhance your unique thinking traits and develop an individualized form of intelligence based on what works best for you, what your strengths are, and how you communicate with others.", + "categories": "management", + "review_score": 9.7 + }, + { + "Unnamed: 0": 3133, + "book_name": "Socialism", + "summaries": " by Michael Newman outlines the history of the governmental theory that everything should be owned and controlled by the community as a whole, including how this idea has impacted the world in the last 200 years, how its original aims have been lost, and ways we might use it in the future.", + "categories": "management", + "review_score": 8.9 + }, + { + "Unnamed: 0": 3134, + "book_name": "Goals!", + "summaries": " By Brian Tracy shows you how to unleash the power of goal setting to help you get or become whatever you want, identifying ways to set goals that lead you to success by being specific, challenging yourself, thinking positively, preparing, adjusting your timelines on big goals, and more.", + "categories": "management", + "review_score": 4.0 + }, + { + "Unnamed: 0": 3135, + "book_name": "The Art of Stopping Time", + "summaries": " teaches a framework of mindfulness, philosophy, and time-management you can use to achieve Time Prosperity, which is having plenty of time to reach your dreams without overwhelm, tumult, or constriction.", + "categories": "management", + "review_score": 2.9 + }, + { + "Unnamed: 0": 3136, + "book_name": "Make Money Trading Options", + "summaries": " teaches the art of trading stock options, including the pitfalls to watch out for and how to use simple tools like the Test Trading Strategy and virtual trading tools to find stocks that are most likely to be profitable, so you don\u2019tm have to just guess where to invest.", + "categories": "management", + "review_score": 4.3 + }, + { + "Unnamed: 0": 3137, + "book_name": "The Bullet Journal Method", + "summaries": " introduces a unique system for organizing you can use t", + "categories": "management", + "review_score": 4.6 + }, + { + "Unnamed: 0": 3138, + "book_name": "Hyper-Learning", + "summaries": " shows how people and companies can adapt in the rapidly changing world we live in today, explaining how a growth mindset, colleaboration, and losing your ego will build your confidence that you can stay relevant and competitive as the world around you accelerates.", + "categories": "management", + "review_score": 3.1 + }, + { + "Unnamed: 0": 3139, + "book_name": "How To Be A Leader", + "summaries": " is Greek philosopher Plutarch\u2019s guide to leadership and uses practical ideas, historical narratives, political events, and more to outline the qualities of the best leaders, including serving for the right reasons, speaking persuasively, and following more experienced leaders.", + "categories": "management", + "review_score": 8.9 + }, + { + "Unnamed: 0": 3140, + "book_name": "Hyperfocus", + "summaries": " teaches you how to become more efficient and improve your concentration by deciding on one thing to work on, focusing only on that task, learning to understand when your mind has wandered and redirecting your attention back to your work, and thinking creatively when you\u2019re not working.", + "categories": "management", + "review_score": 1.8 + }, + { + "Unnamed: 0": 3141, + "book_name": "Why Nations Fail", + "summaries": " dives into the reasons why economic inequality is so common in the world today and identifies that poor decisions of those in political power are the main reason for unfairness rather than culture, geography, climate, or any other factor.", + "categories": "management", + "review_score": 7.6 + }, + { + "Unnamed: 0": 3142, + "book_name": "No Rules Rules", + "summaries": " explains the incredibly unique and efficient company culture of Netflix, including the amazing levels of freedom and responsibility it gives employees and how this innovative way of running the business is the very reason that Netflix is so successful.", + "categories": "management", + "review_score": 2.1 + }, + { + "Unnamed: 0": 3143, + "book_name": "The Bitcoin Standard", + "summaries": " uses the history of money and gold to explain why Bitcoin is the way to go if the world wants to stick to having sound money and why it\u2019s the only cryptocurrency to be focusing on right now.", + "categories": "management", + "review_score": 9.0 + }, + { + "Unnamed: 0": 3144, + "book_name": "Spark", + "summaries": " teaches you how to become an influential, un-fireable asset to your team at work by taking on the role of a leader regardless of your position, utilizing the power of creative thinking to make better decisions, and learning how to be more self-aware and humble.", + "categories": "management", + "review_score": 7.1 + }, + { + "Unnamed: 0": 3145, + "book_name": "Small Giants", + "summaries": " is your guide to keeping your company little but mighty that will allow you to pass up deliberate growth for staying true to what\u2019s really important, which is your ideals, time, passions, and doing what you do best so well that customers can\u2019t help but flock to you.", + "categories": "management", + "review_score": 8.5 + }, + { + "Unnamed: 0": 3146, + "book_name": "Unlearn", + "summaries": " will show you how to win even in changing circumstances by revealing why the patterns you used for past successes won\u2019t always work and how to adopt a learning attitude to stop them from holding you back.", + "categories": "management", + "review_score": 9.9 + }, + { + "Unnamed: 0": 3147, + "book_name": "Mindful Work", + "summaries": " is your guide to understanding how the practice of meditation got its roots in Western society, the many ways it radically improves your brain\u2019s ability to do almost everything, and how it will improve your productivity.", + "categories": "management", + "review_score": 8.0 + }, + { + "Unnamed: 0": 3148, + "book_name": "Subscribed", + "summaries": " helps your company move to a subscription model by identifying the history of this innovative idea, how it makes businesses so successful, and what you need to do to implement it in your own company.", + "categories": "management", + "review_score": 7.6 + }, + { + "Unnamed: 0": 3149, + "book_name": "The Coach\u2019s Survival Guide", + "summaries": " gives you all the tools that you need to become a successful coach and make the biggest positive impact on your clients.", + "categories": "management", + "review_score": 5.4 + }, + { + "Unnamed: 0": 3150, + "book_name": "Titan", + "summaries": " will inspire you to keep working hard to make your business goals happen by sharing the life story of John D. Rockefeller Sr., from his humble beginnings to his astronomical success as an oil tycoon and beyond.", + "categories": "management", + "review_score": 1.8 + }, + { + "Unnamed: 0": 3151, + "book_name": "Profit First", + "summaries": "\u00a0explains why traditional business finances are upside down and how, by focusing on profit first and reasoning up from there, you can grow your business to new heights more sustainably, all while being less stressed about money.", + "categories": "management", + "review_score": 1.3 + }, + { + "Unnamed: 0": 3152, + "book_name": "Power Relationships", + "summaries": " shows you how to have a fantastic career and a fulfilling life by connecting with the right people early and growing those relationships.", + "categories": "management", + "review_score": 4.7 + }, + { + "Unnamed: 0": 3153, + "book_name": "First, Break All The Rules", + "summaries": "\u00a0claims that everything you think you know about managing people is wrong, revealing how you can challenge the status quo so that both you and those you lead will achieve their full potential.", + "categories": "management", + "review_score": 3.2 + }, + { + "Unnamed: 0": 3154, + "book_name": "Nail It Then Scale It", + "summaries": " teaches you how to craft the perfect business plan and grow your company by focusing on getting to know your customers and solving their problems then creating products to solve those issues.", + "categories": "management", + "review_score": 3.3 + }, + { + "Unnamed: 0": 3155, + "book_name": "Team Of Teams", + "summaries": " reveals the incredible power that small teams have to manage the difficult and complicated issues that arise in every company and how even large organizations can take advantage of them by building a system of many teams that work together.", + "categories": "management", + "review_score": 4.2 + }, + { + "Unnamed: 0": 3156, + "book_name": "The Leadership Challenge", + "summaries": " shares the top leadership lessons from 25 years of experience and research of authors James Kouzes and Barry Posner and explains what makes successful managers and how you can apply the same principles to become one yourself.", + "categories": "management", + "review_score": 7.0 + }, + { + "Unnamed: 0": 3157, + "book_name": "Eat Sleep Work Repeat", + "summaries": " identifies why so many workplaces are unnecessarily stressful, how it makes employees unhappy and businesses less profitable, and what we all need to do to fix this growing problem.", + "categories": "management", + "review_score": 2.3 + }, + { + "Unnamed: 0": 3158, + "book_name": "The Apology Impulse", + "summaries": " will help you and your business become more authentic in your relationships with others by identifying how much companies say sorry, why they do, how they get it wrong, and the right way to do it.", + "categories": "management", + "review_score": 5.3 + }, + { + "Unnamed: 0": 3159, + "book_name": "Good People", + "summaries": " is a book about business and leadership which explains the importance of focusing on and building integrity in the workplace, including why it\u2019s so vital if you want your company to be successful, how you can get it, and why an emphasis on competencies alone won\u2019t cut it anymore.", + "categories": "management", + "review_score": 4.3 + }, + { + "Unnamed: 0": 3160, + "book_name": "Fit For Growth", + "summaries": " is a guide to expanding your company\u2019s influence and profits by looking for ways to cut costs in the right places, restructuring your business model, and eliminating unnecessary departments to pave the way for exponential success.", + "categories": "management", + "review_score": 1.4 + }, + { + "Unnamed: 0": 3161, + "book_name": "Getting To Yes", + "summaries": " is a handbook for having successful negotiations that teaches everything you need to know about resolving conflicts of all kinds and reaching win-win solutions in every discussion without giving in or making the other person unhappy.", + "categories": "management", + "review_score": 7.7 + }, + { + "Unnamed: 0": 3162, + "book_name": "Presence", + "summaries": " is a life-changing guide to growing your self-confidence that shows how posture, mindset, and body language all expand your feeling of empowerment and your communication skills.", + "categories": "management", + "review_score": 3.3 + }, + { + "Unnamed: 0": 3163, + "book_name": "Radical Candor", + "summaries": "\u00a0will teach you how to connect with people at work, push them to be their best, know when and how to fire them, and create an environment of trust and innovation in the workplace.", + "categories": "management", + "review_score": 9.3 + }, + { + "Unnamed: 0": 3164, + "book_name": "Leadership and Self-Deception", + "summaries": " is a guide to becoming self-aware by learning to see your faults more accurately, understanding other\u2019s strengths and needs, and leaning into your natural instinct to help other people as much as possible.", + "categories": "management", + "review_score": 1.1 + }, + { + "Unnamed: 0": 3165, + "book_name": "Becoming The Boss", + "summaries": " shows leaders of all kinds, whether new or experienced, how to identify the pitfalls that stand in the way of influencing others for the better and overcome them.", + "categories": "management", + "review_score": 2.3 + }, + { + "Unnamed: 0": 3166, + "book_name": "The Ride Of A Lifetime", + "summaries": "\u00a0illustrates Robert Iger\u2019s journey to becoming the CEO of Disney, and how his vision, strategy, and guidance successfully led the company through a time when its future was highly uncertain.", + "categories": "management", + "review_score": 7.5 + }, + { + "Unnamed: 0": 3167, + "book_name": "Thanks For The Feedback", + "summaries": " will skyrocket your personal growth and success by helping you see the vital role that criticism of all kinds plays in your ability to improve as a person and by teaching you how to receive it well.", + "categories": "management", + "review_score": 9.7 + }, + { + "Unnamed: 0": 3168, + "book_name": "The Four Steps To The Epiphany", + "summaries": " shows startups how to plan for and achieve success by giving examples of companies that failed and outlining the path they need to take to flourish.", + "categories": "management", + "review_score": 1.0 + }, + { + "Unnamed: 0": 3169, + "book_name": "Everybody Matters", + "summaries": " identifies the best way to become successful in business, help your team members trust you, and enable people to reach their full potential by showing the power of taking better care of your employees as if they were family.", + "categories": "management", + "review_score": 1.5 + }, + { + "Unnamed: 0": 3170, + "book_name": "The Fifth Discipline", + "summaries": " shows you how to find joy at work again as an employee and improve your company\u2019s productivity if you\u2019re an employer by outlining the five values you must adopt to turn your workplace into a learning environment.", + "categories": "management", + "review_score": 6.4 + }, + { + "Unnamed: 0": 3171, + "book_name": "Leadershift", + "summaries": " will show you how to become a great leader by identifying the need to constantly improve your mindset and methods and showing you what to do so that you can make the biggest impact on your team and your organization.", + "categories": "management", + "review_score": 8.8 + }, + { + "Unnamed: 0": 3172, + "book_name": "Be Our Guest", + "summaries": " shows you how to take better care of your customers by outlining the philosophy and systems that Disney has for taking care of theirs which have helped it become one of the most successful companies in the world.", + "categories": "management", + "review_score": 4.2 + }, + { + "Unnamed: 0": 3173, + "book_name": "The 4 Day Week", + "summaries": " will help you improve your personal productivity and that of everyone around you by outlining a powerful technique to reduce the workweek by one day and implement other changes to help employees be healthier, happier, and more focused.", + "categories": "management", + "review_score": 2.0 + }, + { + "Unnamed: 0": 3174, + "book_name": "The Coaching Habit", + "summaries": " outlines the questions, attitudes, and habits required of managers who want to become great at motivating their team to become self-sustaining.", + "categories": "management", + "review_score": 8.5 + }, + { + "Unnamed: 0": 3175, + "book_name": "The 4 Disciplines Of Execution", + "summaries": " outlines the path that company leaders and individuals must follow to set the right goals and improve behavior to achieve success on a bigger, long-term scale.", + "categories": "management", + "review_score": 6.8 + }, + { + "Unnamed: 0": 3176, + "book_name": "The Advice Trap", + "summaries": "\u00a0will drastically improve your communication skills and make you more likable, thanks to explaining why defaulting to sharing your opinion about everything is a bad idea and how listening until you truly understand people\u2019s needs will make a much bigger positive difference in their lives.", + "categories": "management", + "review_score": 1.2 + }, + { + "Unnamed: 0": 3177, + "book_name": "You\u2019re Not Listening", + "summaries": " is a book that will improve your communication skills by revealing how uncommon the skill of paying attention to what others are saying is and what experts teach about how to get better at it.", + "categories": "management", + "review_score": 4.7 + }, + { + "Unnamed: 0": 3178, + "book_name": "The Hero Factor", + "summaries": " teaches by example that real leadership success focuses on people as much as profits.", + "categories": "management", + "review_score": 8.4 + }, + { + "Unnamed: 0": 3179, + "book_name": "The Business Romantic", + "summaries": " shows how doing business that is focused on passion and connection leads to more success in today\u2019s world.", + "categories": "management", + "review_score": 6.5 + }, + { + "Unnamed: 0": 3180, + "book_name": "Brotopia", + "summaries": " motivates you to be fairer in the workplace as an employee or employer by revealing the sad sexist state of Silicon Valley.", + "categories": "management", + "review_score": 8.9 + }, + { + "Unnamed: 0": 3181, + "book_name": "It Doesn\u2019t Have To Be Crazy At Work", + "summaries": " helps you relax about the current hurry-up and work yourself to death culture and instead see why getting rid of these stressful mentalities will make you and your company more focused, calm, and productive.", + "categories": "management", + "review_score": 5.2 + }, + { + "Unnamed: 0": 3182, + "book_name": "Alibaba", + "summaries": " shares the inspiring story of Jack Ma\u2019s hard work, entrepreneurial vision, and smart thinking that helped him build one of the most successful and influential companies in the world. ", + "categories": "management", + "review_score": 2.5 + }, + { + "Unnamed: 0": 3183, + "book_name": "Measure What Matters", + "summaries": " teaches you how to implement tracking systems into your company and life that will help you record your progress, stay accountable, and make reaching your goals almost inevitable.", + "categories": "management", + "review_score": 5.7 + }, + { + "Unnamed: 0": 3184, + "book_name": "Chernobyl", + "summaries": " teaches some fascinating and important history, science, and leadership lessons by diving into the details of the events leading up to the worst nuclear disaster in human history and its aftermath.", + "categories": "management", + "review_score": 1.4 + }, + { + "Unnamed: 0": 3185, + "book_name": "Leadership Strategy And Tactics", + "summaries": " shows you how to become effective when you\u2019re in charge by using the power of traits like accountability, humility, and others that Jocko Willink uses to lead his team of Navy SEALs.", + "categories": "management", + "review_score": 7.4 + }, + { + "Unnamed: 0": 3186, + "book_name": "The Power Paradox", + "summaries": " frames the concept of power in an inspiring new narrative, which can help us create better and more equal relationships, workplaces, and societies.", + "categories": "management", + "review_score": 9.9 + }, + { + "Unnamed: 0": 3187, + "book_name": "What Got You Here Won\u2019t Get You There", + "summaries": " helps you overcome your personality traits and behaviors that stop you from achieving even more success.\u00a0", + "categories": "management", + "review_score": 1.4 + }, + { + "Unnamed: 0": 3188, + "book_name": "Trillion Dollar Coach", + "summaries": " will help you become a better leader in the office by sharing the life and teachings of businessman Bill Campbell who helped build multi-billion dollar companies in Silicon Valley.", + "categories": "management", + "review_score": 9.2 + }, + { + "Unnamed: 0": 3189, + "book_name": "The Go-Giver", + "summaries": " teaches a pattern for becoming a better person and seeing more success in business and work by focusing on being authentic and giving as much value as possible. ", + "categories": "management", + "review_score": 6.9 + }, + { + "Unnamed: 0": 3190, + "book_name": "The Next Right Thing", + "summaries": " is your guide for making wise, thoughtful, and intentional decisions simply by looking for the single best action to take at the moment.", + "categories": "management", + "review_score": 6.0 + }, + { + "Unnamed: 0": 3191, + "book_name": "Extraordinary Influence", + "summaries": " helps you become a better leader by revealing what neuroscience has to say about effective leadership, identifying communication as the key to the highest levels of performance.", + "categories": "management", + "review_score": 1.3 + }, + { + "Unnamed: 0": 3192, + "book_name": "Unlocking Potential", + "summaries": " is a guide that will help you as a leader make a difference in people\u2019s lives in the long run by learning how to coach people in a way that brings to light their greatest strengths and capabilities.", + "categories": "management", + "review_score": 2.7 + }, + { + "Unnamed: 0": 3193, + "book_name": "The 5 Levels Of Leadership", + "summaries": " will teach you how to lead others with lasting influence by focusing on your people instead of your position.", + "categories": "management", + "review_score": 4.3 + }, + { + "Unnamed: 0": 3194, + "book_name": "Big Potential", + "summaries": " will show you that the real secret to success and thriving in all aspects of life is developing strong connections with others and treating them in a way that lifts them up.", + "categories": "management", + "review_score": 1.7 + }, + { + "Unnamed: 0": 3195, + "book_name": "The Second Mountain", + "summaries": " argues that the key to living a meaningful, fulfilling, and happy life is not found in the pursuit of self-improvement but instead a life of service to others.", + "categories": "management", + "review_score": 6.1 + }, + { + "Unnamed: 0": 3196, + "book_name": "Extreme Ownership", + "summaries": " contains useful leadership advice from two Navy SEALs who learned to stay strong, disciplined, and level-headed in high-stakes combat scenarios.", + "categories": "management", + "review_score": 9.9 + }, + { + "Unnamed: 0": 3197, + "book_name": "In Search Of Excellence", + "summaries": " is a study of America\u2019s top 15 companies, revealing what entrepreneurs should focus on if they want their businesses to thrive.", + "categories": "management", + "review_score": 7.6 + }, + { + "Unnamed: 0": 3198, + "book_name": "Never Split the Difference", + "summaries": "\u00a0is one of the best negotiation manuals ever written, explaining why you should never compromise, and how to negotiate like a pro in your everyday life as well as high-stakes situations.", + "categories": "management", + "review_score": 9.9 + }, + { + "Unnamed: 0": 3199, + "book_name": "Catalyst", + "summaries": " explains why extraordinary career growth requires the right stimuli at the right time to propel you to the next level, and shows you how to cultivate them.", + "categories": "management", + "review_score": 8.7 + }, + { + "Unnamed: 0": 3200, + "book_name": "Difficult Conversations", + "summaries": " identifies why we shy away from some conversations more than others, and what we can do to navigate them successfully and without stress.", + "categories": "management", + "review_score": 4.4 + }, + { + "Unnamed: 0": 3201, + "book_name": "QBQ!", + "summaries": " will teach you to ask better questions and stay accountable and why doing so will change every aspect of your life for the better.", + "categories": "management", + "review_score": 6.5 + }, + { + "Unnamed: 0": 3202, + "book_name": "Multipliers", + "summaries": "\u00a0explains the five types of people who inspire, support, and improve others in their organization, showing you how to become one as well as avoid diminishers, the people who drag down others and make it harder for them to perform.", + "categories": "management", + "review_score": 4.9 + }, + { + "Unnamed: 0": 3203, + "book_name": "EntreLeadership", + "summaries": " provides you with a path to becoming a great leader in your company by identifying the necessary management and entrepreneurial skills.", + "categories": "management", + "review_score": 6.8 + }, + { + "Unnamed: 0": 3204, + "book_name": "Just Listen", + "summaries": " teaches how to get your message across to anyone by using proven listening and persuasion techniques. ", + "categories": "management", + "review_score": 2.2 + }, + { + "Unnamed: 0": 3205, + "book_name": "The Effective Executive", + "summaries": " gives leaders a step-by-step formula to become more productive, developing their own strengths and those of their employees.", + "categories": "management", + "review_score": 9.8 + }, + { + "Unnamed: 0": 3206, + "book_name": "The Checklist Manifesto", + "summaries": "\u00a0explains\u00a0why checklists can\u00a0save lives and teaches you how to implement them correctly.", + "categories": "management", + "review_score": 2.2 + }, + { + "Unnamed: 0": 3207, + "book_name": "The 12 Week Year", + "summaries": " will teach you how to reliably hit your goals by planning in 12-week cycles instead of following our typical 12-month routine.", + "categories": "management", + "review_score": 7.2 + }, + { + "Unnamed: 0": 3208, + "book_name": "The Five Dysfunctions of a Team", + "summaries": " uses a fable to explain why even the best teams struggle to work together, offering actionable strategies to overcome distrust and office politics in order to achieve important goals as a cohesive, effective unit.", + "categories": "management", + "review_score": 7.0 + }, + { + "Unnamed: 0": 3209, + "book_name": "Crucial Conversations", + "summaries": " will teach you how to avoid conflict and come to positive solutions in high-stakes conversations so you can be effective in your personal and professional life. ", + "categories": "management", + "review_score": 7.3 + }, + { + "Unnamed: 0": 3210, + "book_name": "Executive Presence", + "summaries": "\u00a0is an actionable guide to the essential components of a strong leader\u2019s charisma, including and teaching you elements like gravitas, communication, appearance, and others.", + "categories": "management", + "review_score": 9.7 + }, + { + "Unnamed: 0": 3211, + "book_name": "Theory U", + "summaries": " helps leaders act based on the future, not the past, and allows them to create organizational change at a global level through creative and agile methodologies. ", + "categories": "management", + "review_score": 7.2 + }, + { + "Unnamed: 0": 3212, + "book_name": "Tribal Leadership", + "summaries": "\u00a0explains the various roles people take on in organizations, showing you how to navigate, connect, and lead change across the five different stages of your company\u2019s \u201ctribal society.\u201d", + "categories": "management", + "review_score": 9.9 + }, + { + "Unnamed: 0": 3213, + "book_name": "Team Of Rivals", + "summaries": "\u00a0explains why Abraham Lincoln rose above his political rivals despite their stronger reputations and how he used empathy to unite not just his enemies, but an entire country.", + "categories": "management", + "review_score": 6.2 + }, + { + "Unnamed: 0": 3214, + "book_name": "Make Time", + "summaries": " is about creating space in your life for what truly matters using highlights, laser-style focus, energizing breaks, and regularly reflecting on how you spend your most valuable asset.", + "categories": "management", + "review_score": 8.7 + }, + { + "Unnamed: 0": 3215, + "book_name": "The Energy Bus", + "summaries": " is a fable that will help you create positive energy with ten simple rules and make it the center of your life, work, and relationships.", + "categories": "management", + "review_score": 3.7 + }, + { + "Unnamed: 0": 3216, + "book_name": "Blitzscaling", + "summaries": " is the strategy some of today\u2019s most valuable companies have used to achieve huge market shares, insanely fast growth, big profit margins, and become corporate giants in a very short time.", + "categories": "management", + "review_score": 4.8 + }, + { + "Unnamed: 0": 3217, + "book_name": "The Laws of Human Nature", + "summaries": " helps you understand why people do what they do and how you can use both your own psychological flaws and those of others to your advantage at work, in relationships, and in life.", + "categories": "management", + "review_score": 5.7 + }, + { + "Unnamed: 0": 3218, + "book_name": "Dare To Lead", + "summaries": " dispels common myths about modern-day workplace culture and shows you that true leadership requires nothing but vulnerability, values, trust, and resilience.", + "categories": "management", + "review_score": 5.6 + }, + { + "Unnamed: 0": 3219, + "book_name": "The Culture Code", + "summaries": " examines the dynamics of groups, large and small, formal and informal, to help you understand how great teams work and what you can do to improve your relationships wherever you cooperate with others.", + "categories": "management", + "review_score": 7.6 + }, + { + "Unnamed: 0": 3220, + "book_name": "Problem Solving 101", + "summaries": "\u00a0is a universal, four-step template for overcoming challenges in life, based on a traditional method Japanese school children learn early on.", + "categories": "management", + "review_score": 8.5 + }, + { + "Unnamed: 0": 3221, + "book_name": "Skin In The Game", + "summaries": " is an assessment of asymmetries in human interactions, aimed at helping you understand where and how gaps in uncertainty, risk, knowledge, and fairness emerge, and how to close them.", + "categories": "management", + "review_score": 8.3 + }, + { + "Unnamed: 0": 3222, + "book_name": "Principles", + "summaries": " holds the set of rules for work and life billionaire investor and CEO of the most successful fund in history, Ray Dalio, has acquired through his 40-year career in finance.", + "categories": "management", + "review_score": 1.5 + }, + { + "Unnamed: 0": 3223, + "book_name": "Finding My Virginity", + "summaries": " is Richard Branson\u2019s follow-up biography, which shares the highlights of his entrepreneurial journey over the past two decades.", + "categories": "management", + "review_score": 8.6 + }, + { + "Unnamed: 0": 3224, + "book_name": "Sprint", + "summaries": " completely overhauls your project management process so it allows you to go from zero to prototype in just five days and figure out if your idea is worth creating faster than ever.", + "categories": "management", + "review_score": 3.1 + }, + { + "Unnamed: 0": 3225, + "book_name": "The Innovator\u2019s Dilemma", + "summaries": " is a business classic that explains the power of disruption, why market leaders are often set up to fail as technologies and industries change and what incumbents can do to secure their market leadership for a long time.", + "categories": "management", + "review_score": 4.5 + }, + { + "Unnamed: 0": 3226, + "book_name": "Six Thinking Hats", + "summaries": "\u00a0divides thinking into six distinct areas and perspectives, which will help you, your team, and your company tackle problems from different angles, thus solving them with the power of parallel thinking and saving time, money, and energy as a result.", + "categories": "management", + "review_score": 4.1 + }, + { + "Unnamed: 0": 3227, + "book_name": "Lean In", + "summaries": " explains why women are still underrepresented in the workforce, what holds them back, how we can enable and support them, and how any woman can take the lead and hold the flag of female leadership high.", + "categories": "management", + "review_score": 8.5 + }, + { + "Unnamed: 0": 3228, + "book_name": "The 21 Irrefutable Laws Of Leadership", + "summaries": " shows you that leadership is learned not inherited and that you can become a leader too, if you internalize some of the universal principles at play in any leader-follower-relationship.", + "categories": "management", + "review_score": 6.4 + }, + { + "Unnamed: 0": 3229, + "book_name": "Move Your Bus", + "summaries": "\u00a0illustrates the different kinds of groups in organizations, how leaders can inspire those groups, and what individuals can do to become highly valued, productive members of the organizations they serve.", + "categories": "management", + "review_score": 3.1 + }, + { + "Unnamed: 0": 3230, + "book_name": "Getting Everything You Can Out Of All You\u2019ve Got", + "summaries": " gives you 21 ways to beat the competition in business by working with the assets you have, but are not considering, learning to see opportunities where others see obstacles and doing things differently on purpose.", + "categories": "management", + "review_score": 1.3 + }, + { + "Unnamed: 0": 3231, + "book_name": "The 8th Habit", + "summaries": " is about finding your voice and helping others discover their own, in order to thrive at work in the Information Age, where interdependence is more important than independence.", + "categories": "management", + "review_score": 1.2 + }, + { + "Unnamed: 0": 3232, + "book_name": "Shoe Dog", + "summaries": " is the autobiography of Nike\u2019s founder Phil Knight, who at last decided to share the story of how he founded one of the most iconic, profitable and world-changing brands in the world.", + "categories": "management", + "review_score": 1.3 + }, + { + "Unnamed: 0": 3233, + "book_name": "Made To Stick", + "summaries": " examines advertising campaigns, urban myths and compelling stories to determine the six traits that make ideas stick in our brains, so you don\u2019t just know why you remember some things better than others, but can also spread your own ideas more easily among the right people.", + "categories": "management", + "review_score": 7.7 + }, + { + "Unnamed: 0": 3234, + "book_name": "Creativity, Inc.", + "summaries": " is an instruction manual for instilling inspiration into employees, managers and bosses, by revealing the hidden forces that get in the way, based on over\u00a030\u00a0years of experience of the president of Pixar, Ed Catmull.", + "categories": "management", + "review_score": 1.9 + }, + { + "Unnamed: 0": 3235, + "book_name": "Remote", + "summaries": " explains why offices are a thing of the past and what both companies and employees can do to thrive in a company that\u2019s spread all across the globe with people working wherever they choose to.", + "categories": "management", + "review_score": 4.3 + }, + { + "Unnamed: 0": 3236, + "book_name": "The Rebel Rules", + "summaries": " shows you how you can run a business by being yourself, relying on your vision, instinct, passion and agility to call the shots, stay innovative and maneuver your business like a startup, even if it\u2019s long outgrown its baby pants.", + "categories": "management", + "review_score": 7.5 + }, + { + "Unnamed: 0": 3237, + "book_name": "Smartcuts", + "summaries": " explains how some people and businesses achieve rapid growth and build sustainable, profitable companies in the time it takes you to get another promotion, by working smart, not hard and hacking into the ladder of success, instead of climbing it one step at a time.", + "categories": "management", + "review_score": 6.8 + }, + { + "Unnamed: 0": 3238, + "book_name": "People Over Profit", + "summaries": " evaluates the four stages most companies go through as they mature, moving from honest over efficiency to deception and, if they\u2019re lucky, redemption, unless they foster seven core beliefs and stay honest all the way to the end.", + "categories": "management", + "review_score": 5.5 + }, + { + "Unnamed: 0": 3239, + "book_name": "Who Moved My Cheese", + "summaries": " tells a parable, which you can directly apply to your own life, in order to stop fearing what lies ahead and instead thrive in an environment of change and uncertainty.", + "categories": "management", + "review_score": 8.4 + }, + { + "Unnamed: 0": 3240, + "book_name": "The One Minute Manager", + "summaries": " gives managers three simple tools that each take 60 seconds or less to use but can tremendously improve their efficiency in getting people to stay motivated, happy, and ready to deliver great work.", + "categories": "management", + "review_score": 8.5 + }, + { + "Unnamed: 0": 3241, + "book_name": "How To Be A Positive Leader", + "summaries": " taps into the expertise of 17 leadership experts to show you how you can become a positive leader, who empowers everyone around him, whether at work or at home, with small changes, that compound into a big impact.", + "categories": "management", + "review_score": 5.2 + }, + { + "Unnamed: 0": 3242, + "book_name": "A Year With Peter Drucker", + "summaries": " compiles 52 lessons with weekly exercises into one comprehensive, year-long curriculum\u00a0for managers, leaders, and those who aspire to be one or the other, based on the teachings of the father of modern management.", + "categories": "management", + "review_score": 9.6 + }, + { + "Unnamed: 0": 3243, + "book_name": "Linchpin", + "summaries": " shows you why the time of simply following instructions at your job is over and how to make yourself indispensable, which is a must for success today.", + "categories": "management", + "review_score": 7.8 + }, + { + "Unnamed: 0": 3244, + "book_name": "Sam Walton: Made In America", + "summaries": " shines a light on the man behind the biggest fortune ever amassed in business and explains how he built Walmart into a billion-dollar empire with hard work, incessant learning and an unrivaled resolve to make every single customer as happy as can be.", + "categories": "management", + "review_score": 7.6 + }, + { + "Unnamed: 0": 3245, + "book_name": "Good To Great", + "summaries": " examines what it takes for ordinary companies to become great and outperform their competitors by analyzing 28 companies over 30\u00a0years, who managed to make the transition or fell prey to their bad habits.", + "categories": "management", + "review_score": 8.2 + }, + { + "Unnamed: 0": 3246, + "book_name": "Rework", + "summaries": " shows you that you need less than you think to start a business \u2013 way less \u2013 by explaining why plans are actually harmful, how productivity isn\u2019t a result from working long hours and why hiring and seeking investors should be your absolute last resort.", + "categories": "management", + "review_score": 9.5 + }, + { + "Unnamed: 0": 3247, + "book_name": "The Thank You Economy", + "summaries": " announces the return of small town courtesy to the world of business, thanks to social media, and shows you why business must not neglect nurturing its one-on-one relationships with customers through the new channels online, to thrive in the modern world.", + "categories": "management", + "review_score": 2.5 + }, + { + "Unnamed: 0": 3248, + "book_name": "The Year Without Pants", + "summaries": " dives into the company culture of Automattic, the company behind WordPress.com and explains how they\u2019ve created a culture of work where employees thrive, creativity flows freely and new ideas are implemented on a daily basis.", + "categories": "management", + "review_score": 4.4 + }, + { + "Unnamed: 0": 3249, + "book_name": "Rookie Smarts", + "summaries": " argues against experience and for a mindset of learning in the modern workplace, due to knowledge growing and changing fast, which gives rookies a competitive advantage, as they\u2019re not bound by common practices and the status quo.", + "categories": "management", + "review_score": 8.9 + }, + { + "Unnamed: 0": 3250, + "book_name": "The Power Of Starting Something Stupid", + "summaries": " shows you that most ideas are often falsely labeled stupid at first, and that if they are, that\u2019s a good indicator you should pursue them and not care what anyone thinks.", + "categories": "management", + "review_score": 3.2 + }, + { + "Unnamed: 0": 3251, + "book_name": "Crossing The Chasm", + "summaries": " gives high tech startups a marketing blueprint, in order to make their product get the initial traction it needs to eventually reach the majority of the market and not die in the chasm between early adopters and pragmatists.", + "categories": "management", + "review_score": 2.6 + }, + { + "Unnamed: 0": 3252, + "book_name": "How To Win Friends And Influence People", + "summaries": " teaches you countless principles to become a likable person, handle your relationships well, win others over and help them change their behavior without being intrusive.", + "categories": "management", + "review_score": 3.1 + }, + { + "Unnamed: 0": 3253, + "book_name": "Getting Things Done", + "summaries": " is a manual for stress-free productivity, which helps you set up a system of lists, reminders and weekly reviews, in order to free your mind from having to remember tasks and to-dos and instead let it work at full focus on the task at hand.", + "categories": "management", + "review_score": 4.1 + }, + { + "Unnamed: 0": 3254, + "book_name": "Mistakes Were Made, But Not By Me", + "summaries": " takes you on a journey of famous examples and areas of life where mistakes are hushed up instead of admitted, showing you along the way how this\u00a0hinders progress, why we do it in the first place, and what you can do to start honestly admitting your own.", + "categories": "management", + "review_score": 2.6 + }, + { + "Unnamed: 0": 3255, + "book_name": "Start With Why", + "summaries": " is Simon Sinek\u2019s mission to help others do work, which inspires them, and uses real-world examples of great leaders to show you how they communicate and how you can adapt their mindset to inspire others yourself.", + "categories": "management", + "review_score": 3.5 + }, + { + "Unnamed: 0": 3256, + "book_name": "Zero To One", + "summaries": " is an inside look at Peter Thiel\u2019s philosophy and strategy for making your startup a success by looking at the lessons he learned from founding and selling PayPal, investing in Facebook and becoming a billionaire in the process.", + "categories": "management", + "review_score": 1.2 + }, + { + "Unnamed: 0": 3257, + "book_name": "The Ultimate Sales Machine", + "summaries": " is the legacy Chet Holmes left to help sales staff all over the world, by giving them 12 key strategies to relentlessly focus and execute on, in order to at least double their sales.", + "categories": "management", + "review_score": 3.9 + }, + { + "Unnamed: 0": 3258, + "book_name": "Winning", + "summaries": " is Jack Welch\u2019s manual to becoming an astonishing manager and leader, which gives you practical tools to manage the finances, strategy and, most importantly, the people of your company.", + "categories": "management", + "review_score": 3.2 + }, + { + "Unnamed: 0": 3259, + "book_name": "The Lean Startup", + "summaries": " offers both entrepreneurs and wantrepreneurs a semi-scientific, real-world approach to building a business by using validation, finding a profitable business model and creating a growth engine.", + "categories": "management", + "review_score": 1.2 + }, + { + "Unnamed: 0": 3260, + "book_name": "Influence", + "summaries": " has been the go-to book for marketers since its release in 1984, which delivers\u00a0six key principles behind human influence and explains them with countless practical examples.", + "categories": "management", + "review_score": 5.5 + }, + { + "Unnamed: 0": 3261, + "book_name": "The 7 Habits Of Highly Effective People", + "summaries": " teaches you both personal and professional effectiveness by\u00a0changing your view of how the world works and giving you 7 habits, which, if adopted well, will lead you to immense success.", + "categories": "management", + "review_score": 4.3 + }, + { + "Unnamed: 0": 3262, + "book_name": "Steve Jobs", + "summaries": " is the most detailed and accurate account of the life of the man who created Apple, the most valuable technology company in the world.", + "categories": "management", + "review_score": 9.2 + }, + { + "Unnamed: 0": 3263, + "book_name": "The 4-Hour Workweek", + "summaries": " is the step-by-step blueprint to free yourself from the shackles of a corporate job, create a business to fund the lifestyle of your dreams, and live life like a millionaire, without actually having to be one.", + "categories": "management", + "review_score": 6.5 + }, + { + "Unnamed: 0": 3264, + "book_name": "The Wisdom Of Crowds", + "summaries": " researches why groups reach better decisions than individuals, what makes groups smart, where the dangers of group decisions lie, and how each of us can encourage the groups we are part of to work together.", + "categories": "management", + "review_score": 7.5 + }, + { + "Unnamed: 0": 3265, + "book_name": "The Hard Thing About Hard Things", + "summaries": " is\u00a0an inside\u00a0look at the tough decisions and lonely times all CEOs face, before showing you what it takes to build a great organization and become a world-class leader.", + "categories": "management", + "review_score": 3.2 + }, + { + "Unnamed: 0": 3266, + "book_name": "Outlive", + "summaries": "\u00a0compiles the latest science on health and longevity, combined with practical advice anyone can use to live better today and beat four types of chronic disease with the four pillars of good health: exercise, nutrition, sleep, and emotional health.", + "categories": "health", + "review_score": 8.0 + }, + { + "Unnamed: 0": 3267, + "book_name": "Stolen Focus", + "summaries": "\u00a0explains why our attention spans have been dwindling for decades, how technology accelerates this worrying trend, and what we can do to reclaim our focus and thus our capacity to live meaningful lives.", + "categories": "health", + "review_score": 6.4 + }, + { + "Unnamed: 0": 3268, + "book_name": "Dopamine Nation", + "summaries": "talks about the importance of living a balanced life in relation to all the pleasure and stimuli we\u2019re surrounded with on a daily basis, such as drugs, devices, porn, gambling facilities, showing us how to avoid becoming dopamine addicts by restricting our access to them.\u00a0", + "categories": "health", + "review_score": 7.3 + }, + { + "Unnamed: 0": 3269, + "book_name": "Discipline Is Destiny", + "summaries": " is a three-part manual to master and implement the Stoic virtue of temperance, aka discipline, in your life, thus improving your body, mind, and spirit.", + "categories": "health", + "review_score": 8.7 + }, + { + "Unnamed: 0": 3270, + "book_name": "The Code Breaker", + "summaries": " details the life of Nobel Prize winner Jennifer Doudna, who embarked on \u2014 and successfully completed \u2014 a journey to invent a tool that allows us to edit the human genetic code and thus will change our lives, health, and future generations forever.", + "categories": "health", + "review_score": 5.4 + }, + { + "Unnamed: 0": 3271, + "book_name": "Super Human", + "summaries": " presents the groundbreaking discoveries of Dave Asprey (the CEO of Bulletproof) in the field of diet & nutrition, biohacking, longevity, and offers a scientific view on how to live your best life and look like the best version of yourself by adopting practices acclaimed by bioengineers right away.", + "categories": "health", + "review_score": 5.3 + }, + { + "Unnamed: 0": 3272, + "book_name": "This Is Your Mind On Plants", + "summaries": " ", + "categories": "health", + "review_score": 7.8 + }, + { + "Unnamed: 0": 3273, + "book_name": "The Art of Living", + "summaries": " talks about living a peaceful life through meditation and gratitude, especially by using the Vipassana meditation technique and the philosophy behind Buddhism, which promotes developing a clearer vision of life and seeing things as they truly are.", + "categories": "health", + "review_score": 9.6 + }, + { + "Unnamed: 0": 3274, + "book_name": "The Mind Illuminated", + "summaries": " is the definitive guide to meditation and consciousness, as it teaches its readers how meditation works, and how to navigate the ten stages of conscious breathing and intentional practice of mindfulness, all while highlighting why meditation is so crucial in everyone\u2019s lives.", + "categories": "health", + "review_score": 8.7 + }, + { + "Unnamed: 0": 3275, + "book_name": "Outlive", + "summaries": "\u00a0compiles the latest science on health and longevity, combined with practical advice anyone can use to live better today and beat four types of chronic disease with the four pillars of good health: exercise, nutrition, sleep, and emotional health.", + "categories": "health", + "review_score": 2.6 + }, + { + "Unnamed: 0": 3276, + "book_name": "Stolen Focus", + "summaries": "\u00a0explains why our attention spans have been dwindling for decades, how technology accelerates this worrying trend, and what we can do to reclaim our focus and thus our capacity to live meaningful lives.", + "categories": "health", + "review_score": 9.1 + }, + { + "Unnamed: 0": 3277, + "book_name": "Dopamine Nation", + "summaries": "talks about the importance of living a balanced life in relation to all the pleasure and stimuli we\u2019re surrounded with on a daily basis, such as drugs, devices, porn, gambling facilities, showing us how to avoid becoming dopamine addicts by restricting our access to them.\u00a0", + "categories": "health", + "review_score": 1.7 + }, + { + "Unnamed: 0": 3278, + "book_name": "Discipline Is Destiny", + "summaries": " is a three-part manual to master and implement the Stoic virtue of temperance, aka discipline, in your life, thus improving your body, mind, and spirit.", + "categories": "health", + "review_score": 8.2 + }, + { + "Unnamed: 0": 3279, + "book_name": "The Code Breaker", + "summaries": " details the life of Nobel Prize winner Jennifer Doudna, who embarked on \u2014 and successfully completed \u2014 a journey to invent a tool that allows us to edit the human genetic code and thus will change our lives, health, and future generations forever.", + "categories": "health", + "review_score": 3.5 + }, + { + "Unnamed: 0": 3280, + "book_name": "Super Human", + "summaries": " presents the groundbreaking discoveries of Dave Asprey (the CEO of Bulletproof) in the field of diet & nutrition, biohacking, longevity, and offers a scientific view on how to live your best life and look like the best version of yourself by adopting practices acclaimed by bioengineers right away.", + "categories": "health", + "review_score": 5.3 + }, + { + "Unnamed: 0": 3281, + "book_name": "This Is Your Mind On Plants", + "summaries": " ", + "categories": "health", + "review_score": 5.6 + }, + { + "Unnamed: 0": 3282, + "book_name": "The Art of Living", + "summaries": " talks about living a peaceful life through meditation and gratitude, especially by using the Vipassana meditation technique and the philosophy behind Buddhism, which promotes developing a clearer vision of life and seeing things as they truly are.", + "categories": "health", + "review_score": 2.8 + }, + { + "Unnamed: 0": 3283, + "book_name": "The Mind Illuminated", + "summaries": " is the definitive guide to meditation and consciousness, as it teaches its readers how meditation works, and how to navigate the ten stages of conscious breathing and intentional practice of mindfulness, all while highlighting why meditation is so crucial in everyone\u2019s lives.", + "categories": "health", + "review_score": 4.3 + }, + { + "Unnamed: 0": 3284, + "book_name": "Keto Answers", + "summaries": " is your go-to guide on how to get started with the ketogenic diet, its positive implications on your health and proneness to diseases like diabetes, and a fact-based study that debunks myths and assumptions about following a low-carb diet.\u00a0", + "categories": "health", + "review_score": 5.5 + }, + { + "Unnamed: 0": 3285, + "book_name": "Joyful", + "summaries": " talks about the power of small things in our lives, from colors, shapes, and designs, to nature, architecture, and simple everyday occurrences on our happiness and how we can harness simplicity to achieve a meaningful life filled with joy.", + "categories": "health", + "review_score": 5.1 + }, + { + "Unnamed: 0": 3286, + "book_name": "How to Break Up With Your Phone ", + "summaries": "explores a common problem for all of us who are engaging with social media and constant use of phones, namely our addiction to these devices and the internet, and ways to ditch it for good and find meaning in our lives outside of our virtual encounters.", + "categories": "health", + "review_score": 3.9 + }, + { + "Unnamed: 0": 3287, + "book_name": "Good Vibes, Good Life", + "summaries": " explores ways to unlock your true potential by loving yourself more, practicing self-care, manifesting your wishes, and transforming negative emotions into positive ones using simple tips and tricks for a happy life.", + "categories": "health", + "review_score": 2.8 + }, + { + "Unnamed: 0": 3288, + "book_name": "Daily Rituals", + "summaries": " is a compilation of the best practices and habits of successful people from different fields aimed to help anyone increase productivity, get past writer\u2019s block, and become more creative and efficient in their everyday work.", + "categories": "health", + "review_score": 3.4 + }, + { + "Unnamed: 0": 3289, + "book_name": "Chasing Excellence", + "summaries": " breaks down how world-class athletes achieve the mental strength they need to succeed, highlighting", + "categories": "health", + "review_score": 4.1 + }, + { + "Unnamed: 0": 3290, + "book_name": "Brain Maker", + "summaries": " argues that the relationship between your gut and your mind is stronger than you know, and proves how the microbiome is responsible for your overall health in the long run.", + "categories": "health", + "review_score": 2.5 + }, + { + "Unnamed: 0": 3291, + "book_name": "The 100-Year Life", + "summaries": " teaches you how to be resourceful and prepare ahead of time for a world in which people not only live longer but reach an age in the triple-digits, and talks about what you should be doing right now to ensure you have enough money for retirement.", + "categories": "health", + "review_score": 7.4 + }, + { + "Unnamed: 0": 3292, + "book_name": "Lifespan", + "summaries": " addresses the concept of aging and defies the laws of nature that humankind knew till now by presenting a cure to aging that derives from exetensive research in biology, diet and nutrition, sports, and the science of combating diseases.", + "categories": "health", + "review_score": 8.2 + }, + { + "Unnamed: 0": 3293, + "book_name": "Intuitive Eating", + "summaries": " explores the philosophy of eating according to your body\u2019s needs and ditching diets, eating trends, and other limiting eating programs in favor of a well-balanced lifestyle built on personal body-related needs.", + "categories": "health", + "review_score": 4.3 + }, + { + "Unnamed: 0": 3294, + "book_name": "The Longevity Paradox", + "summaries": " explores ways to live a longer, healthier life and \u201cdie young\u201d as a senior, instead of having to go through illnesses, all by focusing on the microbiome and improving our lifestyle as heart surgeon ", + "categories": "health", + "review_score": 3.9 + }, + { + "Unnamed: 0": 3295, + "book_name": "The Complete Ketogenic Diet for Beginners", + "summaries": " explores the principles of a ketogenic diet, which implies eating little to no carbs, and introducing multiple sources of fat in your daily meals to boost your metabolism and lose unwanted weight. ", + "categories": "health", + "review_score": 4.7 + }, + { + "Unnamed: 0": 3296, + "book_name": "Your Erroneous Zones", + "summaries": " offers a hands-on guide on how to escape negative thinking, falling into your own self-destructive patterns, take charge of your thoughts and implicitly, your emotions, and how to build a better version of yourself starting with putting yourself first and not caring about what others may think.", + "categories": "health", + "review_score": 6.5 + }, + { + "Unnamed: 0": 3297, + "book_name": "Healthy at 100", + "summaries": " will show you how to maintain healthy habits well into your old age, such as exercising, practicing gratitude, and avoiding stress, all by relying on simple but effective practices that have stood the test of time.", + "categories": "health", + "review_score": 1.2 + }, + { + "Unnamed: 0": 3298, + "book_name": "Fat For Fuel", + "summaries": " explores the \u201c", + "categories": "health", + "review_score": 2.8 + }, + { + "Unnamed: 0": 3299, + "book_name": "Chatter", + "summaries": " will help you make sense of the inner mind chatter that frequently takes over your mind, showing you how to quiet negative thoughts, stop overthinking, feel less anxious, and develop useful practices to consistently alleviate negative emotions.", + "categories": "health", + "review_score": 4.5 + }, + { + "Unnamed: 0": 3300, + "book_name": "The High 5 Habit", + "summaries": " is a self-improvement book that aims to help anyone who deals with self-limitations take charge of their life by establishing a morning routine, ditching negative talk, and transforming their life through positivity and confidence.", + "categories": "health", + "review_score": 1.3 + }, + { + "Unnamed: 0": 3301, + "book_name": "Why Zebras Don\u2019t Get Ulcers", + "summaries": " explores the leading causes of stress and how to keep it under control, as well as the biological science behind stress, which can be a catalyst for performance in the short term, but a potential threat in the long run.", + "categories": "health", + "review_score": 5.1 + }, + { + "Unnamed: 0": 3302, + "book_name": "Trust Yourself", + "summaries": " offers career and wellbeing advice from a sensitive striver\u2019s point of view, a introvert-leaning character type that comes with plenty of positive traits but is also prone to burnout, giving practical tips on breaking free from stress and perfectionism for a healthier, more balanced life.", + "categories": "health", + "review_score": 8.4 + }, + { + "Unnamed: 0": 3303, + "book_name": "Unbeatable Mind", + "summaries": " explores the idea that everyone has a higher self-potential lying underneath that they ought to explore and tap into in order to live their life to the fullest and maximize their happiness and success, all possible through the 20X rule.", + "categories": "health", + "review_score": 1.7 + }, + { + "Unnamed: 0": 3304, + "book_name": "Body By Science", + "summaries": " offers a hands-on approach to fitness and what building a healthy, fit, and strong body implies, all while debunking common myths about training practices that served as a benchmark for gym enthusiasts since the rise of the sports industry.", + "categories": "health", + "review_score": 4.2 + }, + { + "Unnamed: 0": 3305, + "book_name": "Anxiety at Work", + "summaries": " outlines the importance of having a harmonious working environment due to the constant increase in people\u2019s stress levels from their professional lives, and how managers, direct supervisors, CEOs, and other executive bodies can help reduce it by fostering a healthy environment.", + "categories": "health", + "review_score": 4.2 + }, + { + "Unnamed: 0": 3306, + "book_name": "Humor, Seriously", + "summaries": " explores how bringing fun and entertainment into the workplace can enhance team productivity, spark creativity, increase trust between members and improve people\u2019s overall sentiment in relation to work and job-related activities.", + "categories": "health", + "review_score": 6.7 + }, + { + "Unnamed: 0": 3307, + "book_name": "The Joy of Missing Out", + "summaries": " explores today\u2019s idea of productivity and common misconceptions about what it means to be productive, as well as how eliminating unnecessary stress by prioritizing effectively can help us live a better life.", + "categories": "health", + "review_score": 6.6 + }, + { + "Unnamed: 0": 3308, + "book_name": "Stealing Fire", + "summaries": " examines how a state of ecstasy can enhance the body-brain connection and allow humans to achieve excellent performance by accelerating their neural processes.", + "categories": "health", + "review_score": 2.0 + }, + { + "Unnamed: 0": 3309, + "book_name": "Safe People", + "summaries": " focuses on the importance of recognizing the types of people, distinguishing between the safe and unsafe ones, avoiding toxic relationships, and establishing meaningful ones by reading people and trusting God.", + "categories": "health", + "review_score": 2.2 + }, + { + "Unnamed: 0": 3310, + "book_name": "Brain Food", + "summaries": " delves into the topic of nutrition and how certain foods and nutrients can affect the well-being of the brain, its memory function, its cognitive capability, and how what we ingest can reverse the brain\u2019s inclination to develop certain diseases.", + "categories": "health", + "review_score": 3.3 + }, + { + "Unnamed: 0": 3311, + "book_name": "Work Less Finish More", + "summaries": " is a hands-on guide to adopting a more focused frame of mind and developing habits that will enhance your productivity levels, give you a sense of accomplishment and put you in the right direction in order to achieve your objectives.", + "categories": "health", + "review_score": 7.4 + }, + { + "Unnamed: 0": 3312, + "book_name": "How To Do The Work", + "summaries": " is a go-to guide that teaches us how to establish a mind-body-spirit connection and create better connections with the people around us by exploring how these aspects are interconnected and influenced by the way we eat, think, and feel.", + "categories": "health", + "review_score": 2.7 + }, + { + "Unnamed: 0": 3313, + "book_name": "The Case Against Sugar", + "summaries": " advocates against the use of sugar in the food industry and offers a critical look at how this harmful substance took over the world under the eyes of our highest institutions, who are very well aware of its toxicity but choose to remain silent.", + "categories": "health", + "review_score": 7.8 + }, + { + "Unnamed: 0": 3314, + "book_name": "Forest Bathing", + "summaries": " explores the Japanese tradition of shinrin-yoku, a kind of forest therapy based on immersion in nature, and the various health and wellbeing benefits we can derive from it to live better, calmer lives.", + "categories": "health", + "review_score": 6.2 + }, + { + "Unnamed: 0": 3315, + "book_name": "Eat Better, Feel Better", + "summaries": " is a go-to guide for combating modern dietary problems and adopting a healthier lifestyle.", + "categories": "health", + "review_score": 6.8 + }, + { + "Unnamed: 0": 3317, + "book_name": "The Kindness Method", + "summaries": " by Shahroo Izadi teaches how self-compassion and understanding make forming habits easier than being hard on yourself, using the personal experiences of the author and what she\u2019s learned as an addiction recovery therapist to show how self-esteem is the true key to behavior change.", + "categories": "health", + "review_score": 4.4 + }, + { + "Unnamed: 0": 3318, + "book_name": "75 Hard", + "summaries": " is a fitness challenge and book that teaches mental toughness by making you commit to five daily critical tasks for 75 days straight, including drinking a gallon of water, reading 10 pages of a non-fiction book, doing two 45-minute workouts, taking a progress picture, and following a diet.", + "categories": "health", + "review_score": 2.3 + }, + { + "Unnamed: 0": 3319, + "book_name": "How To Change", + "summaries": "\u00a0identifies the stumbling blocks that are in your way of reaching your goals and improving yourself and the research-backed ways to get over them, including how to beat some of the worst productivity and life problems like procrastination, laziness, and much more.", + "categories": "health", + "review_score": 8.4 + }, + { + "Unnamed: 0": 3320, + "book_name": "The Art of Stopping Time", + "summaries": " teaches a framework of mindfulness, philosophy, and time-management you can use to achieve Time Prosperity, which is having plenty of time to reach your dreams without overwhelm, tumult, or constriction.", + "categories": "health", + "review_score": 8.3 + }, + { + "Unnamed: 0": 3321, + "book_name": "Journey of Awakening", + "summaries": " explains the basics of meditation using ideas from multiple spiritual sources, including how to avoid the mental traps that make it difficult so you can practice frequently and make mindfulness, and the many benefits that come with it, part of your daily life.", + "categories": "health", + "review_score": 7.5 + }, + { + "Unnamed: 0": 3322, + "book_name": "Feel Great Lose Weight", + "summaries": " goes beyond fad diets and quick fixes for weight problems and instead dives into the science of how your body really works when you put food into it and how you can use this information to be fitter and feel better.", + "categories": "health", + "review_score": 1.5 + }, + { + "Unnamed: 0": 3323, + "book_name": "Born To Win", + "summaries": " explores how planning and preparation is the only way to win in life and shows you how to use these tools in combination with a vision, goals, and thinking positively to become a winner in all aspects of life.", + "categories": "health", + "review_score": 4.9 + }, + { + "Unnamed: 0": 3324, + "book_name": "Do Nothing", + "summaries": " explores the idea that our focus on being productive all the time is making us less effective because of how little rest we get, identifying how the consequences of overworking ourselves, and the benefits of taking time off, make a compelling argument that we should spend more time doing nothing.", + "categories": "health", + "review_score": 6.2 + }, + { + "Unnamed: 0": 3325, + "book_name": "The Bullet Journal Method", + "summaries": " introduces a unique system for organizing you can use t", + "categories": "health", + "review_score": 6.4 + }, + { + "Unnamed: 0": 3326, + "book_name": "What Happened to You?", + "summaries": " is Oprah\u2019s look into trauma, including how traumatic experiences affect our brains throughout our lives, what they mean about the way we handle stress, and why we need to see it as both a problem with our society and our brains if we want to get through it.", + "categories": "health", + "review_score": 1.8 + }, + { + "Unnamed: 0": 3327, + "book_name": "Intimacy And Desire", + "summaries": " uses case studies of couples in therapy to show how partners can turn their normal sexual struggles and issues with sexual desire into a journey of personal, spiritual, and psychological growth that leads to a stronger bond and deeper, healthier desires for each other.", + "categories": "health", + "review_score": 6.0 + }, + { + "Unnamed: 0": 3328, + "book_name": "Beyond Order", + "summaries": " is the follow-up to Jordan Peterson\u2019s bestselling book 12 Rules for Life and identifies another 12 rules to live by that help us live with and even embrace the chaos that we struggle with every day, identifying that too much order can be a problem just as much as too much disorder.", + "categories": "health", + "review_score": 1.3 + }, + { + "Unnamed: 0": 3329, + "book_name": "The Great Escape", + "summaries": " challenges the idea that the world is on fire by declaring that things have never been better in many ways, although the advancements we\u2019ve made and the ways they have improved many lives haven\u2019t reached everyone equally.", + "categories": "health", + "review_score": 3.1 + }, + { + "Unnamed: 0": 3330, + "book_name": "The World Until Yesterday", + "summaries": " identifies some of the most valuable lessons we can learn from societies of the past like hunter-gatherers, including how to resolve conflicts better, more effective ways to raise children, how to stay healthier for longer, and much more.", + "categories": "health", + "review_score": 9.5 + }, + { + "Unnamed: 0": 3331, + "book_name": "The Emperor Of All Maladies", + "summaries": " details the beginnings and progress in our understanding of cancer, including how we first started learning about it, began developing ways to treat it and discovered ways to prevent it, and the biological effect that it has on us.", + "categories": "health", + "review_score": 2.9 + }, + { + "Unnamed: 0": 3332, + "book_name": "The Double Helix", + "summaries": " tells the story of the discovery of DNA, which is one of the most significant scientific findings in all of history, by explaining the rivalries, struggles of the prideful scientific community to work together, and other roadblocks that James Watson had on the way to making the breakthrough of a lifetime that would change his life and the entire world.", + "categories": "health", + "review_score": 5.9 + }, + { + "Unnamed: 0": 3333, + "book_name": "The End Of Illness", + "summaries": " will change the way that you think of sickness and health by identifying the problems with the current mindset around them and how focusing on the systems within your body instead of disease will help you make better-informed decisions that will keep you on the path of good health.", + "categories": "health", + "review_score": 2.5 + }, + { + "Unnamed: 0": 3334, + "book_name": "Girls & Sex", + "summaries": "\u00a0identifies how pop culture and societal expectations hurt young women as they begin navigating the realm of sexuality, teaching us how to help girls feel empowered in choosing who they want to be.", + "categories": "health", + "review_score": 3.4 + }, + { + "Unnamed: 0": 3335, + "book_name": "My Morning Routine", + "summaries": " is the ultimate guide to building healthy habits in the hours right after you wake up with tips backed up by the experiences of some of the most successful people in the world, including Ryan Holiday, Chris Guillebeau, Nir Eyal, and many more.", + "categories": "health", + "review_score": 3.7 + }, + { + "Unnamed: 0": 3336, + "book_name": "I Contain Multitudes", + "summaries": " will make you smarter and healthier by teaching you about the tiny ecosystems of microbes that live inside your body and on everything you see and by showing you how they affect your life and how to utilize them to improve your well-being.", + "categories": "health", + "review_score": 5.3 + }, + { + "Unnamed: 0": 3337, + "book_name": "Mindful Work", + "summaries": " is your guide to understanding how the practice of meditation got its roots in Western society, the many ways it radically improves your brain\u2019s ability to do almost everything, and how it will improve your productivity.", + "categories": "health", + "review_score": 6.1 + }, + { + "Unnamed: 0": 3338, + "book_name": "Phantoms In The Brain", + "summaries": " will make you smarter about your own mind by sharing what scientists have learned from some of the most interesting experiences of patients with neurological disorders.", + "categories": "health", + "review_score": 1.9 + }, + { + "Unnamed: 0": 3339, + "book_name": "Survival Of The Friendliest", + "summaries": " explains why the #1 thing you can do for success is to focus on your social connections, how friendliness was the reason that our early ancestors survived as well as they did, and what you can do today to grow your social capital.", + "categories": "health", + "review_score": 9.5 + }, + { + "Unnamed: 0": 3340, + "book_name": "The Big Necessity", + "summaries": " makes you smarter about feces by explaining how sanitation works, the damage it causes when it\u2019s not done properly, and what we can do to improve it around the world.", + "categories": "health", + "review_score": 1.8 + }, + { + "Unnamed: 0": 3341, + "book_name": "Breath", + "summaries": " is a fascinating and helpful guide to understanding the science of breathing, including how doing it slowly and through your nose is best for your lungs and body, and the many proven mental and physical benefits of being more mindful of how you inhale and exhale.", + "categories": "health", + "review_score": 8.1 + }, + { + "Unnamed: 0": 3342, + "book_name": "Getting COMFY", + "summaries": " will show you how to improve each day of your life by identifying why you need to begin the right way and giving a step-by-step framework to make it happen.", + "categories": "health", + "review_score": 5.9 + }, + { + "Unnamed: 0": 3343, + "book_name": "When The Body Says No", + "summaries": " will help you become healthier by teaching you the truth behind the mind-body connection, revealing how your mental state does in fact affect your physical condition and how you can improve both.", + "categories": "health", + "review_score": 9.0 + }, + { + "Unnamed: 0": 3344, + "book_name": "Brain Wash", + "summaries": " will show you how to have a more peaceful, contented life by revealing what\u2019s wrong with all of the bad habits that society accepts as normal, how they affect our brains, and the 10-day program you can follow to fix it.", + "categories": "health", + "review_score": 3.3 + }, + { + "Unnamed: 0": 3345, + "book_name": "Eat Sleep Work Repeat", + "summaries": " identifies why so many workplaces are unnecessarily stressful, how it makes employees unhappy and businesses less profitable, and what we all need to do to fix this growing problem.", + "categories": "health", + "review_score": 8.1 + }, + { + "Unnamed: 0": 3346, + "book_name": "Eat To Beat Disease", + "summaries": " will help you be healthier and fight off infection by identifying how food affects your immune system and what to put into your body that will make you more resilient against illness.", + "categories": "health", + "review_score": 4.1 + }, + { + "Unnamed: 0": 3347, + "book_name": "The Happiness Trap", + "summaries": " offers an easy-to-follow, practical guide to implementing Acceptances and Commitment Therapy (ACT), an effective method for loosening the grip of negative emotions so you can follow your values in life. ", + "categories": "health", + "review_score": 3.5 + }, + { + "Unnamed: 0": 3348, + "book_name": "Mind Over Clutter", + "summaries": " helps you take steps to improve your mental health, physical health, and the environment by showing you why having too much junk is so bad for you and outlining how to get rid of it all.", + "categories": "health", + "review_score": 5.2 + }, + { + "Unnamed: 0": 3349, + "book_name": "Reasons To Stay Alive", + "summaries": " shows you the dangers and difficulties surrounding mental illness, uncovers the stigma around it, and identifies how to recover from it by sharing the story of Matt Haig\u2019s recovery after an awful panic attack and subsequent battle with depression and anxiety.", + "categories": "health", + "review_score": 4.7 + }, + { + "Unnamed: 0": 3350, + "book_name": "The Beautiful Cure", + "summaries": " makes you smarter by showing you how your immune system works and how recent advancements in our understanding of it can help us improve our health like never before.", + "categories": "health", + "review_score": 4.7 + }, + { + "Unnamed: 0": 3351, + "book_name": "The Telomere Effect", + "summaries": " shows you how to live healthier and stay younger longer by identifying an important part of your physiology that you might have never heard of and teaching you how to take great care of it.", + "categories": "health", + "review_score": 5.7 + }, + { + "Unnamed: 0": 3352, + "book_name": "The Sleep Solution", + "summaries": " improves your quality of life by identifying the myths surrounding rest that keep you from getting more of it, showing you why they\u2019re false, and teaching you how to establish proper sleep hygiene. ", + "categories": "health", + "review_score": 1.2 + }, + { + "Unnamed: 0": 3353, + "book_name": "Resisting Happiness", + "summaries": " shows you how to get more joy in your life by exploring the roadblocks you unknowingly put in the way of it, explaining why it\u2019s a choice, and giving specific tips to help you make the decision to be content.", + "categories": "health", + "review_score": 5.9 + }, + { + "Unnamed: 0": 3354, + "book_name": "When Things Fall Apart", + "summaries": " gives you the confidence to make it through life\u2019s inevitable setbacks by sharing ideas and strategies like mindfulness to grow your resilience and come out on top.", + "categories": "health", + "review_score": 8.2 + }, + { + "Unnamed: 0": 3355, + "book_name": "Dreamland", + "summaries": " blows open the story of the United States\u2019 opioid crisis, from the frustrating greed and oversight that created it, how drug dealers accelerated it\u2019s spread, and what we\u2019re doing now to stop it.", + "categories": "health", + "review_score": 1.6 + }, + { + "Unnamed: 0": 3356, + "book_name": "What The Eyes Don\u2019t See", + "summaries": " tells the shocking and unfortunate story of the public drinking water crisis in Flint, Michigan and how one woman stood up against government corruption and racism to make a positive difference for the city.", + "categories": "health", + "review_score": 3.5 + }, + { + "Unnamed: 0": 3357, + "book_name": "How To Do Nothing", + "summaries": " makes you more productive and helps you have more peace by identifying the problems with our current 24/7 work culture, where it came from, and how pausing to reflect helps you overcome it.", + "categories": "health", + "review_score": 7.9 + }, + { + "Unnamed: 0": 3358, + "book_name": "Food Fix", + "summaries": " will help you eat healthier and improve the environment at the same time by explaining how bad our food is for us and our planet and what we can each do to fix these problems.", + "categories": "health", + "review_score": 9.8 + }, + { + "Unnamed: 0": 3359, + "book_name": "Eat To Live", + "summaries": " will help you lose weight, feel better, and live longer by identifying the flaws in what we think is true about nutrition and using science and case studies to reveal how certain foods affect us for better or worse.", + "categories": "health", + "review_score": 5.7 + }, + { + "Unnamed: 0": 3360, + "book_name": "The Unexpected Joy Of Being Sober", + "summaries": " will help you have a happier and healthier life by persuasively revealing the many disadvantages of alcohol and the benefits of going without it permanently. ", + "categories": "health", + "review_score": 8.0 + }, + { + "Unnamed: 0": 3361, + "book_name": "Status Anxiety", + "summaries": " identifies the ways that your desire to be seen as someone successful makes you mentally unhealthy and also shows ways that you can combat the disease of trying to climb the never-ending social ladder.", + "categories": "health", + "review_score": 3.7 + }, + { + "Unnamed: 0": 3362, + "book_name": "Personality Isn\u2019t Permanent", + "summaries": " will shatter your long-held beliefs that you\u2019re stuck as yourself, flaws and all, by identifying why the person you are is changeable and giving you specific and actionable steps to change.", + "categories": "health", + "review_score": 4.9 + }, + { + "Unnamed: 0": 3363, + "book_name": "Deep Nutrition", + "summaries": " will help you get healthier by explaining the danger of modern dieting techniques that are actually doing harm to your body and making you sick. ", + "categories": "health", + "review_score": 2.5 + }, + { + "Unnamed: 0": 3364, + "book_name": "My Age Of Anxiety", + "summaries": " is your guide to understanding an aspect of mental illness that most of us don\u2019t realize is so severe, showing it\u2019s biological and environmental origins and ways to treat it.", + "categories": "health", + "review_score": 5.9 + }, + { + "Unnamed: 0": 3365, + "book_name": "Your Best Year Ever", + "summaries": " gives powerful inspiration to change your life by helping you identify what you should improve on, how to get over the hurdles in your way, and the patterns and habits you need to set so that achieving your dreams is more possible than ever.", + "categories": "health", + "review_score": 8.7 + }, + { + "Unnamed: 0": 3366, + "book_name": "The Body", + "summaries": " helps you become smarter about how to take care of and use this mechanism that lets you have life by explaining how it\u2019s put together, what happens on the inside, and how it works. ", + "categories": "health", + "review_score": 6.1 + }, + { + "Unnamed: 0": 3367, + "book_name": " Outer Order, Inner Calm", + "summaries": " gives you advice to declutter your space and keep it orderly, to foster your inner peace and allow you to flourish.", + "categories": "health", + "review_score": 5.2 + }, + { + "Unnamed: 0": 3368, + "book_name": "Boost!", + "summaries": " is a guide for becoming more productive at work by using the preparation and performance techniques that world-class athletes use to win gold medals.", + "categories": "health", + "review_score": 5.1 + }, + { + "Unnamed: 0": 3369, + "book_name": "Self-Compassion", + "summaries": " teaches you the art of being kind to yourself by identifying what causes you to beat yourself up, how it affects your life negatively, and what you can do to relate to yourself in healthier and more compassionate ways.", + "categories": "health", + "review_score": 3.8 + }, + { + "Unnamed: 0": 3370, + "book_name": "What to Eat When", + "summaries": " teaches us how food works inside our body and how to feed ourselves in a way that better suits our biology, making us healthier and stronger.", + "categories": "health", + "review_score": 6.6 + }, + { + "Unnamed: 0": 3371, + "book_name": "Comfortably Unaware", + "summaries": " is a well-researched compendium on how our food choices and animal agriculture impact the well-being of the whole planet.", + "categories": "health", + "review_score": 5.0 + }, + { + "Unnamed: 0": 3372, + "book_name": "The Book You Wish Your Parents Had Read", + "summaries": " will help you step back and focus more on the big picture of parenting to foster a strong relationship with your child so they can grow up emotionally and mentally healthy.", + "categories": "health", + "review_score": 9.6 + }, + { + "Unnamed: 0": 3373, + "book_name": "Insight", + "summaries": " will help you understand what self-awareness is, why it\u2019s vital if you want to become your best self, and how to overcome the obstacles in the way of having more of it.", + "categories": "health", + "review_score": 3.0 + }, + { + "Unnamed: 0": 3374, + "book_name": "Braiding Sweetgrass", + "summaries": " offers some great ways for all of us to take better care of and be more grateful for our planet by explaining the way that Native Americans view and take care of it.", + "categories": "health", + "review_score": 1.8 + }, + { + "Unnamed: 0": 3375, + "book_name": "Pandemic", + "summaries": " gives you an understanding of what pathogens and diseases are, how they evolve, what our lifestyle does to make them worse on us, how they can spread like wildfire, and most importantly, what we can do to stop them.", + "categories": "health", + "review_score": 9.8 + }, + { + "Unnamed: 0": 3376, + "book_name": "Chasing The Scream", + "summaries": " is a scathing review of the failed war on drugs, explaining its history with surprising statistics and identifying new ways that we can think about addiction, recovery, and drug laws.", + "categories": "health", + "review_score": 2.7 + }, + { + "Unnamed: 0": 3377, + "book_name": "The Power Paradox", + "summaries": " frames the concept of power in an inspiring new narrative, which can help us create better and more equal relationships, workplaces, and societies.", + "categories": "health", + "review_score": 4.9 + }, + { + "Unnamed: 0": 3378, + "book_name": "Brain Rules", + "summaries": " teaches you how to become more productive at work and life by giving proven facts about how your mind works better with good sleep, exercise, and learning with all the senses.", + "categories": "health", + "review_score": 4.2 + }, + { + "Unnamed: 0": 3379, + "book_name": "Broadcasting Happiness", + "summaries": " is an encouraging resource that will help you boost your health and happiness in your relationships, work, and community by showing you how to unlock the power of positive words and stories.", + "categories": "health", + "review_score": 1.6 + }, + { + "Unnamed: 0": 3380, + "book_name": "Alone Together", + "summaries": " is a book that will make you want to have a better relationship with technology by revealing just how much we rely on it and the ways our connection to it is growing worse and having negative effects on us all.", + "categories": "health", + "review_score": 9.2 + }, + { + "Unnamed: 0": 3381, + "book_name": "The Joy Of Movement", + "summaries": " is just what you need to finally find the motivation to get out and exercise more often by teaching you the scientific reasons why it\u2019s good for you and why your body is designed to enjoy it.", + "categories": "health", + "review_score": 2.9 + }, + { + "Unnamed: 0": 3382, + "book_name": "The Immortal Life of Henrietta Lacks", + "summaries": " makes you smarter and more compassionate by revealing the previously unknown story of a woman with extraordinary cells that still live today and have contributed to dozens of medical breakthroughs.", + "categories": "health", + "review_score": 2.0 + }, + { + "Unnamed: 0": 3383, + "book_name": "An American Sickness", + "summaries": " will motivate you to see what you can do to help improve the state of healthcare in the United States by blowing open the recent greed, corruption, and selfishness of healthcare companies.", + "categories": "health", + "review_score": 6.2 + }, + { + "Unnamed: 0": 3384, + "book_name": "The Body Keeps The Score", + "summaries": " teaches you how to get through the difficulties that arise from your traumatic past by revealing the psychology behind them and revealing some of the techniques therapists use to help victims recover.", + "categories": "health", + "review_score": 8.0 + }, + { + "Unnamed: 0": 3385, + "book_name": "Animal, Vegetable, Miracle", + "summaries": " gives ways to improve your health and the environment by learning how to garden, cook, and eat more fruits and vegetables. ", + "categories": "health", + "review_score": 3.4 + }, + { + "Unnamed: 0": 3386, + "book_name": "How Not To Worry", + "summaries": " will teach you how to live stress-free by revealing your brain\u2019s primitive emotional survival instinct and providing a simple and effective roadmap for letting go of your anxieties.\u00a0\n", + "categories": "health", + "review_score": 2.0 + }, + { + "Unnamed: 0": 3387, + "book_name": "The 4 Pillar Plan", + "summaries": " is your guide to the right diet, exercise, relaxation, and sleep decisions that will improve your health dramatically.", + "categories": "health", + "review_score": 5.5 + }, + { + "Unnamed: 0": 3388, + "book_name": "How To Change Your Mind", + "summaries": " reveals new evidence on psychedelics, confirming their power to cure mental illness, ease depression and addiction, and help people die more peacefully.\u00a0 ", + "categories": "health", + "review_score": 8.3 + }, + { + "Unnamed: 0": 3389, + "book_name": "Maybe You Should Talk To Someone", + "summaries": " will help you feel more comfortable with using therapy to improve your mental health by giving a candid look into how therapy really works from the point of view of an experienced therapist who also found herself needing it.", + "categories": "health", + "review_score": 2.3 + }, + { + "Unnamed: 0": 3390, + "book_name": "A Beginner\u2019s Guide To The End", + "summaries": " is your guide to using the principles of stillness, cleaning, and grief to prepare for your own or a loved one\u2019s death.", + "categories": "health", + "review_score": 9.2 + }, + { + "Unnamed: 0": 3391, + "book_name": "The Plant Paradox", + "summaries": " helps you make better food decisions and eat healthier by arguing that some plant foods that we think are healthy can actually be harming us and making it harder to lose weight. ", + "categories": "health", + "review_score": 7.6 + }, + { + "Unnamed: 0": 3392, + "book_name": "When Breath Becomes Air", + "summaries": " helps you see what\u2019s really important by diving into Paul Kalanithi\u2019s life of loving neuroscience, literature, meaning, and his family that ended from cancer in his mid-thirties. ", + "categories": "health", + "review_score": 4.3 + }, + { + "Unnamed: 0": 3393, + "book_name": "Anatomy Of An Epidemic", + "summaries": " teaches you how to make better decisions about your mental health as it uncovers the questionable origin of medication and reveals the interesting connection between psychiatry and pharmaceutical companies.", + "categories": "health", + "review_score": 7.7 + }, + { + "Unnamed: 0": 3394, + "book_name": "Stillness Is The Key", + "summaries": " will show you how to harness the power of slowing down your body and mind for less distractions, better self-control, and, above all, a happier and more peaceful life.", + "categories": "health", + "review_score": 5.8 + }, + { + "Unnamed: 0": 3395, + "book_name": "The Little Book of Lykke", + "summaries": " gives Danish-derived and science-backed tips that will help you be happier.", + "categories": "health", + "review_score": 9.6 + }, + { + "Unnamed: 0": 3396, + "book_name": "Cooked", + "summaries": " is a historical exploration of the four primary elements we use to transform our food, from fire to water, air, and earth, celebrating traditional cooking methods while showing you practical ways to improve your eating habits and prepare more of your own food.", + "categories": "health", + "review_score": 5.9 + }, + { + "Unnamed: 0": 3397, + "book_name": "Radical Acceptance", + "summaries": " teaches how you can become more content and happy in your life by applying the principles of meditation and Buddhism. ", + "categories": "health", + "review_score": 3.6 + }, + { + "Unnamed: 0": 3398, + "book_name": "Why We Sleep", + "summaries": " will motivate you get more and better quality sleep by showing you the recent scientific findings on why sleep deprivation is bad for individuals and society.", + "categories": "health", + "review_score": 3.7 + }, + { + "Unnamed: 0": 3399, + "book_name": "Irresistible", + "summaries": " reveals how alarmingly stuck to our devices we are, shows the negative consequences of technology addiction, and gives tips for a healthier relationship with the digital world.\n", + "categories": "health", + "review_score": 2.1 + }, + { + "Unnamed: 0": 3400, + "book_name": "A Crack In Creation", + "summaries": " will teach you all about the power of gene editing that is made possible with CRISPR by detailing how it works, the benefits and opportunities it opens up, and the ethical risks of using it on humans.", + "categories": "health", + "review_score": 4.1 + }, + { + "Unnamed: 0": 3401, + "book_name": "Time And How To Spend It", + "summaries": " is your guide to becoming more productive by not focusing on working extra hours but instead using the time off more effectively.", + "categories": "health", + "review_score": 8.9 + }, + { + "Unnamed: 0": 3402, + "book_name": "Feral", + "summaries": " will help you find ways to improve the well-being of humanity by illustrating the deep connection between us and Nature and offering actionable advice on how to preserve balance in our ecosystems through rewilding.", + "categories": "health", + "review_score": 1.3 + }, + { + "Unnamed: 0": 3403, + "book_name": "Tell Me More", + "summaries": " will help you make everything, even the worst of times, go more smoothly by learning about a few useful phrases to habitually use come rain or shine.", + "categories": "health", + "review_score": 7.5 + }, + { + "Unnamed: 0": 3404, + "book_name": "No Excuses!", + "summaries": " teaches us that self-discipline is the key to success and gives us practical advice to master it and achieve self-actualization, happy relationships, and financial security.", + "categories": "health", + "review_score": 7.6 + }, + { + "Unnamed: 0": 3405, + "book_name": "The Uninhabitable Earth", + "summaries": " explains how humanity\u2019s complacency and negligence have put this world on a course to soon be unlivable unless we each do our small part to improve how we care for this beautiful planet we live on.", + "categories": "health", + "review_score": 5.4 + }, + { + "Unnamed: 0": 3406, + "book_name": "Game Changers", + "summaries": " reveals the secrets that some of the most impactful people in the world use to hack their biology and win at life and will teach you how to achieve your goals and be happy. ", + "categories": "health", + "review_score": 7.6 + }, + { + "Unnamed: 0": 3407, + "book_name": "Sleep Smarter", + "summaries": " is a collection of 21 simple tips and tricks to optimize your sleep environment once and then reap the benefits of more restful nights forever.", + "categories": "health", + "review_score": 4.9 + }, + { + "Unnamed: 0": 3408, + "book_name": "Eating Animals", + "summaries": " reveals the true burden of the modern-day meat industry that we all bear as a society and details the environmental, health-related, and ethical consequences.", + "categories": "health", + "review_score": 4.0 + }, + { + "Unnamed: 0": 3409, + "book_name": "The Sports Gene", + "summaries": " is a look at how genes affect our abilities, motivations, and endurance in sports, explaining why some people are better suited for certain sports than others.", + "categories": "health", + "review_score": 4.3 + }, + { + "Unnamed: 0": 3410, + "book_name": "Social Intelligence", + "summaries": " is a complete guide to the neuroscience of relationships, explaining how your social interactions shape you and how you can use these effects to your advantage.", + "categories": "health", + "review_score": 8.9 + }, + { + "Unnamed: 0": 3411, + "book_name": "How Not To Die", + "summaries": " delivers a template for extending your life based on scientific research which recommends switching to a mainly plant-based diet. ", + "categories": "health", + "review_score": 8.5 + }, + { + "Unnamed: 0": 3412, + "book_name": "Silent Spring", + "summaries": " is the story that sparked the global grassroots environmental movement in 1962, explaining how chemical pesticides work, what their drawbacks are, and how we can protect crops in better, more sustainable ways.", + "categories": "health", + "review_score": 9.9 + }, + { + "Unnamed: 0": 3413, + "book_name": "Aware", + "summaries": " is a comprehensive overview of the far-reaching benefits of meditation, rooted in both science and practice, enriched with actionable advice on how to practice mindfulness. ", + "categories": "health", + "review_score": 6.4 + }, + { + "Unnamed: 0": 3414, + "book_name": "Genius Foods", + "summaries": " is the ultimate science-based diet plan that will help your brain perform with clarity and intelligence while protecting you against dementia. ", + "categories": "health", + "review_score": 3.3 + }, + { + "Unnamed: 0": 3415, + "book_name": "Can\u2019t Hurt Me", + "summaries": " is the story of David Goggins, who went from being overweight and depressed to becoming a record-breaking athlete, inspiring military leader, and world-class personal trainer.", + "categories": "health", + "review_score": 7.2 + }, + { + "Unnamed: 0": 3416, + "book_name": "Ikigai", + "summaries": " explains how you can live a longer and happier life by having a purpose, eating healthy, and not retiring.", + "categories": "health", + "review_score": 8.8 + }, + { + "Unnamed: 0": 3417, + "book_name": "Counterclockwise", + "summaries": " is a critical look at current perspectives on health with a particular focus on how we can improve our own when we shift from being mindless to mindful.", + "categories": "health", + "review_score": 2.7 + }, + { + "Unnamed: 0": 3418, + "book_name": "Digital Minimalism", + "summaries": "\u00a0shows us where to draw the line with technology, how to properly take time off our digital devices, and why doing so is the key to living a happy, focused life in a noisy world.", + "categories": "health", + "review_score": 8.9 + }, + { + "Unnamed: 0": 3419, + "book_name": "The 5 AM Club", + "summaries": " helps you get up at 5 AM every morning, build a morning routine, and make time for the self-improvement you need to find success.", + "categories": "health", + "review_score": 2.2 + }, + { + "Unnamed: 0": 3420, + "book_name": "Born To Run", + "summaries": " explains the natural benefits of long-distance running, and how you can become a better runner too, based on several years of research, experiences, and training.", + "categories": "health", + "review_score": 4.8 + }, + { + "Unnamed: 0": 3421, + "book_name": "Rest", + "summaries": " examines why traditional methods of working too long and hard are inefficient compared to working less, resting, and playing to accomplish your best work.", + "categories": "health", + "review_score": 3.1 + }, + { + "Unnamed: 0": 3422, + "book_name": "The Blue Zones Solution", + "summaries": " shows you how to adopt the lifestyle and mindset practices of the healthiest, longest-living people on the planet from the five locations with the highest population of centenarians.", + "categories": "health", + "review_score": 7.9 + }, + { + "Unnamed: 0": 3423, + "book_name": "Peak Performance", + "summaries": " shows you how to perform at your highest level by exploring the most significant factors that contribute to delivering our best work, such as stress, rest, focus, and purpose.\u00a0", + "categories": "health", + "review_score": 7.0 + }, + { + "Unnamed: 0": 3424, + "book_name": "Own The Day, Own Your Life", + "summaries": " is a straightforward guide to maximizing your potential by optimizing your health of body and mind with simple tweaks to your daily routine.", + "categories": "health", + "review_score": 2.3 + }, + { + "Unnamed: 0": 3425, + "book_name": "Atomic Habits", + "summaries": " is the definitive guide to breaking bad behaviors and adopting good ones in four steps, showing you how small, incremental, everyday routines compound into massive, positive change over time.", + "categories": "health", + "review_score": 6.9 + }, + { + "Unnamed: 0": 3426, + "book_name": "12 Rules For Life", + "summaries": "\u00a0is a story-based, stern yet entertaining self-help manual for young people laying out a set of simple rules to help us become more disciplined, behave better, act with integrity, and balance our lives while enjoying them as much as we can.", + "categories": "health", + "review_score": 4.1 + }, + { + "Unnamed: 0": 3427, + "book_name": "The 4-Hour Body", + "summaries": "\u00a0is a complete guide to hacking your health, helping you achieve anything from rapid fat loss and quick muscle gain to better sleep, sex, and extreme athletic performance.", + "categories": "health", + "review_score": 5.9 + }, + { + "Unnamed: 0": 3428, + "book_name": "When: The Scientific Secrets of Perfect Timing", + "summaries": " breaks down the science of time so you can stop guessing when to do things and pick the best times to work, eat, sleep, have your coffee and even quit your job.", + "categories": "health", + "review_score": 6.3 + }, + { + "Unnamed: 0": 3429, + "book_name": "Mind Gym", + "summaries": " explains why the performance of world-class athletes isn\u2019t only\u00a0a result of their physical training, but just as much due to their mentally fit minds and shows you how you can cultivate the mindset of a top performer yourself.", + "categories": "health", + "review_score": 5.6 + }, + { + "Unnamed: 0": 3430, + "book_name": "The Longevity Project", + "summaries": " shows you how you can live longer by analyzing the results from one of the world\u2019s longest-lasting studies and drawing\u00a0surprising\u00a0conclusions about the work ethic, happiness, love, marriage and religion of people who have lived to old age.", + "categories": "health", + "review_score": 9.5 + }, + { + "Unnamed: 0": 3431, + "book_name": "The Bulletproof Diet", + "summaries": "\u00a0describes a simple high-fat, low-carb diet with intermittent fasting, high-intensity exercise and good sleeping practices to help you lose weight, have more energy and be able to focus better than ever before.", + "categories": "health", + "review_score": 4.0 + }, + { + "Unnamed: 0": 3432, + "book_name": "Farmageddon", + "summaries": " is a shocking compendium of the facts and figures about how the mass production of cheap meat influences our world, ranging from water and air pollution, to threatening species, to making us obese and sick, in order to\u00a0show why we must return to more traditional farming techniques to sustainably feed the world.", + "categories": "health", + "review_score": 4.4 + }, + { + "Unnamed: 0": 3433, + "book_name": "First Bite", + "summaries": " explains how you\u2019ve acquired your eating habits in your childhood and why they\u2019re not hardwired, as well as how you can change them for the better and teach your children to eat healthy.", + "categories": "health", + "review_score": 3.7 + }, + { + "Unnamed: 0": 3434, + "book_name": "Fast Food Nation", + "summaries": " describes how the fast food industry has reduced the overall food quality worldwide, created poor working conditions for millions of people and ruined public health.", + "categories": "health", + "review_score": 5.3 + }, + { + "Unnamed: 0": 3435, + "book_name": "Grain Brain", + "summaries": " takes a look at the impact carbohydrates have on the structure and development of your brain, arriving at the conclusion that a diet high in fat, low in carbs and especially sugar, combined with fasting, lots of activity and more sleep could provide you with a much higher quality of life.", + "categories": "health", + "review_score": 6.9 + }, + { + "Unnamed: 0": 3436, + "book_name": "The Sleep Revolution", + "summaries": " paints a grim picture of Western sleep culture, but not without extending a hand to school kids, students, professionals and CEOs alike by offering genuine advice on how to stop wearing sleep deprivation as a badge of honor and finally get a good night\u2019s sleep.", + "categories": "health", + "review_score": 6.6 + }, + { + "Unnamed: 0": 3437, + "book_name": "In Defense Of Food", + "summaries": "\u00a0describes the decline of natural eating in exchange for diets driven by science and nutritional data, how this decline has ruined our health, and what we can do to return to food as a simple, cultural, natural aspect of life.", + "categories": "health", + "review_score": 2.0 + }, + { + "Unnamed: 0": 3438, + "book_name": "Oxygen", + "summaries": " helps you understand the biology of our evolution by taking a close look at the molecule that can make and break all life and how it\u2019s shaped the rise of animals, plants and humans, as well as why it might be the key to ending aging.", + "categories": "health", + "review_score": 3.9 + }, + { + "Unnamed: 0": 3439, + "book_name": "The ADHD Advantage", + "summaries": " sheds light on one of the most falsely assessed health conditions of the 21st century, by explaining how ADHD is overdiagnosed, overmedicated and why people with ADHD should embrace it as a means of success.", + "categories": "health", + "review_score": 9.5 + }, + { + "Unnamed: 0": 3440, + "book_name": "The Art Of Learning", + "summaries": " explains the science of becoming a top performer, based on Josh Waitzkin\u2019s personal rise to the top of the chess and Tai Chi world, by showing you the right mindset, proper ways to practice and how to build the habits of a professional.", + "categories": "health", + "review_score": 9.6 + }, + { + "Unnamed: 0": 3441, + "book_name": "Ending Aging", + "summaries": " describes how the process of aging is like a disease and therefore, treatable, by outlining the seven primary ways in which we age and possible antidotes to all of them, plus a glimpse into the future of potentially indefinite human life.", + "categories": "health", + "review_score": 7.7 + }, + { + "Unnamed: 0": 3442, + "book_name": "Are You Fully Charged", + "summaries": " shows you the three keys to arriving at work and life with a battery that\u2019s brimming with happiness and motivation, which are energy, interactions and meaning, and how to implement them in your day.", + "categories": "health", + "review_score": 2.2 + }, + { + "Unnamed: 0": 3443, + "book_name": "Eat, Move, Sleep", + "summaries": " shows you that living a long and healthy life is not the result of massive lifestyle changes, but of lots of small habits, which improve the way you sleep, eat and exercise and, if combined, add a whole lot to your health.", + "categories": "health", + "review_score": 2.4 + }, + { + "Unnamed: 0": 3444, + "book_name": "The End Of Stress", + "summaries": " shows you not only that treating stress as normal is wrong and how it harms your mental and physical health, but also gives you actionable tips and strategies to end stress once and for all so you can live a long, happy, powerful and creative life.", + "categories": "health", + "review_score": 5.0 + }, + { + "Unnamed: 0": 3445, + "book_name": "The Blue Zones", + "summaries": " gives you advice on how to live to be 100 years and older by looking at five spots across the planet, where people live the longest, and drawing lessons about what they eat, drink, how they exercise and which habits most shape their lives.", + "categories": "health", + "review_score": 9.9 + }, + { + "Unnamed: 0": 3446, + "book_name": "The China Study", + "summaries": " examines the effect of animal protein intake on cancer risk and suggests improving your health by focusing on a plant-based diet.", + "categories": "health", + "review_score": 3.3 + }, + { + "Unnamed: 0": 3447, + "book_name": "The Happiness Project", + "summaries": " will show you how to change your life, without actually changing your life, thanks to the findings of modern science, ancient history and popular culture about happiness, which the author tested for a year and now shares with you.", + "categories": "health", + "review_score": 6.6 + }, + { + "Unnamed: 0": 3448, + "book_name": "Immunity", + "summaries": " is an introductory guide to how your immune system works, why it\u2019s a double-edged sword, and which laws govern its existence.", + "categories": "health", + "review_score": 6.0 + }, + { + "Unnamed: 0": 3449, + "book_name": "The Power Of Full Engagement", + "summaries": null, + "categories": "health", + "review_score": 9.0 + }, + { + "Unnamed: 0": 3450, + "book_name": "The Omnivore\u2019s Dilemma", + "summaries": " explains the range of food choices we face today using four meals on a spectrum from highly processed to entirely self-gathered, thus teaching us how the industrial revolution changed the way we eat, why organic food isn\u2019t necessarily better, what truly natural food looks like, and which options we have in making the tradeoff between fast, delicious, cheap, ethical, sustainable, and environmentally friendly meals.", + "categories": "health", + "review_score": 7.9 + }, + { + "Unnamed: 0": 3451, + "book_name": "The Power Of No", + "summaries": " is an encompassing instruction manual for you to harness the power of this little word to get healthy, rid yourself of bad relationships, embrace abundance and ultimately say yes to yourself.", + "categories": "health", + "review_score": 6.9 + }, + { + "Unnamed: 0": 3452, + "book_name": "The Power Of Habit", + "summaries": " helps you understand why\u00a0habits are at the core of everything you\u00a0do, how you can change them, and what impact that will have on your life, your business and society.", + "categories": "health", + "review_score": 8.7 + }, + { + "Unnamed: 0": 3453, + "book_name": "Choose Yourself", + "summaries": " is a call to give up traditional career paths and take your life into your own hands by building good habits, creating your own career, and making a decision to choose yourself.", + "categories": "health", + "review_score": 5.2 + }, + { + "Unnamed: 0": 3454, + "book_name": "Automate Your Busywork", + "summaries": "\u00a0is a step-by-step guide to getting rid of your most dreaded tasks, fueled by the simple but sophisticated \u201cAutomation Flywheel,\u201d which will help you reduce stress, get more done, and find time for your most meaningful work.", + "categories": "business", + "review_score": 7.2 + }, + { + "Unnamed: 0": 3455, + "book_name": "Never Finished", + "summaries": " is an inspiring blueprint for leveling up in the game of life that never ends, offering 8 evolutions of thought, painful truths, and motivating stories to help you smash any and all glass ceilings in your life.", + "categories": "business", + "review_score": 10.0 + }, + { + "Unnamed: 0": 3456, + "book_name": "The 4 Minute Millionaire", + "summaries": " is a collection of 44 short lessons sourced from the best finance books, each paired with an action item to help you get closer to financial freedom in just 4 minutes a day.", + "categories": "business", + "review_score": 7.4 + }, + { + "Unnamed: 0": 3457, + "book_name": "Stolen Focus", + "summaries": "\u00a0explains why our attention spans have been dwindling for decades, how technology accelerates this worrying trend, and what we can do to reclaim our focus and thus our capacity to live meaningful lives.", + "categories": "business", + "review_score": 5.1 + }, + { + "Unnamed: 0": 3458, + "book_name": "The Infinite Game", + "summaries": " argues that business is not a competition but an infinite journey, and that to do well in it, leaders must advance a \u201cJust Cause,\u201d build trusting teams, learn from their \u201cWorthy Rivals,\u201d and practice existential flexibility.", + "categories": "business", + "review_score": 7.4 + }, + { + "Unnamed: 0": 3459, + "book_name": "The 1-Page Marketing Plan", + "summaries": " offers a hands-on guide to creating a simple, single-page marketing strategy that will help you find prospects, generate leads, keep them engaged, and close sales, all from scratch.", + "categories": "business", + "review_score": 1.6 + }, + { + "Unnamed: 0": 3460, + "book_name": "The Daily Laws", + "summaries": "\u00a0is a page-a-day, calendar-style book covering the three big topics of mastery, power, and emotions, sharing Robert Greene\u2019s best lessons from 20 years of research of the dynamics within and between humans.", + "categories": "business", + "review_score": 5.0 + }, + { + "Unnamed: 0": 3461, + "book_name": "The Life-Changing Science of Detecting Bullshit", + "summaries": " teaches its readers how to avoid falling for the lies and false information that other people spread by helping them build essential thinking skills through examples from the real world.", + "categories": "business", + "review_score": 7.2 + }, + { + "Unnamed: 0": 3462, + "book_name": "Discipline Is Destiny", + "summaries": " is a three-part manual to master and implement the Stoic virtue of temperance, aka discipline, in your life, thus improving your body, mind, and spirit.", + "categories": "business", + "review_score": 9.3 + }, + { + "Unnamed: 0": 3463, + "book_name": "Automate Your Busywork", + "summaries": "\u00a0is a step-by-step guide to getting rid of your most dreaded tasks, fueled by the simple but sophisticated \u201cAutomation Flywheel,\u201d which will help you reduce stress, get more done, and find time for your most meaningful work.", + "categories": "business", + "review_score": 3.6 + }, + { + "Unnamed: 0": 3464, + "book_name": "Never Finished", + "summaries": " is an inspiring blueprint for leveling up in the game of life that never ends, offering 8 evolutions of thought, painful truths, and motivating stories to help you smash any and all glass ceilings in your life.", + "categories": "business", + "review_score": 7.5 + }, + { + "Unnamed: 0": 3465, + "book_name": "The 4 Minute Millionaire", + "summaries": " is a collection of 44 short lessons sourced from the best finance books, each paired with an action item to help you get closer to financial freedom in just 4 minutes a day.", + "categories": "business", + "review_score": 3.9 + }, + { + "Unnamed: 0": 3466, + "book_name": "Stolen Focus", + "summaries": "\u00a0explains why our attention spans have been dwindling for decades, how technology accelerates this worrying trend, and what we can do to reclaim our focus and thus our capacity to live meaningful lives.", + "categories": "business", + "review_score": 1.0 + }, + { + "Unnamed: 0": 3467, + "book_name": "The Infinite Game", + "summaries": " argues that business is not a competition but an infinite journey, and that to do well in it, leaders must advance a \u201cJust Cause,\u201d build trusting teams, learn from their \u201cWorthy Rivals,\u201d and practice existential flexibility.", + "categories": "business", + "review_score": 1.1 + }, + { + "Unnamed: 0": 3468, + "book_name": "The 1-Page Marketing Plan", + "summaries": " offers a hands-on guide to creating a simple, single-page marketing strategy that will help you find prospects, generate leads, keep them engaged, and close sales, all from scratch.", + "categories": "business", + "review_score": 2.3 + }, + { + "Unnamed: 0": 3469, + "book_name": "The Daily Laws", + "summaries": "\u00a0is a page-a-day, calendar-style book covering the three big topics of mastery, power, and emotions, sharing Robert Greene\u2019s best lessons from 20 years of research of the dynamics within and between humans.", + "categories": "business", + "review_score": 2.6 + }, + { + "Unnamed: 0": 3470, + "book_name": "The Life-Changing Science of Detecting Bullshit", + "summaries": " teaches its readers how to avoid falling for the lies and false information that other people spread by helping them build essential thinking skills through examples from the real world.", + "categories": "business", + "review_score": 9.6 + }, + { + "Unnamed: 0": 3471, + "book_name": "Discipline Is Destiny", + "summaries": " is a three-part manual to master and implement the Stoic virtue of temperance, aka discipline, in your life, thus improving your body, mind, and spirit.", + "categories": "business", + "review_score": 4.3 + }, + { + "Unnamed: 0": 3472, + "book_name": "The Art of Statistics", + "summaries": " is a non-technical book that shows how statistics is helping humans everywhere get a new hold of data, interpret numbers, fact-check information, and reveal valuable insights, all while keeping the world as we know it afloat.", + "categories": "business", + "review_score": 9.5 + }, + { + "Unnamed: 0": 3473, + "book_name": "Resilience", + "summaries": " will help you find joy in self-transformation, showing you ways to become more positive, hard-working, and face hardship with the kind of bravery and optimism that will get you through any challenge.", + "categories": "business", + "review_score": 9.1 + }, + { + "Unnamed: 0": 3474, + "book_name": "Rich Dad\u2019s Cashflow Quadrant", + "summaries": " is an inspiring read by Kiyosaki which comes as a sequel after his first groundbreaking book and presents how hard work doesn\u2019t always equal becoming rich, as wealth is likely a result of smart money decisions.", + "categories": "business", + "review_score": 4.6 + }, + { + "Unnamed: 0": 3475, + "book_name": "No Hard Feelings", + "summaries": " is a practical book for better managing the emotional side of work and building the skills needed to enhance your performance both within your role and more broadly throughout your career path by finding motivation again and managing negative emotions.", + "categories": "business", + "review_score": 9.1 + }, + { + "Unnamed: 0": 3476, + "book_name": "More Money Than God", + "summaries": " teaches us about the ins and outs of hedge funds, how those managing money makes a profit, and how you can learn from them and apply their techniques to your money management strategy.", + "categories": "business", + "review_score": 1.1 + }, + { + "Unnamed: 0": 3477, + "book_name": "The Sovereign Individual", + "summaries": " jumps into the future and presents a new world where life moves into the online environment, where the cybereconomy rules and governments are struggling to control the people like they used to, all through a revolution more powerful than anything we\u2019ve seen before.", + "categories": "business", + "review_score": 7.2 + }, + { + "Unnamed: 0": 3478, + "book_name": "The Book of Mistakes", + "summaries": " follows the adventures of David, a young adult who is going through a rough patch and receives guidance from a wise man who teaches him the nine mistakes he should avoid, how to become successful, and a series of valuable life lessons that can save anyone many years of their life.", + "categories": "business", + "review_score": 8.2 + }, + { + "Unnamed: 0": 3479, + "book_name": "How To Be A Bawse", + "summaries": " briefly explores the life of Youtube superstar Lilly Singh and offers straightforward, yet practical advice on how to conquer your fears, follow your dreams and learn to use failures to your advantage in order to build the life you want to live.", + "categories": "business", + "review_score": 8.0 + }, + { + "Unnamed: 0": 3480, + "book_name": "The Practice", + "summaries": "\u00a0talks about ways to enhance your creativity, boost your innovation skills, upgrade your creative process, and most importantly, get disciplined in your practice to turn your hobby into a professional endeavor.", + "categories": "business", + "review_score": 7.2 + }, + { + "Unnamed: 0": 3481, + "book_name": "Invisible Women", + "summaries": " talks about the flaws in our societal system, which was built on the premise that men should rule and conquer the world while women should stay at home, which is why we\u2019re still seeing gender gaps in the personal, professional, and day-to-day lives of women.", + "categories": "business", + "review_score": 4.8 + }, + { + "Unnamed: 0": 3482, + "book_name": "The Person You Mean to Be", + "summaries": " teaches you how to navigate cognitive biases that may prevent you from forming meaningful relationships and experiencing the world as it is by leading you to wrongful assumptions or limitations about your environment or by anchoring you in your preexisting beliefs.", + "categories": "business", + "review_score": 4.7 + }, + { + "Unnamed: 0": 3483, + "book_name": "Die With Zero", + "summaries": " teaches us that wealth accumulation isn\u2019t the only aspect of our life that we should be chasing, but rather keep an eye on meaningful experiences, our relationships, and the limited time we have on earth.", + "categories": "business", + "review_score": 3.1 + }, + { + "Unnamed: 0": 3484, + "book_name": "Expert Secrets", + "summaries": " teaches you how to create and implement an informative marketing plan and putting it into practice, while also showing you what problem you must solve for your prospects or teach them how to do it themselves.", + "categories": "business", + "review_score": 8.5 + }, + { + "Unnamed: 0": 3485, + "book_name": "Blue Ocean Strategy", + "summaries": " talks about a new type of business strategy that doesn\u2019t necessarily rely on gaining a competitive advantage over your rivals, but on innovating your way out of the current market to create your own ocean of opportunities.", + "categories": "business", + "review_score": 1.8 + }, + { + "Unnamed: 0": 3486, + "book_name": "The 5 Choices", + "summaries": " teaches us how to reach our highest potential in the workplace and achieve the top level of productivity through a series of tips and tricks and work habits that can change your life right away if you\u2019re willing to give them a try.", + "categories": "business", + "review_score": 5.4 + }, + { + "Unnamed: 0": 3487, + "book_name": "The 22 Immutable Laws of Branding", + "summaries": " is a compilation of laws that provides insights for conducting successful marketing campaigns by focusing on the essence of branding and how brands must be created and managed in order to survive in the competitive world.", + "categories": "business", + "review_score": 8.2 + }, + { + "Unnamed: 0": 3488, + "book_name": "Hug Your Haters", + "summaries": " talks about the importance of acknowledging your haters or dissatisfied customers and valuing their opinion in the process of building better products, improving the existing offerings, and growing your strategies overall.", + "categories": "business", + "review_score": 2.9 + }, + { + "Unnamed: 0": 3489, + "book_name": "The Invincible Company", + "summaries": " explores the secrets of a successful company by proving how focusing on strengthening the core business values and operations while concentrating on R&D in parallel is a better strategy than just disrupting continuously and seeking new markets.", + "categories": "business", + "review_score": 7.5 + }, + { + "Unnamed: 0": 3490, + "book_name": "Lessons from the Titans", + "summaries": " tells the story of some of the biggest industrial companies in the United States and presents life-long strategies, valuable ideas, and mistakes to avoid for any business who wants to achieve long-term success.", + "categories": "business", + "review_score": 4.3 + }, + { + "Unnamed: 0": 3491, + "book_name": "How to Talk to Anyone, Anytime, Anywhere", + "summaries": " shares the secrets of effective communication and teaches you how to adopt a charisma that\u2019ll help you navigate conversations easier, break the ice, and get your point across right away, and talk to people in general.", + "categories": "business", + "review_score": 4.7 + }, + { + "Unnamed: 0": 3492, + "book_name": "Pioneering Portfolio Management", + "summaries": " is a financial book that touches on subjects like institutional investments, asset classes, securities management, and how to adjust a portfolio based on risk, a diversified approach to investing, and overall asset allocation.", + "categories": "business", + "review_score": 5.2 + }, + { + "Unnamed: 0": 3493, + "book_name": "The Cult of We", + "summaries": " presents the story of WeWork, a hyped American company that offered office spaces for rent and became the most valuable start-up in the world, only to be exposed later on as a massively overpriced business that was in fact losing a million dollars a day.", + "categories": "business", + "review_score": 6.1 + }, + { + "Unnamed: 0": 3494, + "book_name": "The Lost Art of Connecting", + "summaries": " explores ways to build meaningful and genuine relationships in life by using the Gather, Ask, Do method and relying less on gaining benefits from networking, but rather on deepening your connection with other human beings and cultivating authentic emotions.", + "categories": "business", + "review_score": 6.2 + }, + { + "Unnamed: 0": 3495, + "book_name": "Die Empty", + "summaries": " talks about the importance of following your dreams and aspirations, living a meaningful, active life, and using your native gifts to create a legacy and inspire others to tap into their own potential as well.", + "categories": "business", + "review_score": 1.3 + }, + { + "Unnamed: 0": 3496, + "book_name": "The Sales Advantage", + "summaries": " offers a practical guide to acquiring customers, closing sales, and increasing profits by following a series of proven techniques from a corporate coaching course about sales procedures.", + "categories": "business", + "review_score": 9.0 + }, + { + "Unnamed: 0": 3497, + "book_name": "Raise Your Game", + "summaries": " delves into the philosophy of peak performance presented by a former basketball coach who achieved success by focusing on self-awareness, discipline, and a series of virtues.", + "categories": "business", + "review_score": 1.4 + }, + { + "Unnamed: 0": 3498, + "book_name": "Woke, Inc.", + "summaries": " taps into the dark secrets of the woke culture in corporate America, which organizations generate tremendous amounts of profit by hiding behind causes like social justice, gender equality, climate change, and many other popular matters.", + "categories": "business", + "review_score": 6.0 + }, + { + "Unnamed: 0": 3499, + "book_name": "Masters of Scale", + "summaries": " teaches entrepreneurs ways to open up a successful company and scale it from the grounds-up by going into detail about the right business practices, how to seize opportunities, and foster an organizational culture that encourages innovation and customer-centricity.", + "categories": "business", + "review_score": 7.0 + }, + { + "Unnamed: 0": 3500, + "book_name": "The Mom Test", + "summaries": " talks about ways to tell if your business idea is great or terrible by assessing the opinions of your friends, family, and investors accordingly, and not believing everything they say just to make you feel good.", + "categories": "business", + "review_score": 4.2 + }, + { + "Unnamed: 0": 3501, + "book_name": "Mind Hacking", + "summaries": " is a hands-on guide on how to transform your mind in just 21 days, which is the time required for your brain to form new habits and adapt to changes, and teaches you how to reprogram your brain to follow healthier, better habits, and ditch the self-sabotaging patterns that stand in your way.", + "categories": "business", + "review_score": 3.3 + }, + { + "Unnamed: 0": 3502, + "book_name": "Inspired", + "summaries": " taps into a popular subject, which is how to build successful products that sell, run a thriving business by avoiding common mistakes and traps along the way by motivating employees and setting a prime example through knowledge and skills, all while developing worthwhile products that are needed on the market.", + "categories": "business", + "review_score": 1.2 + }, + { + "Unnamed: 0": 3503, + "book_name": "Invent & Wander", + "summaries": " is a collection of Jeff Bezos\u2019s writings and letters to its shareholders, in which he expresses his philosophy of life and his way of doing business, which ultimately led him to know tremendous success and write history with his two companies: Amazon and Blue Origin.", + "categories": "business", + "review_score": 1.8 + }, + { + "Unnamed: 0": 3504, + "book_name": "Courage Is Calling", + "summaries": "\u00a0analyzes the actions taken in difficult situations by some of history\u2019s leading figures, thus drawing conclusions about what makes someone courageous and showing you how to become a braver person day-by-day, step-by-step.", + "categories": "business", + "review_score": 2.7 + }, + { + "Unnamed: 0": 3505, + "book_name": "Show Your Work!", + "summaries": " talks about the importance of being discoverable, showcasing your work like a professional, and networking properly in order to succeed with your creative work.", + "categories": "business", + "review_score": 6.8 + }, + { + "Unnamed: 0": 3506, + "book_name": "High-Impact Tools for Teams", + "summaries": " aims to combat recurring project-management problems that take place in teams and especially during meetings, which tend to get chaotic and deviate from their initial purpose, all through the Team Alignment Map, a solution proposed by the authors. ", + "categories": "business", + "review_score": 5.3 + }, + { + "Unnamed: 0": 3507, + "book_name": "10-Minute Toughness", + "summaries": " is a hands-on guide to becoming the best version of yourself and achieving success through consistent good practices such as eating right, forming meaningful relationships, committing to your goals publicly, visualizing your achievements, and many others.", + "categories": "business", + "review_score": 4.5 + }, + { + "Unnamed: 0": 3508, + "book_name": "Testing Business Ideas", + "summaries": " highlights the importance of trial and error, learning from mistakes and prototypes, and always improving your offerings in a business, so as to bring a successful product to the market that will sell instead of causing you troubles.", + "categories": "business", + "review_score": 5.1 + }, + { + "Unnamed: 0": 3509, + "book_name": "Value Proposition Design", + "summaries": " opens up a new perspective of what added value in a product consists of, how to find and target your market correctly, how you can design a product successfully, bring it forth to your prospects and have them be excited to buy it, all through the creation of a customer-centric business", + "categories": "business", + "review_score": 4.0 + }, + { + "Unnamed: 0": 3510, + "book_name": "Don Quixote", + "summaries": " is a classic novel from 1605 which portraits the life and insightful journey of Don Quixote de la Mancha, a Spanish man who seems to be losing his mind on his quest to become a knight and restore chivalry alongside with a farmer named Sancho Panza, with whom he fights multiple imaginary enemies and faces a series of fantastic challenges.", + "categories": "business", + "review_score": 7.5 + }, + { + "Unnamed: 0": 3511, + "book_name": "Perfectly Confident", + "summaries": " explores the idea of confidence and offers a series of valuable practices that anyone can implement in their life to improve this aspect, as well as an overview of how confidence is supposed to look and feel like in its realest form, without adding or subtracting too much of it. ", + "categories": "business", + "review_score": 6.8 + }, + { + "Unnamed: 0": 3512, + "book_name": "Common Stocks and Uncommon Profits", + "summaries": " paves the way to success for all investors by outlining how to analyse stocks, understand the market, make smart investments and wise money decisions, and profit from them by being patient with the stock market and keeping your money in for the long-term.", + "categories": "business", + "review_score": 8.4 + }, + { + "Unnamed: 0": 3513, + "book_name": "The Psychology of Money", + "summaries": " explores how money moves around in an economy and how personal biases and the emotional factor play an important role in our financial decisions, as well as how to think more rationally and make better decisions when it comes to money.", + "categories": "business", + "review_score": 5.0 + }, + { + "Unnamed: 0": 3514, + "book_name": "Anxiety at Work", + "summaries": " outlines the importance of having a harmonious working environment due to the constant increase in people\u2019s stress levels from their professional lives, and how managers, direct supervisors, CEOs, and other executive bodies can help reduce it by fostering a healthy environment.", + "categories": "business", + "review_score": 4.3 + }, + { + "Unnamed: 0": 3515, + "book_name": "The Art of Rhetoric", + "summaries": " is an ancient, time-proven reference book that explores the secrets behind persuasion, rhetoric, and good public speaking by providing compelling information on what a good speech should consist of and how truth and virtue are at the foundation of every good story.", + "categories": "business", + "review_score": 4.5 + }, + { + "Unnamed: 0": 3516, + "book_name": "Boss It", + "summaries": " is a hands-on guide to entrepreneurship and what running business implies, from motivation, to hard work, consistency, great time management and a series of practical skills that are needed to fully succeed in this environment.", + "categories": "business", + "review_score": 5.0 + }, + { + "Unnamed: 0": 3517, + "book_name": "Hiring Success", + "summaries": " highlights the importance of the human resource for any company and describes a successful business approach that focuses on finding highly trained and skilled future employees as a source of competitive advantage on the market.", + "categories": "business", + "review_score": 1.9 + }, + { + "Unnamed: 0": 3518, + "book_name": "Legendary Service", + "summaries": " talks about the principles behind extraordinary customer service and how a company can implement them to achieve a competitive advantage and stand out on the market using simple, yet crucial tactics to satisfy customers.", + "categories": "business", + "review_score": 2.7 + }, + { + "Unnamed: 0": 3519, + "book_name": "Disney U", + "summaries": " outlines the principles that create the customer-centric philosophy of Disney and contribute to the company\u2019s massive success, while also highlighting some aspects of their organizational culture, such as caring for their staff and providing high-quality training.", + "categories": "business", + "review_score": 8.7 + }, + { + "Unnamed: 0": 3520, + "book_name": "The Power of Focus", + "summaries": " offers its readers a focus-based approach that they can use to achieve their financial and personal goals through practical exercises and habits that they can implement into their daily lives to actively shape their future.", + "categories": "business", + "review_score": 6.3 + }, + { + "Unnamed: 0": 3521, + "book_name": "An Ugly Truth", + "summaries": " offers a critical look at Facebook and its administrators, who foster a gaslighting environment and a controversial social media platform that can easily become a danger for its users both virtually and in real life due to its immense power and influence on our society.", + "categories": "business", + "review_score": 9.1 + }, + { + "Unnamed: 0": 3522, + "book_name": "The Burnout Fix", + "summaries": " delivers practical advice on how to thrive in the dynamic working environment we revolve around every day by setting healthy boundaries, keeping a work-life balance, and prioritizing our well-being.", + "categories": "business", + "review_score": 9.9 + }, + { + "Unnamed: 0": 3526, + "book_name": "Socialism", + "summaries": " by Michael Newman outlines the history of the governmental theory that everything should be owned and controlled by the community as a whole, including how this idea has impacted the world in the last 200 years, how its original aims have been lost, and ways we might use it in the future.", + "categories": "business", + "review_score": 6.0 + }, + { + "Unnamed: 0": 3527, + "book_name": "The Data Detective", + "summaries": " will make you smarter by showing how you can understand statistics well enough to see how they, and the beliefs and cognitive biases they can make you have, make such a huge impact in your life, for better or for worse, and how to separate fact from fiction.", + "categories": "business", + "review_score": 6.9 + }, + { + "Unnamed: 0": 3528, + "book_name": "Hyper-Learning", + "summaries": " shows how people and companies can adapt in the rapidly changing world we live in today, explaining how a growth mindset, colleaboration, and losing your ego will build your confidence that you can stay relevant and competitive as the world around you accelerates.", + "categories": "business", + "review_score": 3.9 + }, + { + "Unnamed: 0": 3529, + "book_name": "Billion Dollar Whale", + "summaries": " tells the incredible story of Jho Low, a Malaysian man who committed one of the biggest heists of the century by defrauding a national investment fund.", + "categories": "business", + "review_score": 5.2 + }, + { + "Unnamed: 0": 3530, + "book_name": "No Logo", + "summaries": " uses four parts, including \u201cNo Space,\u201d \u201cNo Choice,\u201d \u201cNo Jobs,\u201d and \u201cNo Logo,\u201d to explain the growth of brand power since the 1980s, how the focus of companies on image rather than products has affected employees, and to identify those who fight against large corporations and their brands.", + "categories": "business", + "review_score": 4.3 + }, + { + "Unnamed: 0": 3531, + "book_name": "No Rules Rules", + "summaries": " explains the incredibly unique and efficient company culture of Netflix, including the amazing levels of freedom and responsibility it gives employees and how this innovative way of running the business is the very reason that Netflix is so successful.", + "categories": "business", + "review_score": 4.9 + }, + { + "Unnamed: 0": 3532, + "book_name": "The Bitcoin Standard", + "summaries": " uses the history of money and gold to explain why Bitcoin is the way to go if the world wants to stick to having sound money and why it\u2019s the only cryptocurrency to be focusing on right now.", + "categories": "business", + "review_score": 7.9 + }, + { + "Unnamed: 0": 3533, + "book_name": "Cryptoassets", + "summaries": " is your guide to understanding this revolutionary new digital asset class and explains the history of Bitcoin, how to invest in it and other cryptocurrencies, and how the blockchain technology behind it all works.", + "categories": "business", + "review_score": 4.9 + }, + { + "Unnamed: 0": 3534, + "book_name": "Spark", + "summaries": " teaches you how to become an influential, un-fireable asset to your team at work by taking on the role of a leader regardless of your position, utilizing the power of creative thinking to make better decisions, and learning how to be more self-aware and humble.", + "categories": "business", + "review_score": 9.6 + }, + { + "Unnamed: 0": 3535, + "book_name": "Think Again", + "summaries": " will make you more intelligent, persuasive, and self-aware by identifying the power of being humble about what you don\u2019t know, how to recognize blind spots in your thinking before they start causing you problems, and what you can do to become more effective at convincing others of your way of thinking.", + "categories": "business", + "review_score": 8.3 + }, + { + "Unnamed: 0": 3536, + "book_name": "See You On The Internet", + "summaries": " is the ultimate beginner-level digital marketing guide that teaches you how to build an online business presence by doing everything from starting a website to managing social media accounts.", + "categories": "business", + "review_score": 9.2 + }, + { + "Unnamed: 0": 3537, + "book_name": "Small Giants", + "summaries": " is your guide to keeping your company little but mighty that will allow you to pass up deliberate growth for staying true to what\u2019s really important, which is your ideals, time, passions, and doing what you do best so well that customers can\u2019t help but flock to you.", + "categories": "business", + "review_score": 1.1 + }, + { + "Unnamed: 0": 3538, + "book_name": "Unlearn", + "summaries": " will show you how to win even in changing circumstances by revealing why the patterns you used for past successes won\u2019t always work and how to adopt a learning attitude to stop them from holding you back.", + "categories": "business", + "review_score": 1.4 + }, + { + "Unnamed: 0": 3539, + "book_name": "Mindful Work", + "summaries": " is your guide to understanding how the practice of meditation got its roots in Western society, the many ways it radically improves your brain\u2019s ability to do almost everything, and how it will improve your productivity.", + "categories": "business", + "review_score": 8.0 + }, + { + "Unnamed: 0": 3540, + "book_name": "Subscribed", + "summaries": " helps your company move to a subscription model by identifying the history of this innovative idea, how it makes businesses so successful, and what you need to do to implement it in your own company.", + "categories": "business", + "review_score": 7.0 + }, + { + "Unnamed: 0": 3541, + "book_name": "The Coach\u2019s Survival Guide", + "summaries": " gives you all the tools that you need to become a successful coach and make the biggest positive impact on your clients.", + "categories": "business", + "review_score": 2.1 + }, + { + "Unnamed: 0": 3542, + "book_name": "Pivot", + "summaries": " will give you the confidence you need to change careers by showing you how to prepare by examining your strengths, working with the right people, testing ideas, and creating opportunities.", + "categories": "business", + "review_score": 5.7 + }, + { + "Unnamed: 0": 3543, + "book_name": "Titan", + "summaries": " will inspire you to keep working hard to make your business goals happen by sharing the life story of John D. Rockefeller Sr., from his humble beginnings to his astronomical success as an oil tycoon and beyond.", + "categories": "business", + "review_score": 7.3 + }, + { + "Unnamed: 0": 3544, + "book_name": "The Charge", + "summaries": " shows you how to unlock the baseline and forward human drives within you that will help you get energized, grounded, and working so that you can have the life of happiness and fulfillment you\u2019ve always wanted.", + "categories": "business", + "review_score": 3.1 + }, + { + "Unnamed: 0": 3545, + "book_name": "Profit First", + "summaries": "\u00a0explains why traditional business finances are upside down and how, by focusing on profit first and reasoning up from there, you can grow your business to new heights more sustainably, all while being less stressed about money.", + "categories": "business", + "review_score": 9.6 + }, + { + "Unnamed: 0": 3546, + "book_name": "Power Relationships", + "summaries": " shows you how to have a fantastic career and a fulfilling life by connecting with the right people early and growing those relationships.", + "categories": "business", + "review_score": 8.1 + }, + { + "Unnamed: 0": 3547, + "book_name": "First, Break All The Rules", + "summaries": "\u00a0claims that everything you think you know about managing people is wrong, revealing how you can challenge the status quo so that both you and those you lead will achieve their full potential.", + "categories": "business", + "review_score": 1.5 + }, + { + "Unnamed: 0": 3548, + "book_name": "Nail It Then Scale It", + "summaries": " teaches you how to craft the perfect business plan and grow your company by focusing on getting to know your customers and solving their problems then creating products to solve those issues.", + "categories": "business", + "review_score": 7.4 + }, + { + "Unnamed: 0": 3549, + "book_name": "Team Of Teams", + "summaries": " reveals the incredible power that small teams have to manage the difficult and complicated issues that arise in every company and how even large organizations can take advantage of them by building a system of many teams that work together.", + "categories": "business", + "review_score": 4.3 + }, + { + "Unnamed: 0": 3550, + "book_name": "How I Built This", + "summaries": " is a compilation of the best tips and lessons that Guy Raz learned from interviewing the founders of the greatest businesses in the world on his podcast of the same name and teaches how to start a company and keep it running strong.", + "categories": "business", + "review_score": 8.5 + }, + { + "Unnamed: 0": 3551, + "book_name": "The Leadership Challenge", + "summaries": " shares the top leadership lessons from 25 years of experience and research of authors James Kouzes and Barry Posner and explains what makes successful managers and how you can apply the same principles to become one yourself.", + "categories": "business", + "review_score": 9.9 + }, + { + "Unnamed: 0": 3552, + "book_name": "The Wisdom Of Finance", + "summaries": " is a fascinating book that identifies the differences and similarities between the world of money and life experiences like relationships, showing how principles from each of these can benefit each other.", + "categories": "business", + "review_score": 7.0 + }, + { + "Unnamed: 0": 3553, + "book_name": "The Apology Impulse", + "summaries": " will help you and your business become more authentic in your relationships with others by identifying how much companies say sorry, why they do, how they get it wrong, and the right way to do it.", + "categories": "business", + "review_score": 4.4 + }, + { + "Unnamed: 0": 3554, + "book_name": "Good People", + "summaries": " is a book about business and leadership which explains the importance of focusing on and building integrity in the workplace, including why it\u2019s so vital if you want your company to be successful, how you can get it, and why an emphasis on competencies alone won\u2019t cut it anymore.", + "categories": "business", + "review_score": 1.6 + }, + { + "Unnamed: 0": 3555, + "book_name": "The Alchemist", + "summaries": " is a classic novel in which a boy named Santiago embarks on a journey seeking treasure in the Egyptian pyramids after having a recurring dream about it and on the way meets mentors, falls in love, and most importantly, learns the true importance of who he is and how to improve himself and focus on what really matters in life.", + "categories": "business", + "review_score": 1.7 + }, + { + "Unnamed: 0": 3556, + "book_name": "Fit For Growth", + "summaries": " is a guide to expanding your company\u2019s influence and profits by looking for ways to cut costs in the right places, restructuring your business model, and eliminating unnecessary departments to pave the way for exponential success.", + "categories": "business", + "review_score": 7.9 + }, + { + "Unnamed: 0": 3557, + "book_name": "High Performance Habits", + "summaries": " is your guide to building the six systems that science and the lives of the most successful people in the world prove will turn you into a productive, fulfilled, and extraordinary person.", + "categories": "business", + "review_score": 5.2 + }, + { + "Unnamed: 0": 3558, + "book_name": "Getting To Yes", + "summaries": " is a handbook for having successful negotiations that teaches everything you need to know about resolving conflicts of all kinds and reaching win-win solutions in every discussion without giving in or making the other person unhappy.", + "categories": "business", + "review_score": 4.7 + }, + { + "Unnamed: 0": 3559, + "book_name": "Presence", + "summaries": " is a life-changing guide to growing your self-confidence that shows how posture, mindset, and body language all expand your feeling of empowerment and your communication skills.", + "categories": "business", + "review_score": 6.7 + }, + { + "Unnamed: 0": 3560, + "book_name": "Radical Candor", + "summaries": "\u00a0will teach you how to connect with people at work, push them to be their best, know when and how to fire them, and create an environment of trust and innovation in the workplace.", + "categories": "business", + "review_score": 1.1 + }, + { + "Unnamed: 0": 3561, + "book_name": "Hillbilly Elegy", + "summaries": " is the inspiring autobiography of J.D. Vance who explains how his life began in poverty and turbulence and what he had to do to beat those difficult circumstances and rise to success.", + "categories": "business", + "review_score": 1.1 + }, + { + "Unnamed: 0": 3562, + "book_name": "Leadership and Self-Deception", + "summaries": " is a guide to becoming self-aware by learning to see your faults more accurately, understanding other\u2019s strengths and needs, and leaning into your natural instinct to help other people as much as possible.", + "categories": "business", + "review_score": 4.5 + }, + { + "Unnamed: 0": 3563, + "book_name": "Who Not How", + "summaries": " will skyrocket your success, happiness, and fulfillment in all areas of your life by identifying why you\u2019re looking at your problems the wrong way and how simply seeking to get the right people to help you will make all the difference.", + "categories": "business", + "review_score": 9.0 + }, + { + "Unnamed: 0": 3564, + "book_name": "The Ride Of A Lifetime", + "summaries": "\u00a0illustrates Robert Iger\u2019s journey to becoming the CEO of Disney, and how his vision, strategy, and guidance successfully led the company through a time when its future was highly uncertain.", + "categories": "business", + "review_score": 9.6 + }, + { + "Unnamed: 0": 3565, + "book_name": "Imagine It Forward", + "summaries": " inspires businesses and individuals to challenge outdated thinking and ways of doing work by sharing the life and business experiences of Beth Comstock, one of America\u2019s most innovative businesswomen.", + "categories": "business", + "review_score": 9.8 + }, + { + "Unnamed: 0": 3566, + "book_name": "The Four Steps To The Epiphany", + "summaries": " shows startups how to plan for and achieve success by giving examples of companies that failed and outlining the path they need to take to flourish.", + "categories": "business", + "review_score": 8.2 + }, + { + "Unnamed: 0": 3567, + "book_name": "Moneyland", + "summaries": " uncovers the mystery of how the rich keep getting richer by revealing the great lengths they\u2019ll go to so they can avoid taxes and other things that threaten their wealth.", + "categories": "business", + "review_score": 1.9 + }, + { + "Unnamed: 0": 3568, + "book_name": "Winners Dream", + "summaries": " will inspire you to get up and get moving to make your biggest goals happen by sharing the incredible rags to riches story of Bill McDermott, who went from humble beginnings to CEO of the biggest software company in the world simply by having a vision of what he wanted in life.", + "categories": "business", + "review_score": 7.6 + }, + { + "Unnamed: 0": 3569, + "book_name": "Everybody Matters", + "summaries": " identifies the best way to become successful in business, help your team members trust you, and enable people to reach their full potential by showing the power of taking better care of your employees as if they were family.", + "categories": "business", + "review_score": 8.9 + }, + { + "Unnamed: 0": 3570, + "book_name": "The Art Of The Start", + "summaries": " is your guide to beginning a company and explains everything from getting the right people on board to writing a winning business plan and building your brand.", + "categories": "business", + "review_score": 6.5 + }, + { + "Unnamed: 0": 3571, + "book_name": "Willpower Doesn\u2019t Work", + "summaries": " shows you how to change your life in a more efficient way than relying on sheer grit alone by identifying the importance of your environment and other factors that affect your productivity so you can become your best self.", + "categories": "business", + "review_score": 1.8 + }, + { + "Unnamed: 0": 3572, + "book_name": "The Fifth Discipline", + "summaries": " shows you how to find joy at work again as an employee and improve your company\u2019s productivity if you\u2019re an employer by outlining the five values you must adopt to turn your workplace into a learning environment.", + "categories": "business", + "review_score": 6.4 + }, + { + "Unnamed: 0": 3573, + "book_name": "Building A StoryBrand", + "summaries": " is your guide to turning your sales pages and product into an adventure for your clients by identifying the seven steps to successful storytelling as a company and how to craft the clearest message possible so that they will understand and want to be part of it.", + "categories": "business", + "review_score": 4.8 + }, + { + "Unnamed: 0": 3574, + "book_name": "Be Our Guest", + "summaries": " shows you how to take better care of your customers by outlining the philosophy and systems that Disney has for taking care of theirs which have helped it become one of the most successful companies in the world.", + "categories": "business", + "review_score": 7.2 + }, + { + "Unnamed: 0": 3575, + "book_name": "Joy At Work", + "summaries": " takes Marie Kondo\u2019s famous tidying-up tips and applies it to your job to help you be happier in the physical areas, digital spaces, and uses of your time in the office.", + "categories": "business", + "review_score": 4.5 + }, + { + "Unnamed: 0": 3576, + "book_name": "Epic Content Marketing", + "summaries": " shows why traditional methods for selling like TV and direct mail are dead and how creating content is the new future of advertising because it actually grabs people\u2019s attention by focusing on what they care about instead of your product.", + "categories": "business", + "review_score": 6.9 + }, + { + "Unnamed: 0": 3577, + "book_name": "Agile Selling", + "summaries": " helps you become a great salesperson by identifying how successful people thrive in any sales position with the skills of learning and adapting quickly.", + "categories": "business", + "review_score": 8.3 + }, + { + "Unnamed: 0": 3578, + "book_name": "Success Through A Positive Mental Attitude", + "summaries": " is a classic self-improvement book that will boost your happiness and give you the life of your dreams by identifying what Napoleon Hill learned interviewing hundreds of successful people and sharing how their outlook on life helped them get to the top.", + "categories": "business", + "review_score": 7.6 + }, + { + "Unnamed: 0": 3579, + "book_name": "Brainfluence", + "summaries": " will help you get more sales by revealing people\u2019s subconscious thinking and their motivations in the decision-making process they use when buying.", + "categories": "business", + "review_score": 7.6 + }, + { + "Unnamed: 0": 3580, + "book_name": "Building Social Business", + "summaries": " will teach you how to change the world for the better by starting a company that does good for mankind, giving you all the answers about how they work and how to begin one of your own.", + "categories": "business", + "review_score": 2.2 + }, + { + "Unnamed: 0": 3581, + "book_name": "Brandwashed", + "summaries": " will help you make better buying decisions by identifying the psychological tools that marketers use to turn your own brain against you and make you think that you need to buy their products.", + "categories": "business", + "review_score": 7.0 + }, + { + "Unnamed: 0": 3582, + "book_name": "The 4 Day Week", + "summaries": " will help you improve your personal productivity and that of everyone around you by outlining a powerful technique to reduce the workweek by one day and implement other changes to help employees be healthier, happier, and more focused.", + "categories": "business", + "review_score": 9.6 + }, + { + "Unnamed: 0": 3583, + "book_name": "Cashvertising", + "summaries": " teaches you how to become an expert at marketing by using techniques like using the power of authority, following the three steps of writing a perfect headline, and appealing to the eight basic desires people have instead of spending millions on ads.", + "categories": "business", + "review_score": 6.9 + }, + { + "Unnamed: 0": 3584, + "book_name": "Change By Design", + "summaries": " makes you a better problem solver at every aspect of life by outlining the design thinking process that companies can use to innovate and improve.", + "categories": "business", + "review_score": 4.8 + }, + { + "Unnamed: 0": 3585, + "book_name": "Built To Sell", + "summaries": " shows you how to become a successful entrepreneur by explaining the steps necessary to grow a small service company and one day sell it.", + "categories": "business", + "review_score": 2.0 + }, + { + "Unnamed: 0": 3586, + "book_name": "SPIN Selling", + "summaries": " is your guide to becoming an expert salesperson by identifying what the author learned from 35,000 sales calls and 12 years of research on the topic.", + "categories": "business", + "review_score": 5.8 + }, + { + "Unnamed: 0": 3587, + "book_name": "Cradle To Cradle", + "summaries": " uncovers the hidden problems with manufacturing, how they affect our planet, and what you can do to help by becoming eco-efficient.", + "categories": "business", + "review_score": 2.0 + }, + { + "Unnamed: 0": 3588, + "book_name": "Business Model Generation", + "summaries": " teaches you how to start your own company by explaining the details of matching your customer\u2019s needs with your product\u2019s capabilities, managing finances, and everything else involved in the planning stages of entrepreneurship.", + "categories": "business", + "review_score": 9.7 + }, + { + "Unnamed: 0": 3589, + "book_name": "Boost!", + "summaries": " is a guide for becoming more productive at work by using the preparation and performance techniques that world-class athletes use to win gold medals.", + "categories": "business", + "review_score": 4.7 + }, + { + "Unnamed: 0": 3590, + "book_name": "The Coaching Habit", + "summaries": " outlines the questions, attitudes, and habits required of managers who want to become great at motivating their team to become self-sustaining.", + "categories": "business", + "review_score": 4.2 + }, + { + "Unnamed: 0": 3591, + "book_name": "The Psychology Of Selling", + "summaries": " motivates you to work on your self-image and how you relate to customers so that you can close more deals.", + "categories": "business", + "review_score": 7.0 + }, + { + "Unnamed: 0": 3592, + "book_name": "The 4 Disciplines Of Execution", + "summaries": " outlines the path that company leaders and individuals must follow to set the right goals and improve behavior to achieve success on a bigger, long-term scale.", + "categories": "business", + "review_score": 4.7 + }, + { + "Unnamed: 0": 3593, + "book_name": "The Confidence Code", + "summaries": " empowers women to become more courageous by explaining their natural tendencies toward timidity and how to break them even in a world dominated by men. ", + "categories": "business", + "review_score": 8.5 + }, + { + "Unnamed: 0": 3594, + "book_name": "The Advice Trap", + "summaries": "\u00a0will drastically improve your communication skills and make you more likable, thanks to explaining why defaulting to sharing your opinion about everything is a bad idea and how listening until you truly understand people\u2019s needs will make a much bigger positive difference in their lives.", + "categories": "business", + "review_score": 6.3 + }, + { + "Unnamed: 0": 3595, + "book_name": "You\u2019re Not Listening", + "summaries": " is a book that will improve your communication skills by revealing how uncommon the skill of paying attention to what others are saying is and what experts teach about how to get better at it.", + "categories": "business", + "review_score": 2.2 + }, + { + "Unnamed: 0": 3596, + "book_name": "Ask", + "summaries": " shows you a method that helps you take the guesswork out of the equation so you can give your customers what they want even if they don\u2019t know what they want.", + "categories": "business", + "review_score": 6.4 + }, + { + "Unnamed: 0": 3597, + "book_name": "The Hero Factor", + "summaries": " teaches by example that real leadership success focuses on people as much as profits.", + "categories": "business", + "review_score": 8.8 + }, + { + "Unnamed: 0": 3598, + "book_name": "Buyology", + "summaries": " shows you how to spend less money by revealing the psychological traps that companies use to hack your brain and get you to purchase their products without you even realizing they\u2019re doing it.", + "categories": "business", + "review_score": 7.0 + }, + { + "Unnamed: 0": 3599, + "book_name": "The Business Romantic", + "summaries": " shows how doing business that is focused on passion and connection leads to more success in today\u2019s world.", + "categories": "business", + "review_score": 2.2 + }, + { + "Unnamed: 0": 3600, + "book_name": "Brotopia", + "summaries": " motivates you to be fairer in the workplace as an employee or employer by revealing the sad sexist state of Silicon Valley.", + "categories": "business", + "review_score": 5.3 + }, + { + "Unnamed: 0": 3601, + "book_name": "It Doesn\u2019t Have To Be Crazy At Work", + "summaries": " helps you relax about the current hurry-up and work yourself to death culture and instead see why getting rid of these stressful mentalities will make you and your company more focused, calm, and productive.", + "categories": "business", + "review_score": 5.5 + }, + { + "Unnamed: 0": 3602, + "book_name": "Alibaba", + "summaries": " shares the inspiring story of Jack Ma\u2019s hard work, entrepreneurial vision, and smart thinking that helped him build one of the most successful and influential companies in the world. ", + "categories": "business", + "review_score": 4.8 + }, + { + "Unnamed: 0": 3603, + "book_name": "What They Don\u2019t Teach You At Harvard Business School", + "summaries": " teaches why succeeding in business has less to do with accumulated theoretical knowledge through schooling and books, and more about people and communication.", + "categories": "business", + "review_score": 8.0 + }, + { + "Unnamed: 0": 3604, + "book_name": "The Box", + "summaries": " teaches how the drive and imagination of one entrepreneur impacted the world economy and changed the face of global trade with container shipping. ", + "categories": "business", + "review_score": 8.7 + }, + { + "Unnamed: 0": 3605, + "book_name": "Measure What Matters", + "summaries": " teaches you how to implement tracking systems into your company and life that will help you record your progress, stay accountable, and make reaching your goals almost inevitable.", + "categories": "business", + "review_score": 4.0 + }, + { + "Unnamed: 0": 3606, + "book_name": "Be Obsessed Or Be Average", + "summaries": " motivates you to get your heart into your work and live up to your true potential by identifying the thinking patterns and work habits of the passionate, successful, and driven Grant Cardone.", + "categories": "business", + "review_score": 7.0 + }, + { + "Unnamed: 0": 3607, + "book_name": "Leadership Strategy And Tactics", + "summaries": " shows you how to become effective when you\u2019re in charge by using the power of traits like accountability, humility, and others that Jocko Willink uses to lead his team of Navy SEALs.", + "categories": "business", + "review_score": 9.3 + }, + { + "Unnamed: 0": 3608, + "book_name": "The Algebra of Happiness", + "summaries": " outlines the variables in the equation for happiness and how to build them in your life.", + "categories": "business", + "review_score": 5.8 + }, + { + "Unnamed: 0": 3609, + "book_name": "The Power Paradox", + "summaries": " frames the concept of power in an inspiring new narrative, which can help us create better and more equal relationships, workplaces, and societies.", + "categories": "business", + "review_score": 1.7 + }, + { + "Unnamed: 0": 3610, + "book_name": "What Got You Here Won\u2019t Get You There", + "summaries": " helps you overcome your personality traits and behaviors that stop you from achieving even more success.\u00a0", + "categories": "business", + "review_score": 9.1 + }, + { + "Unnamed: 0": 3611, + "book_name": "Born A Crime", + "summaries": " will inspire you to make great things happen no matter what circumstances you\u2019re born into by revealing the story of how Trevor Noah grew up as a mixed child in South Africa on the way to becoming an adult.", + "categories": "business", + "review_score": 1.8 + }, + { + "Unnamed: 0": 3612, + "book_name": "Trillion Dollar Coach", + "summaries": " will help you become a better leader in the office by sharing the life and teachings of businessman Bill Campbell who helped build multi-billion dollar companies in Silicon Valley.", + "categories": "business", + "review_score": 9.6 + }, + { + "Unnamed: 0": 3613, + "book_name": "An American Sickness", + "summaries": " will motivate you to see what you can do to help improve the state of healthcare in the United States by blowing open the recent greed, corruption, and selfishness of healthcare companies.", + "categories": "business", + "review_score": 2.1 + }, + { + "Unnamed: 0": 3614, + "book_name": "Business Adventures", + "summaries": " will teach you how to run a company, invest in the stock market, change jobs, and many other things by sharing some of the most interesting experiences that big companies and their leaders have had over the last century.", + "categories": "business", + "review_score": 9.3 + }, + { + "Unnamed: 0": 3615, + "book_name": "Barbarians At The Gate", + "summaries": " shows you how not to run a business and reveals the shocking greed of corporate America in the 1980s by telling the story of the leveraged buyout of RJR Nabisco.", + "categories": "business", + "review_score": 8.2 + }, + { + "Unnamed: 0": 3616, + "book_name": "The Storytelling Edge", + "summaries": " will boost your communication and persuasiveness skills by showing you how to tell powerful narratives in a convincing way and giving examples of why you should.", + "categories": "business", + "review_score": 6.8 + }, + { + "Unnamed: 0": 3617, + "book_name": "Accounting Made Simple", + "summaries": " is your guide to learning the fundamental charts, equations, and concepts of managing a business\u2019s financial statements.", + "categories": "business", + "review_score": 9.7 + }, + { + "Unnamed: 0": 3618, + "book_name": "The Execution Factor", + "summaries": " will show you how to become successful by utilizing the power of vision, passion, action, resilience, and relationships that propelled author Kim Perell from unemployed and broke to a multi-millionaire in just seven years. ", + "categories": "business", + "review_score": 4.6 + }, + { + "Unnamed: 0": 3619, + "book_name": "Amazon", + "summaries": " will help you make your business better by sharing what made Jeff Bezos\u2019s gigantic company so successful at going from its humble beginnings to now dominating the e-commerce market.", + "categories": "business", + "review_score": 7.2 + }, + { + "Unnamed: 0": 3620, + "book_name": "Adaptive Markets", + "summaries": " gives you a better understanding of how the movement of money in the world works by outlining the characteristics of the market, some of which are more like living creatures than you might think.", + "categories": "business", + "review_score": 3.7 + }, + { + "Unnamed: 0": 3621, + "book_name": "Alchemy", + "summaries": " is your guide to making magic happen in business and life by teaching you how to practice irrational thinking to stand out and come up with powerful solutions to your problems and those of others. ", + "categories": "business", + "review_score": 3.5 + }, + { + "Unnamed: 0": 3622, + "book_name": "The Go-Giver", + "summaries": " teaches a pattern for becoming a better person and seeing more success in business and work by focusing on being authentic and giving as much value as possible. ", + "categories": "business", + "review_score": 9.8 + }, + { + "Unnamed: 0": 3623, + "book_name": "Arise, Awake", + "summaries": " will inspire you to move forward with your entrepreneurial dreams by sharing the inspirational stories of six Indian entrepreneurs and the lessons they learned on the path to success.", + "categories": "business", + "review_score": 9.5 + }, + { + "Unnamed: 0": 3624, + "book_name": "7 Strategies For Wealth And Happiness", + "summaries": " is the ultimate guide to improving your wealth through self-discipline, action, and a positive attitude toward work, money, and the people around you.", + "categories": "business", + "review_score": 9.9 + }, + { + "Unnamed: 0": 3625, + "book_name": "A Whole New Mind", + "summaries": " is your guide to standing out in the competitive workplace by taking advantage of the big-picture skills of the right side of your brain.", + "categories": "business", + "review_score": 1.1 + }, + { + "Unnamed: 0": 3626, + "book_name": "Extraordinary Influence", + "summaries": " helps you become a better leader by revealing what neuroscience has to say about effective leadership, identifying communication as the key to the highest levels of performance.", + "categories": "business", + "review_score": 3.5 + }, + { + "Unnamed: 0": 3627, + "book_name": "The Passion Paradox", + "summaries": " explains the risks of blindly following what we love to do the most and teaches us how to cultivate our passions in a way that can lead us to a fulfilling life.\u00a0", + "categories": "business", + "review_score": 5.1 + }, + { + "Unnamed: 0": 3628, + "book_name": "A More Beautiful Question", + "summaries": " will teach you how to ask more and better questions, showing you the power that the right questions have to transform your life for the better.", + "categories": "business", + "review_score": 7.9 + }, + { + "Unnamed: 0": 3629, + "book_name": "23 Things They Don\u2019t Tell You About Capitalism", + "summaries": " will help you think more clearly about our current economic state by uncovering the hidden consequences of free-market capitalism and offering solutions that could give us all a more fair world.", + "categories": "business", + "review_score": 6.8 + }, + { + "Unnamed: 0": 3630, + "book_name": "A Return To Love", + "summaries": " will help you let go of resentment, fear, and anger to have happier and healthier jobs and relationships by teaching you how to embrace the power of love.", + "categories": "business", + "review_score": 4.5 + }, + { + "Unnamed: 0": 3631, + "book_name": "60 Seconds & You\u2019re Hired!", + "summaries": " is a guide to getting your dream job that will help you feel confident in your next interview by teaching you how to impress your interviewer with being concise, focusing on your strengths, and knowing what to do at every step of the process.", + "categories": "business", + "review_score": 1.6 + }, + { + "Unnamed: 0": 3632, + "book_name": "A Message To Garcia", + "summaries": " teaches you how to be the best at your job by becoming a dedicated worker with a good attitude about whatever tasks your company gives you.", + "categories": "business", + "review_score": 7.2 + }, + { + "Unnamed: 0": 3633, + "book_name": "Blue Ocean Shift", + "summaries": " guides you through the steps to beating out your competition by creating new markets that aren\u2019t overcrowded.", + "categories": "business", + "review_score": 9.0 + }, + { + "Unnamed: 0": 3634, + "book_name": "Time And How To Spend It", + "summaries": " is your guide to becoming more productive by not focusing on working extra hours but instead using the time off more effectively.", + "categories": "business", + "review_score": 6.1 + }, + { + "Unnamed: 0": 3635, + "book_name": "Unlocking Potential", + "summaries": " is a guide that will help you as a leader make a difference in people\u2019s lives in the long run by learning how to coach people in a way that brings to light their greatest strengths and capabilities.", + "categories": "business", + "review_score": 7.0 + }, + { + "Unnamed: 0": 3636, + "book_name": "Bullshit Jobs", + "summaries": " asserts that roughly two out of every five people are stuck in work that is bereft of purpose, and these workers could suffer psychological damage as a result. ", + "categories": "business", + "review_score": 2.6 + }, + { + "Unnamed: 0": 3637, + "book_name": "The 5 Levels Of Leadership", + "summaries": " will teach you how to lead others with lasting influence by focusing on your people instead of your position.", + "categories": "business", + "review_score": 7.9 + }, + { + "Unnamed: 0": 3638, + "book_name": "No Excuses!", + "summaries": " teaches us that self-discipline is the key to success and gives us practical advice to master it and achieve self-actualization, happy relationships, and financial security.", + "categories": "business", + "review_score": 9.7 + }, + { + "Unnamed: 0": 3639, + "book_name": "Big Potential", + "summaries": " will show you that the real secret to success and thriving in all aspects of life is developing strong connections with others and treating them in a way that lifts them up.", + "categories": "business", + "review_score": 7.8 + }, + { + "Unnamed: 0": 3640, + "book_name": "Getting There", + "summaries": " will inspire you to move toward your entrepreneurial dreams with the business journeys of six successful entrepreneurs. ", + "categories": "business", + "review_score": 1.3 + }, + { + "Unnamed: 0": 3641, + "book_name": "You Are A Badass At Making Money", + "summaries": " will help you stop making excuses and get over your bad relationship with money to become a money-making machine.", + "categories": "business", + "review_score": 3.9 + }, + { + "Unnamed: 0": 3642, + "book_name": "In Search Of Excellence", + "summaries": " is a study of America\u2019s top 15 companies, revealing what entrepreneurs should focus on if they want their businesses to thrive.", + "categories": "business", + "review_score": 8.8 + }, + { + "Unnamed: 0": 3643, + "book_name": "Never Split the Difference", + "summaries": "\u00a0is one of the best negotiation manuals ever written, explaining why you should never compromise, and how to negotiate like a pro in your everyday life as well as high-stakes situations.", + "categories": "business", + "review_score": 8.0 + }, + { + "Unnamed: 0": 3644, + "book_name": "The Dip", + "summaries": " teaches us that, between starting and succeeding, there\u2019s a time of struggle when we should either pursue excellence or quit strategically while helping us choose between the two.", + "categories": "business", + "review_score": 7.6 + }, + { + "Unnamed: 0": 3645, + "book_name": "This Is Marketing", + "summaries": " argues that marketing success in today\u2019s world comes from focusing more on the needs, values, and desires of our target audience, rather than spamming as many people as possible with our message.", + "categories": "business", + "review_score": 1.2 + }, + { + "Unnamed: 0": 3646, + "book_name": "Start Something That Matters", + "summaries": " encourages you to overcome your fear of the unknown and create a business that not only makes money but also helps people, even if you have few resources to start with. ", + "categories": "business", + "review_score": 9.9 + }, + { + "Unnamed: 0": 3647, + "book_name": "Catalyst", + "summaries": " explains why extraordinary career growth requires the right stimuli at the right time to propel you to the next level, and shows you how to cultivate them.", + "categories": "business", + "review_score": 7.1 + }, + { + "Unnamed: 0": 3648, + "book_name": "QBQ!", + "summaries": " will teach you to ask better questions and stay accountable and why doing so will change every aspect of your life for the better.", + "categories": "business", + "review_score": 8.9 + }, + { + "Unnamed: 0": 3649, + "book_name": "Multipliers", + "summaries": "\u00a0explains the five types of people who inspire, support, and improve others in their organization, showing you how to become one as well as avoid diminishers, the people who drag down others and make it harder for them to perform.", + "categories": "business", + "review_score": 5.6 + }, + { + "Unnamed: 0": 3650, + "book_name": "EntreLeadership", + "summaries": " provides you with a path to becoming a great leader in your company by identifying the necessary management and entrepreneurial skills.", + "categories": "business", + "review_score": 1.1 + }, + { + "Unnamed: 0": 3651, + "book_name": "The Messy Middle", + "summaries": " challenges the notion that projects grow slowly and smoothly toward success by outlining the rocky but important intermediate stages of any journey and how to survive them.", + "categories": "business", + "review_score": 5.3 + }, + { + "Unnamed: 0": 3652, + "book_name": "The Start-Up of You", + "summaries": " explains why you need manage your career as if you were running a start-up to get ahead in today\u2019s ultra-competitive and ever-changing business world. ", + "categories": "business", + "review_score": 5.9 + }, + { + "Unnamed: 0": 3653, + "book_name": "The Effective Executive", + "summaries": " gives leaders a step-by-step formula to become more productive, developing their own strengths and those of their employees.", + "categories": "business", + "review_score": 6.3 + }, + { + "Unnamed: 0": 3654, + "book_name": "The Checklist Manifesto", + "summaries": "\u00a0explains\u00a0why checklists can\u00a0save lives and teaches you how to implement them correctly.", + "categories": "business", + "review_score": 7.5 + }, + { + "Unnamed: 0": 3655, + "book_name": "Girl, Wash Your Face", + "summaries": " inspires women to take their lives into their own hands and make their dreams happen, no matter how discouraged they may feel at the moment.", + "categories": "business", + "review_score": 6.5 + }, + { + "Unnamed: 0": 3656, + "book_name": "The 12 Week Year", + "summaries": " will teach you how to reliably hit your goals by planning in 12-week cycles instead of following our typical 12-month routine.", + "categories": "business", + "review_score": 5.5 + }, + { + "Unnamed: 0": 3657, + "book_name": "The Five Dysfunctions of a Team", + "summaries": " uses a fable to explain why even the best teams struggle to work together, offering actionable strategies to overcome distrust and office politics in order to achieve important goals as a cohesive, effective unit.", + "categories": "business", + "review_score": 7.6 + }, + { + "Unnamed: 0": 3658, + "book_name": "Crucial Conversations", + "summaries": " will teach you how to avoid conflict and come to positive solutions in high-stakes conversations so you can be effective in your personal and professional life. ", + "categories": "business", + "review_score": 7.8 + }, + { + "Unnamed: 0": 3659, + "book_name": "Executive Presence", + "summaries": "\u00a0is an actionable guide to the essential components of a strong leader\u2019s charisma, including and teaching you elements like gravitas, communication, appearance, and others.", + "categories": "business", + "review_score": 8.6 + }, + { + "Unnamed: 0": 3660, + "book_name": "Founders at Work", + "summaries": " shows you how to start a successful business based on the principles of the founders of some of the world\u2019s most famous and accomplished startups.", + "categories": "business", + "review_score": 2.9 + }, + { + "Unnamed: 0": 3661, + "book_name": "Hit Refresh", + "summaries": " tells the inspiring story of an Indian boy named Satya Nadella", + "categories": "business", + "review_score": 7.5 + }, + { + "Unnamed: 0": 3662, + "book_name": "Bad Blood", + "summaries": " is the story of how Elizabeth Holmes promised the world a medical miracle that actually operated on deception and lies. ", + "categories": "business", + "review_score": 6.5 + }, + { + "Unnamed: 0": 3663, + "book_name": "Contagious", + "summaries": " illustrates why certain ideas and products spread better than others by sharing compelling stories from the world of business, social campaigns, and media.", + "categories": "business", + "review_score": 2.6 + }, + { + "Unnamed: 0": 3664, + "book_name": "Great At Work", + "summaries": " examines what it takes to be a top performer and gives practical advice to achieve significant results at work while maintaining an excellent work-life balance.", + "categories": "business", + "review_score": 9.7 + }, + { + "Unnamed: 0": 3665, + "book_name": "Be Fearless", + "summaries": " shows that radical changes are more effective than small enhancements and urges us to be bold\u00a0in trying to make progress.\n", + "categories": "business", + "review_score": 9.8 + }, + { + "Unnamed: 0": 3666, + "book_name": "#GIRLBOSS", + "summaries": " shows that even an unconventional life can lead to success when you discover your passions and improve your skills in unusual and unpredictable ways.", + "categories": "business", + "review_score": 3.2 + }, + { + "Unnamed: 0": 3667, + "book_name": "The 5 AM Club", + "summaries": " helps you get up at 5 AM every morning, build a morning routine, and make time for the self-improvement you need to find success.", + "categories": "business", + "review_score": 1.7 + }, + { + "Unnamed: 0": 3668, + "book_name": "The Third Door", + "summaries": " follows an 18-year-old\u2019s wild quest of interviewing many of the world\u2019s most successful people to discover what it takes to get to the top.", + "categories": "business", + "review_score": 5.1 + }, + { + "Unnamed: 0": 3669, + "book_name": "Company Of One", + "summaries": " will teach you how going small, not big when creating your own company will bring you independence, income, and lots of free time without the hassles of having to manage employees, long meetings, and forced growth.", + "categories": "business", + "review_score": 1.3 + }, + { + "Unnamed: 0": 3670, + "book_name": "The Energy Bus", + "summaries": " is a fable that will help you create positive energy with ten simple rules and make it the center of your life, work, and relationships.", + "categories": "business", + "review_score": 5.2 + }, + { + "Unnamed: 0": 3671, + "book_name": "Blitzscaling", + "summaries": " is the strategy some of today\u2019s most valuable companies have used to achieve huge market shares, insanely fast growth, big profit margins, and become corporate giants in a very short time.", + "categories": "business", + "review_score": 1.9 + }, + { + "Unnamed: 0": 3672, + "book_name": "The Art Of Seduction", + "summaries": " is a template for persuading anyone, whether it\u2019s a business contact, a political adversary, or a love interest, to\u00a0act in your best interest.", + "categories": "business", + "review_score": 9.1 + }, + { + "Unnamed: 0": 3673, + "book_name": "The Greatest Salesman In The World", + "summaries": " is a business classic that will help you become better at sales by becoming a better person all around.", + "categories": "business", + "review_score": 8.7 + }, + { + "Unnamed: 0": 3674, + "book_name": "How Successful People Think", + "summaries": " lays out eleven specific ways of thinking you can practice to live a better, happier, more successful life.", + "categories": "business", + "review_score": 4.2 + }, + { + "Unnamed: 0": 3675, + "book_name": "How To Talk To Anyone", + "summaries": " is a collection of actionable tips to help you master the art of human communication, leave great first impressions and make people feel comfortable around you in all walks of life.", + "categories": "business", + "review_score": 6.7 + }, + { + "Unnamed: 0": 3676, + "book_name": "The Culture Code", + "summaries": " examines the dynamics of groups, large and small, formal and informal, to help you understand how great teams work and what you can do to improve your relationships wherever you cooperate with others.", + "categories": "business", + "review_score": 3.4 + }, + { + "Unnamed: 0": 3677, + "book_name": "Problem Solving 101", + "summaries": "\u00a0is a universal, four-step template for overcoming challenges in life, based on a traditional method Japanese school children learn early on.", + "categories": "business", + "review_score": 8.1 + }, + { + "Unnamed: 0": 3678, + "book_name": "Crushing It", + "summaries": " is Gary Vaynerchuk\u2019s follow-up to his personal branding manifesto Crush It, in which he reiterates the importance of a personal brand and shows you the endless possibilities that come with building one today.", + "categories": "business", + "review_score": 4.3 + }, + { + "Unnamed: 0": 3679, + "book_name": "Tribe of Mentors", + "summaries": " is a collection of over 100 mini-interviews, where some of the world\u2019s most successful people share their ideas around habits, learning, money, relationships, failure, success, and life.", + "categories": "business", + "review_score": 8.9 + }, + { + "Unnamed: 0": 3680, + "book_name": "Principles", + "summaries": " holds the set of rules for work and life billionaire investor and CEO of the most successful fund in history, Ray Dalio, has acquired through his 40-year career in finance.", + "categories": "business", + "review_score": 8.9 + }, + { + "Unnamed: 0": 3681, + "book_name": "Finish", + "summaries": " identifies perfectionism as the biggest enemy of your goals, in order to then help you defeat it with research backed strategies to get things out the door while having fun, taking the pressure off and cutting yourself some slack.", + "categories": "business", + "review_score": 7.7 + }, + { + "Unnamed: 0": 3682, + "book_name": "Finding My Virginity", + "summaries": " is Richard Branson\u2019s follow-up biography, which shares the highlights of his entrepreneurial journey over the past two decades.", + "categories": "business", + "review_score": 2.3 + }, + { + "Unnamed: 0": 3683, + "book_name": "Side Hustle", + "summaries": "\u00a0shows you how to set up new income streams without quitting your day job, taking you all the way from your initial idea to your first earned dollars in just 27 days.", + "categories": "business", + "review_score": 4.4 + }, + { + "Unnamed: 0": 3684, + "book_name": "The Fortune Cookie Principle", + "summaries": "\u00a0explains why a great product or service isn\u2019t enough, how you can tell a compelling story about your brand and why that\u2019s the most important aspect of running a business today.", + "categories": "business", + "review_score": 9.1 + }, + { + "Unnamed: 0": 3685, + "book_name": "The 10X Rule", + "summaries": " will show you how to achieve extraordinary success by pointing out what\u2019s wrong with shooting for average, why you should aim ten times higher when tackling your goals, and how to back up your new, bold targets with the right actions.", + "categories": "business", + "review_score": 4.1 + }, + { + "Unnamed: 0": 3686, + "book_name": "The Power Of Broke", + "summaries": " shows you how to leverage having no money into an advantage in business by compensating it with creativity, passion and authenticity.", + "categories": "business", + "review_score": 5.0 + }, + { + "Unnamed: 0": 3687, + "book_name": "Your Move: The Underdog\u2019s Guide to Building Your Business", + "summaries": " is Ramit Sethi\u2019s no-BS guide to starting your own business that\u2019ll help you escape the 9-to-5, all the way from coming up with profitable ideas, overcoming psychological barriers and figuring out who to sell to to growing, maintaining and systematizing your business in the future.", + "categories": "business", + "review_score": 5.2 + }, + { + "Unnamed: 0": 3688, + "book_name": "Pre-Suasion", + "summaries": " takes you through the latest social psychology research to explain how marketers, persuaders and our environment primes us to say certain things and take specific actions, as well as how you can harness the same ideas to master the art of persuasion.", + "categories": "business", + "review_score": 1.8 + }, + { + "Unnamed: 0": 3689, + "book_name": "Sprint", + "summaries": " completely overhauls your project management process so it allows you to go from zero to prototype in just five days and figure out if your idea is worth creating faster than ever.", + "categories": "business", + "review_score": 9.4 + }, + { + "Unnamed: 0": 3690, + "book_name": "The Innovator\u2019s Dilemma", + "summaries": " is a business classic that explains the power of disruption, why market leaders are often set up to fail as technologies and industries change and what incumbents can do to secure their market leadership for a long time.", + "categories": "business", + "review_score": 1.1 + }, + { + "Unnamed: 0": 3691, + "book_name": "The Snowball", + "summaries": " is the only authorized biography of Warren Buffett, the \u201cOracle of Omaha,\u201d legendary value investor and once richest man on earth, detailing his life from the very humble beginnings all the way to his unfathomable\u00a0success.", + "categories": "business", + "review_score": 7.6 + }, + { + "Unnamed: 0": 3692, + "book_name": "21 Days To A Big Idea", + "summaries": " shows you how to combine the creative and rational sides of your brain to come up with cool, new ideas and fun ways to implement them, which might even help you create a sustainable business in the long run, in as little as 21 days.", + "categories": "business", + "review_score": 1.6 + }, + { + "Unnamed: 0": 3693, + "book_name": "Making Ideas Happen", + "summaries": " is a systematized approach to coming up with creative ideas and, more importantly, actually executing them, that teams and companies can use to move their business and the world forward.", + "categories": "business", + "review_score": 6.0 + }, + { + "Unnamed: 0": 3694, + "book_name": "Six Thinking Hats", + "summaries": "\u00a0divides thinking into six distinct areas and perspectives, which will help you, your team, and your company tackle problems from different angles, thus solving them with the power of parallel thinking and saving time, money, and energy as a result.", + "categories": "business", + "review_score": 7.4 + }, + { + "Unnamed: 0": 3695, + "book_name": "How We Got To Now", + "summaries": " explores the history of innovation, how innovations connect to one another, create an environment for change and where innovations come from.", + "categories": "business", + "review_score": 9.3 + }, + { + "Unnamed: 0": 3696, + "book_name": "Steal Like An Artist", + "summaries": " gives you permission to copy your heroes\u2019 work and use it as a springboard to find your own, unique style, all while remembering to have fun, creating the right work environment for your art and letting neither criticism nor praise drive you off track.", + "categories": "business", + "review_score": 1.9 + }, + { + "Unnamed: 0": 3697, + "book_name": "How Will You Measure Your Life", + "summaries": " shows you how to sustain motivation at work and in life to spend your time on earth happily and fulfilled, by focusing not just on money and your career, but your family, relationships and personal well-being.", + "categories": "business", + "review_score": 5.3 + }, + { + "Unnamed: 0": 3698, + "book_name": "Free: The Future Of A Radical Price", + "summaries": " explains how offering things for free has moved from marketing gimmick to truly sustainable business strategy, thanks to the power of the internet, and how free and freemium models are already changing how\u00a0we sell stuff.", + "categories": "business", + "review_score": 7.0 + }, + { + "Unnamed: 0": 3699, + "book_name": "Chaos Monkeys", + "summaries": " is a fun behind-the-scenes look that lifts the veil on some of the weird, mysterious and sometimes questionable practices going on behind closed doors of mega startups in Silicon Valley.", + "categories": "business", + "review_score": 2.6 + }, + { + "Unnamed: 0": 3700, + "book_name": "Move Your Bus", + "summaries": "\u00a0illustrates the different kinds of groups in organizations, how leaders can inspire those groups, and what individuals can do to become highly valued, productive members of the organizations they serve.", + "categories": "business", + "review_score": 4.9 + }, + { + "Unnamed: 0": 3701, + "book_name": "Getting Everything You Can Out Of All You\u2019ve Got", + "summaries": " gives you 21 ways to beat the competition in business by working with the assets you have, but are not considering, learning to see opportunities where others see obstacles and doing things differently on purpose.", + "categories": "business", + "review_score": 1.5 + }, + { + "Unnamed: 0": 3702, + "book_name": "Facebook Ads Manual", + "summaries": " gives you an exact, step-by-step tutorial to create and run your first Facebook ads campaign, allowing you to market your product, page, or yourself to a massive audience for next to no money and make you a true social media marketer.", + "categories": "business", + "review_score": 2.5 + }, + { + "Unnamed: 0": 3703, + "book_name": "Alibaba\u2019s World", + "summaries": " is an inside look at one of the world\u2019s largest e-commerce companies from one of its\u00a0first Western employees, who served as its vice president and head of international marketing for several years, showing how this company turned from startup to global player in just 15 years.", + "categories": "business", + "review_score": 1.5 + }, + { + "Unnamed: 0": 3704, + "book_name": "iWoz", + "summaries": " is Steve Wozniak\u2019s autobiography, detailing his story in his own words, from early tinkering with electronics in his home, to college and his first job, all the way to singlehandedly creating the world\u2019s first desktop\u00a0computer, the Apple I and founding what would become the most valuable company in the world.", + "categories": "business", + "review_score": 1.4 + }, + { + "Unnamed: 0": 3705, + "book_name": "Winners: And How They Succeed", + "summaries": " draws on years of research and extensive interviews with a wide array of successful people to deliver a blueprint for what it takes to win in life based on strategy, leadership and team-building.", + "categories": "business", + "review_score": 7.3 + }, + { + "Unnamed: 0": 3706, + "book_name": "Benjamin Franklin: An American Life", + "summaries": " takes a thorough look at the life of one of the most influential humans that ever lived and explains how he could achieve such greatness in so many different fields and areas.", + "categories": "business", + "review_score": 4.3 + }, + { + "Unnamed: 0": 3707, + "book_name": "Moonshot!", + "summaries": " describes why now is the best time ever to build a business and how you can harness technology to create an experience customers will love by seeing the possibilities of the future before others do.", + "categories": "business", + "review_score": 2.3 + }, + { + "Unnamed: 0": 3708, + "book_name": "Behind The Cloud", + "summaries": " tells the story of Salesforce.com, one of the biggest and earliest cloud computing, software-as-a-service companies in the world and how it went from small startup to billion-dollar status.", + "categories": "business", + "review_score": 9.1 + }, + { + "Unnamed: 0": 3709, + "book_name": "The House Of Rothschild", + "summaries": " examines the facts and myth around the wealthiest family in the world in the 19th century, and how they managed to go from being outcast and isolated to building the biggest bank in the world.", + "categories": "business", + "review_score": 9.9 + }, + { + "Unnamed: 0": 3710, + "book_name": "The Idea Factory", + "summaries": " explains how one company, Bell Labs, has managed to spearhead innovation in the communications industry for almost 100 years by dedicating themselves to science and research, thus producing a disproportionately big share of the technology that significantly shapes our lives today.", + "categories": "business", + "review_score": 7.4 + }, + { + "Unnamed: 0": 3711, + "book_name": "Confessions Of An Advertising Man", + "summaries": " is the marketing bible of the 60s, written by \u201cthe father of advertising,\u201d David Ogilvy to inspire a philosophy of honesty, hard work and ethical behavior in his industry.", + "categories": "business", + "review_score": 1.2 + }, + { + "Unnamed: 0": 3712, + "book_name": "Grit", + "summaries": " describes what creates outstanding achievements, based on science, interviews with high achievers from various fields and the personal history of success of the author, Angela Duckworth, uncovering that achievement isn\u2019t reserved for the talented only, but for those with passion and perseverance.", + "categories": "business", + "review_score": 8.9 + }, + { + "Unnamed: 0": 3713, + "book_name": "Will It Fly", + "summaries": " is a step-by-step guide to testing your business idea, making sure your new venture\u00a0matches who you are, and not wasting time or money on something people won\u2019t want, so your business won\u2019t just run, but fly.", + "categories": "business", + "review_score": 6.7 + }, + { + "Unnamed: 0": 3714, + "book_name": "Million Dollar Consulting", + "summaries": " teaches you how to build a thriving consultancy business, by focusing on relationships, delivering strategic value and thinking long-term all the way through.", + "categories": "business", + "review_score": 5.6 + }, + { + "Unnamed: 0": 3715, + "book_name": "Content, Inc.", + "summaries": " describes a six-step model you can use to do your marketing long before you need it, without even having a product, or spending a lot of money, so your entrepreneurial venture will be a guaranteed success.", + "categories": "business", + "review_score": 7.2 + }, + { + "Unnamed: 0": 3716, + "book_name": "Design To Grow", + "summaries": " uses Coca-Cola as an example of how keeping a company stable and flexible at the same time over decades is not only possible, but a must to grow and scale your business across the globe.", + "categories": "business", + "review_score": 3.8 + }, + { + "Unnamed: 0": 3717, + "book_name": "Fooled By Randomness", + "summaries": " explains how luck, uncertainty, probability, human error, risk, and decision-making work together to influence our actions, set against the backdrop of business and specifically, investing, to uncover how much bigger the role of chance in our lives is, than we usually make it out to be.", + "categories": "business", + "review_score": 2.6 + }, + { + "Unnamed: 0": 3718, + "book_name": "Shoe Dog", + "summaries": " is the autobiography of Nike\u2019s founder Phil Knight, who at last decided to share the story of how he founded one of the most iconic, profitable and world-changing brands in the world.", + "categories": "business", + "review_score": 2.2 + }, + { + "Unnamed: 0": 3719, + "book_name": "The Long Tail", + "summaries": " explains why the big commercial hit is dead, how businesses can and will generate most of their future revenue from a long tail of niche products, which serve even the rarest customer needs, and what you can do to embrace this idea today.", + "categories": "business", + "review_score": 7.0 + }, + { + "Unnamed: 0": 3720, + "book_name": "Made To Stick", + "summaries": " examines advertising campaigns, urban myths and compelling stories to determine the six traits that make ideas stick in our brains, so you don\u2019t just know why you remember some things better than others, but can also spread your own ideas more easily among the right people.", + "categories": "business", + "review_score": 5.9 + }, + { + "Unnamed: 0": 3721, + "book_name": "The 22 Immutable Laws Of Marketing", + "summaries": " is an absolute marketing classic, outlining 22 rules by which companies function, and, depending on how much\u00a0you adhere to them, will determine the success or failure of your products and ultimately, your company.", + "categories": "business", + "review_score": 7.3 + }, + { + "Unnamed: 0": 3722, + "book_name": "Creativity, Inc.", + "summaries": " is an instruction manual for instilling inspiration into employees, managers and bosses, by revealing the hidden forces that get in the way, based on over\u00a030\u00a0years of experience of the president of Pixar, Ed Catmull.", + "categories": "business", + "review_score": 4.2 + }, + { + "Unnamed: 0": 3723, + "book_name": "One Simple Idea", + "summaries": " shows you how to turn your ideas into licensed products and build copmanies around those that use\u00a0outsourced manufacturers to produce, market, sell, ship and distribute those products.", + "categories": "business", + "review_score": 2.9 + }, + { + "Unnamed: 0": 3724, + "book_name": "Lean Analytics", + "summaries": " opens up the world of collecting and analyzing data to new entrepreneurs, by showing them how to use data as a powerful tool without getting consumed by it to build, launch and grow their startup faster while focusing on the right metrics.", + "categories": "business", + "review_score": 1.5 + }, + { + "Unnamed: 0": 3725, + "book_name": "The Prince", + "summaries": " is a 16th century political treatise, famous for condoning, even encouraging evil behavior amongst political rulers, in order for them to stay in power.", + "categories": "business", + "review_score": 8.5 + }, + { + "Unnamed: 0": 3726, + "book_name": "Born For This", + "summaries": " shows you how to find the work you were meant to do, which actually might consist of many different forms of work over the course of your life, by showing you the power of a side hustle, proper risk-assessment, creating your own job and pursuing all of your passions \u2013 one at a time.", + "categories": "business", + "review_score": 4.3 + }, + { + "Unnamed: 0": 3727, + "book_name": "Remote", + "summaries": " explains why offices are a thing of the past and what both companies and employees can do to thrive in a company that\u2019s spread all across the globe with people working wherever they choose to.", + "categories": "business", + "review_score": 7.7 + }, + { + "Unnamed: 0": 3728, + "book_name": "The Rebel Rules", + "summaries": " shows you how you can run a business by being yourself, relying on your vision, instinct, passion and agility to call the shots, stay innovative and maneuver your business like a startup, even if it\u2019s long outgrown its baby pants.", + "categories": "business", + "review_score": 5.2 + }, + { + "Unnamed: 0": 3729, + "book_name": "Start-Up Nation", + "summaries": " explains how a tiny, controversial, politically isolated country like Israel manages to be one of the world\u2019s creative hubs with more startups, venture capital and new technology than entire continents.", + "categories": "business", + "review_score": 8.2 + }, + { + "Unnamed: 0": 3730, + "book_name": "The Millionaire Real Estate Agent", + "summaries": " is about how you can systematically build a thriving real estate business, drawing lessons both about the professional as well as the personal side of things.", + "categories": "business", + "review_score": 8.0 + }, + { + "Unnamed: 0": 3731, + "book_name": "Things A Little Bird Told Me", + "summaries": " is Twitter co-founder Biz Stone\u2019s look back at the years of his life during and before Twitter, from which he draws many lessons about business, life and society.", + "categories": "business", + "review_score": 2.4 + }, + { + "Unnamed: 0": 3732, + "book_name": "Smart People Should Build Things", + "summaries": " explains how the current education system works against the economy by producing an endless string of bankers and consultants, instead of the innovators we need, and how we can encourage more young people to become entrepreneurs to solve this problem.", + "categories": "business", + "review_score": 9.7 + }, + { + "Unnamed: 0": 3733, + "book_name": "The Freaks Shall Inherit The Earth", + "summaries": " is Chris Brogan\u2019s manual to help you do business your way, not care what anyone thinks, own your art and still use media in the best way possible to remain profitable.", + "categories": "business", + "review_score": 4.6 + }, + { + "Unnamed: 0": 3734, + "book_name": "Without Their Permission", + "summaries": " is Reddit co-founder Alexis Ohanian\u2019s plea to you to start something, as he lays out how anyone can use the internet to shape the future of the 21st century without having to get a yes from somebody else first.", + "categories": "business", + "review_score": 6.0 + }, + { + "Unnamed: 0": 3735, + "book_name": "Where Good Ideas Come From", + "summaries": " describes how the process of innovation is similar to evolution and why good ideas have to be shaped over time, build on existing platforms, require connections, luck, and error and how you can turn something old into something new.", + "categories": "business", + "review_score": 6.3 + }, + { + "Unnamed: 0": 3736, + "book_name": "The Education Of A Value Investor", + "summaries": " is the story of how Guy Spier turned away from his greedy, morally corrupted investment banking environment and into a true value investor by modeling his work and life after Warren Buffett and his value investing approach.", + "categories": "business", + "review_score": 2.0 + }, + { + "Unnamed: 0": 3737, + "book_name": "Howard Hughes: His Life And Madness", + "summaries": " details the birth, childhood, career, death and legacy of shimmering business tycoon Howard Hughes, who was a billionaire, world-renowned aviator, actor and industry magnate.", + "categories": "business", + "review_score": 9.3 + }, + { + "Unnamed: 0": 3738, + "book_name": "A Curious Mind", + "summaries": " is an homage to the power of asking questions, showing you how being curious can change your entire life, from the way you do business, to how you interact with your loved ones, or even shape your country.", + "categories": "business", + "review_score": 1.9 + }, + { + "Unnamed: 0": 3739, + "book_name": "Elon Musk", + "summaries": " is the first official biography of the creator of SolarCity, SpaceX and Tesla, based on over 30 hours of conversation time between author\u00a0Ashlee Vance", + "categories": "business", + "review_score": 7.0 + }, + { + "Unnamed: 0": 3740, + "book_name": "Hackers and Painters", + "summaries": " is a collection of essays by Y Combinator founder Paul Graham about what makes a good computer programmer and how you can\u00a0code\u00a0the future if you are one, making a fortune in the process.", + "categories": "business", + "review_score": 7.7 + }, + { + "Unnamed: 0": 3741, + "book_name": "The Third Wave", + "summaries": " lays out the history of the internet and how it\u2019s about to permeate everything in our lives, as well as what it takes for entrepreneurs to make use of this mega-trend and thrive in an omni-connected, always-online world.", + "categories": "business", + "review_score": 4.0 + }, + { + "Unnamed: 0": 3742, + "book_name": "Originals", + "summaries": " re-defines what being creative means by using many specific examples of how persistence, procrastination, transparency, critical thinking and perspective can be brought together to change the world.", + "categories": "business", + "review_score": 2.6 + }, + { + "Unnamed: 0": 3743, + "book_name": "Pitch Anything", + "summaries": " relies on tactics and strategies from a field called neuroeconomics to give you an entirely new way of presenting, pitching and convincing other people of your ideas and offers.", + "categories": "business", + "review_score": 6.4 + }, + { + "Unnamed: 0": 3744, + "book_name": "Hatching Twitter", + "summaries": " details the story and human drama behind the creation and meteoric rise of Twitter, the social media platform that\u2019s changed how we communicate over the past ten years.", + "categories": "business", + "review_score": 5.8 + }, + { + "Unnamed: 0": 3745, + "book_name": "The Signal And The Noise", + "summaries": " explains why so many predictions end up being wrong, and how statisticians, politicians and meteorologists fall\u00a0prey to masses of data, when finding\u00a0important signals is mostly a matter of being cautious, diligent and, most importantly, human.", + "categories": "business", + "review_score": 7.5 + }, + { + "Unnamed: 0": 3746, + "book_name": "Everything Is Obvious", + "summaries": " shows you that common sense isn\u2019t as reliable as you think it is, because it often fails us in helping to make predictions, and how you can change the way you or your company make decisions with\u00a0more scientific, statistically grounded methods.", + "categories": "business", + "review_score": 1.3 + }, + { + "Unnamed: 0": 3747, + "book_name": "Rejection Proof", + "summaries": " shows you that no \u201cNo\u201d lasts forever, and how you can use rejection therapy to change your perspective of fear, embrace new challenges, and hear the word \u201cYes\u201d more often than ever before.", + "categories": "business", + "review_score": 6.3 + }, + { + "Unnamed: 0": 3748, + "book_name": "Smartcuts", + "summaries": " explains how some people and businesses achieve rapid growth and build sustainable, profitable companies in the time it takes you to get another promotion, by working smart, not hard and hacking into the ladder of success, instead of climbing it one step at a time.", + "categories": "business", + "review_score": 7.0 + }, + { + "Unnamed: 0": 3749, + "book_name": "Predictable Success", + "summaries": " leads you through the various stages of companies and alternative paths they can and might take, depending on their actions, showing you the safest path towards predictable success, where you consistently achieve your goals.", + "categories": "business", + "review_score": 7.9 + }, + { + "Unnamed: 0": 3750, + "book_name": "Traction", + "summaries": " is a roadmap for startups to achieve the exponential growth necessary to survive the first few months and years by looking at 19 ways to get traction and a framework to help you pick the best one for your startup.", + "categories": "business", + "review_score": 6.2 + }, + { + "Unnamed: 0": 3751, + "book_name": "How To Win At The Sport Of Business", + "summaries": " is Mark Cuban\u2019s account of how he changed his mindset and attitude over the years to go from broke to billionaire and help you embrace the habits of a successful businessman (or woman).", + "categories": "business", + "review_score": 9.4 + }, + { + "Unnamed: 0": 3752, + "book_name": "To Sell Is Human", + "summaries": " shows you that selling is part of your life, no matter what you do, and what a successful salesperson looks like in the 21st century, with practical ideas to help you convince others in a more honest, natural and sustainable way.", + "categories": "business", + "review_score": 1.7 + }, + { + "Unnamed: 0": 3753, + "book_name": "The Personal MBA", + "summaries": " will save you a few hundred grand by outlining everything you really need to know to get started on a thriving business, none of which is taught in expensive colleges.", + "categories": "business", + "review_score": 1.6 + }, + { + "Unnamed: 0": 3754, + "book_name": "Startup Growth Engines", + "summaries": " shows you the strategies and tactics startups like Uber, Facebook and Yelp have used to achieve phenomenal growth in short time periods, and how you can use them to solve a big problem on a grand scale.", + "categories": "business", + "review_score": 6.5 + }, + { + "Unnamed: 0": 3755, + "book_name": "People Over Profit", + "summaries": " evaluates the four stages most companies go through as they mature, moving from honest over efficiency to deception and, if they\u2019re lucky, redemption, unless they foster seven core beliefs and stay honest all the way to the end.", + "categories": "business", + "review_score": 8.7 + }, + { + "Unnamed: 0": 3756, + "book_name": "Peak: How Great Companies Get Their Mojo From Maslow", + "summaries": " explains why relationships are the most valuable currency in both business and life, by examining how Chip Conley", + "categories": "business", + "review_score": 5.2 + }, + { + "Unnamed: 0": 3757, + "book_name": "Why We Work", + "summaries": " looks at the purpose of work in our lives by examining how different people view their work, what traits make work feel meaningful, and which questions companies should ask to maximize the motivation of their employees.", + "categories": "business", + "review_score": 4.6 + }, + { + "Unnamed: 0": 3758, + "book_name": "Who Moved My Cheese", + "summaries": " tells a parable, which you can directly apply to your own life, in order to stop fearing what lies ahead and instead thrive in an environment of change and uncertainty.", + "categories": "business", + "review_score": 5.9 + }, + { + "Unnamed: 0": 3759, + "book_name": "The One Minute Manager", + "summaries": " gives managers three simple tools that each take 60 seconds or less to use but can tremendously improve their efficiency in getting people to stay motivated, happy, and ready to deliver great work.", + "categories": "business", + "review_score": 3.1 + }, + { + "Unnamed: 0": 3760, + "book_name": "Never Eat Alone", + "summaries": " is a modern classic, which explains the art of networking and gives you actionable advice on how you can harness the power of good relationships and become a good networker to build a career you love.", + "categories": "business", + "review_score": 2.5 + }, + { + "Unnamed: 0": 3761, + "book_name": "How To Be A Positive Leader", + "summaries": " taps into the expertise of 17 leadership experts to show you how you can become a positive leader, who empowers everyone around him, whether at work or at home, with small changes, that compound into a big impact.", + "categories": "business", + "review_score": 9.3 + }, + { + "Unnamed: 0": 3762, + "book_name": "Losing My Virginity", + "summaries": " details Richard Branson\u2019s meteoric rise to success and digs into what made him the adventurous, fun-loving, daring entrepreneur he is today and what lessons you can learn about business from him.", + "categories": "business", + "review_score": 5.1 + }, + { + "Unnamed: 0": 3763, + "book_name": "The Art of Non-Conformity", + "summaries": " teaches you how to play life by your own rules by giving you practical glimpses into the world of self-employment, a new approach to travel, to-do list minimalism and conscious spending habits.", + "categories": "business", + "review_score": 5.0 + }, + { + "Unnamed: 0": 3764, + "book_name": "The Promise Of A Pencil", + "summaries": " narrates the story of how Adam Braun, well-bred, average college kid, working at Bain & Company, shook off what society expected of him and created a life of significance and success by starting his own charity, which now has built hundreds of schools for children in need.", + "categories": "business", + "review_score": 7.8 + }, + { + "Unnamed: 0": 3765, + "book_name": "The E-Myth Revisited", + "summaries": " explains why 80% of small businesses fail, and how to ensure yours isn\u2019t among those by building a company that\u2019s based on systems and not on the work of a single individual.", + "categories": "business", + "review_score": 9.0 + }, + { + "Unnamed: 0": 3766, + "book_name": "Uncertainty", + "summaries": " shows you that the condition of not knowing is nothing to fear, but the birthplace of innovation, which, if you embrace it while anchoring yourself, has an unlimited potential for growth, wealth and happiness.", + "categories": "business", + "review_score": 5.9 + }, + { + "Unnamed: 0": 3767, + "book_name": "A Year With Peter Drucker", + "summaries": " compiles 52 lessons with weekly exercises into one comprehensive, year-long curriculum\u00a0for managers, leaders, and those who aspire to be one or the other, based on the teachings of the father of modern management.", + "categories": "business", + "review_score": 2.2 + }, + { + "Unnamed: 0": 3768, + "book_name": "Delivering Happiness", + "summaries": " explains how\u00a0mega online shoe retailer Zappos built a\u00a0unique company culture and customer experience worth remembering, which turned it into a billion dollar business.", + "categories": "business", + "review_score": 8.2 + }, + { + "Unnamed: 0": 3769, + "book_name": "Sam Walton: Made In America", + "summaries": " shines a light on the man behind the biggest fortune ever amassed in business and explains how he built Walmart into a billion-dollar empire with hard work, incessant learning and an unrivaled resolve to make every single customer as happy as can be.", + "categories": "business", + "review_score": 5.7 + }, + { + "Unnamed: 0": 3770, + "book_name": "Good To Great", + "summaries": " examines what it takes for ordinary companies to become great and outperform their competitors by analyzing 28 companies over 30\u00a0years, who managed to make the transition or fell prey to their bad habits.", + "categories": "business", + "review_score": 7.1 + }, + { + "Unnamed: 0": 3771, + "book_name": "All Marketers Are Liars", + "summaries": " is based on the idea that we believe whatever we want to believe, and that it\u2019s exactly this trait of ours, which marketers use (and sometimes abuse) to sell their products by infusing them with good stories \u2013 whether they\u2019re true or not.", + "categories": "business", + "review_score": 5.6 + }, + { + "Unnamed: 0": 3772, + "book_name": "Rework", + "summaries": " shows you that you need less than you think to start a business \u2013 way less \u2013 by explaining why plans are actually harmful, how productivity isn\u2019t a result from working long hours and why hiring and seeking investors should be your absolute last resort.", + "categories": "business", + "review_score": 6.7 + }, + { + "Unnamed: 0": 3773, + "book_name": "The Success Principles", + "summaries": " condenses 64 lessons Jack Canfield learned on his journey to becoming a successful entrepreneur, author, coach and speaker into 6 sections, which will help you transform your mindset and take responsibility and control of your own life, so you can get from where you are to where you want to be.", + "categories": "business", + "review_score": 2.1 + }, + { + "Unnamed: 0": 3774, + "book_name": "Tribes", + "summaries": " turns you from a sheepwalker into a heretic, by giving you the tools to start your own tribe, explaining why they\u2019re the future of business and showing you that you too, can be a leader.", + "categories": "business", + "review_score": 4.2 + }, + { + "Unnamed: 0": 3775, + "book_name": "Bold", + "summaries": " shows you that exponential technology has democratized the power to change the world and build wealth, by putting it into everyone\u2019s hands and explains which trends entrepreneurs will most benefit from in the future, how to capitalize on them and which challenges are really bold enough to impact us all.", + "categories": "business", + "review_score": 2.3 + }, + { + "Unnamed: 0": 3776, + "book_name": "Trust Me, I\u2019m Lying", + "summaries": "\u00a0is a marketer\u2019s take on how influential blogs have become, why that\u2019s something to worry about, and which broken dynamics govern the internet today, including his own confessions of how he gamed that very system to successfully generate press for his clients.", + "categories": "business", + "review_score": 5.6 + }, + { + "Unnamed: 0": 3777, + "book_name": "The Self-Made Billionaire Effect", + "summaries": " looks at the five dualities billionaires characteristically exhibit, which put them in a different category than most employees, but allow them to have a vision large enough to reach the number of people they need to make their business a billion dollar enterprise.", + "categories": "business", + "review_score": 3.8 + }, + { + "Unnamed: 0": 3778, + "book_name": "The Thank You Economy", + "summaries": " announces the return of small town courtesy to the world of business, thanks to social media, and shows you why business must not neglect nurturing its one-on-one relationships with customers through the new channels online, to thrive in the modern world.", + "categories": "business", + "review_score": 9.2 + }, + { + "Unnamed: 0": 3779, + "book_name": "Launch", + "summaries": " is an early internet entrepreneurs step-by-step blueprint to creating products people want, launching them from the comfort of your home and building the life you\u2019ve always wanted, thanks to the power of psychology, email, and of course the internet.", + "categories": "business", + "review_score": 3.6 + }, + { + "Unnamed: 0": 3780, + "book_name": "The Everything Store", + "summaries": " is the closest biographical documentation of the unprecedented rise of Amazon as an online retail store with an almost infinite amount of choice, based on over 300 interviews with current and former Amazon employees and executives, family members of the founder and the hard facts available to the public.", + "categories": "business", + "review_score": 3.0 + }, + { + "Unnamed: 0": 3781, + "book_name": "Anything You Want", + "summaries": " teaches you how to build a business that\u2019s based on who you are, and can become anything you want it to be, rather than following the traditional paths of startup or corporate culture.", + "categories": "business", + "review_score": 5.4 + }, + { + "Unnamed: 0": 3782, + "book_name": "The $100 Startup", + "summaries": " shows you how to break free from the shackles of 9 to 5 by combining your passion and skills into your own microbusiness, which you can start for $100 or less, yet still turn into a full time income, thanks to the power of the internet.", + "categories": "business", + "review_score": 2.4 + }, + { + "Unnamed: 0": 3783, + "book_name": "Outliers", + "summaries": " explains why \u201cthe self-made man\u201d is a myth and what truly lies behind the success of the best people in their field, which is often a series of lucky events, rare opportunities and other external factors, which are out of our control.", + "categories": "business", + "review_score": 8.6 + }, + { + "Unnamed: 0": 3784, + "book_name": "Crush It", + "summaries": " is the blueprint you need to turn your passion into your profession and will give you the tools to turn yourself into a brand, leverage social media, produce great content and reap the financial benefits of it.", + "categories": "business", + "review_score": 1.4 + }, + { + "Unnamed: 0": 3785, + "book_name": "The Year Without Pants", + "summaries": " dives into the company culture of Automattic, the company behind WordPress.com and explains how they\u2019ve created a culture of work where employees thrive, creativity flows freely and new ideas are implemented on a daily basis.", + "categories": "business", + "review_score": 8.8 + }, + { + "Unnamed: 0": 3786, + "book_name": "Permission Marketing", + "summaries": " explains why nobody pays attention to TV commercials and flyers anymore, and shows you how in today\u2019s crowded market, you can cheaply start a dialogue with your ideal customer, build a relationship over time and sell to them much more effectively.", + "categories": "business", + "review_score": 9.6 + }, + { + "Unnamed: 0": 3787, + "book_name": "The Art Of Social Media", + "summaries": " is a compendium of over 100 practical tips to treat your social media presence like a business and use a bottom-up approach to get the attention your brand, product or business deserves.", + "categories": "business", + "review_score": 6.2 + }, + { + "Unnamed: 0": 3788, + "book_name": "The Art Of War", + "summaries": " has been considered the definitive text on military strategy and warfare ever since being written in ancient China around 500 BC, inspiring businesses, athletes, and of course generals to beat their opponents and competition the right way until today.", + "categories": "business", + "review_score": 3.2 + }, + { + "Unnamed: 0": 3789, + "book_name": "Thinking Fast And Slow", + "summaries": " shows you how two systems in your brain are constantly\u00a0fighting over control of your behavior and actions, and teaches you the many ways in which this leads to errors in memory, judgment and decisions, and what you can do about it.", + "categories": "business", + "review_score": 1.2 + }, + { + "Unnamed: 0": 3790, + "book_name": "The Power Of Starting Something Stupid", + "summaries": " shows you that most ideas are often falsely labeled stupid at first, and that if they are, that\u2019s a good indicator you should pursue them and not care what anyone thinks.", + "categories": "business", + "review_score": 9.8 + }, + { + "Unnamed: 0": 3791, + "book_name": "The Richest Man In Babylon", + "summaries": " gives common sense financial advice which you can apply today, told through tales and parables from the times of ancient Babylon.", + "categories": "business", + "review_score": 5.3 + }, + { + "Unnamed: 0": 3792, + "book_name": "The 80/20 Principle", + "summaries": " reveals how you can boost your effectiveness both in your own life and for your business by getting you in the mindset that not all inputs produce an equal amount of outputs and helping you embrace the Pareto principle.", + "categories": "business", + "review_score": 1.9 + }, + { + "Unnamed: 0": 3793, + "book_name": "Crossing The Chasm", + "summaries": " gives high tech startups a marketing blueprint, in order to make their product get the initial traction it needs to eventually reach the majority of the market and not die in the chasm between early adopters and pragmatists.", + "categories": "business", + "review_score": 8.9 + }, + { + "Unnamed: 0": 3794, + "book_name": "How To Win Friends And Influence People", + "summaries": " teaches you countless principles to become a likable person, handle your relationships well, win others over and help them change their behavior without being intrusive.", + "categories": "business", + "review_score": 7.2 + }, + { + "Unnamed: 0": 3795, + "book_name": "Make Your Mark", + "summaries": " is a business book for creatives, telling them how to get started on turning their creative energy into a profitable business with simple, actionable ideas taken from 20 leading entrepreneurs and designers, who lead successful creative businesses.", + "categories": "business", + "review_score": 1.4 + }, + { + "Unnamed: 0": 3796, + "book_name": "Think And Grow Rich", + "summaries": " is a curation of the 13 most common habits of wealthy and successful people, distilled from studying over 500 individuals over the course of 20 years.", + "categories": "business", + "review_score": 4.0 + }, + { + "Unnamed: 0": 3797, + "book_name": "Purple Cow", + "summaries": " explains why building a great product and advertising the heck out of it simply doesn\u2019t cut it anymore and how you can\u00a0build something that\u2019s so remarkable people have to share it, in order to succeed in today\u2019s crowded post-advertising world.", + "categories": "business", + "review_score": 9.8 + }, + { + "Unnamed: 0": 3798, + "book_name": "Mistakes Were Made, But Not By Me", + "summaries": " takes you on a journey of famous examples and areas of life where mistakes are hushed up instead of admitted, showing you along the way how this\u00a0hinders progress, why we do it in the first place, and what you can do to start honestly admitting your own.", + "categories": "business", + "review_score": 9.9 + }, + { + "Unnamed: 0": 3799, + "book_name": "Jab, Jab, Jab, Right Hook", + "summaries": " is a message to everyone who\u2019s not on the social media train yet, showing them how to tell their story the right way on social media, so that it\u2019ll actually get heard.", + "categories": "business", + "review_score": 2.6 + }, + { + "Unnamed: 0": 3800, + "book_name": "Great By Choice", + "summaries": " analyzes what makes the world\u2019s best companies thrive in even the most uncertain and chaotic times, by distilling nine years of research and great stories into three actionable principles.", + "categories": "business", + "review_score": 4.1 + }, + { + "Unnamed: 0": 3801, + "book_name": "Work The System", + "summaries": " will fundamentally change the way you view the world, by showing you the systems all around you and giving you the guiding principles to influence the right ones to make your business successful.", + "categories": "business", + "review_score": 2.0 + }, + { + "Unnamed: 0": 3802, + "book_name": "Start With Why", + "summaries": " is Simon Sinek\u2019s mission to help others do work, which inspires them, and uses real-world examples of great leaders to show you how they communicate and how you can adapt their mindset to inspire others yourself.", + "categories": "business", + "review_score": 1.4 + }, + { + "Unnamed: 0": 3803, + "book_name": "The War Of Art", + "summaries": " brings some much needed tough love to all artists, business people and creatives who spend more time battling the resistance against work than actually working, by identifying the procrastinating forces at play and pulling out the rug from under their feet.", + "categories": "business", + "review_score": 2.4 + }, + { + "Unnamed: 0": 3804, + "book_name": "The Tipping Point", + "summaries": " explains how ideas spread like epidemics and which few elements need to come together to help an idea reach the point of critical mass, where its viral effect becomes unstoppable.", + "categories": "business", + "review_score": 6.2 + }, + { + "Unnamed: 0": 3805, + "book_name": "Essentialism", + "summaries": "\u00a0will show you a new, better way of looking at productivity\u00a0by giving you permission to be extremely selective about what\u2019s truly essential in your life and then ruthlessly cutting out everything else.", + "categories": "business", + "review_score": 9.7 + }, + { + "Unnamed: 0": 3806, + "book_name": "The Speed Of Trust", + "summaries": " not only explains the economics of trust, but also shows you how to cultivate great trust in yourself, your relationships, and the three kinds of stakeholders you\u2019ll deal with when you\u2019re running a company.", + "categories": "business", + "review_score": 8.7 + }, + { + "Unnamed: 0": 3807, + "book_name": "Zero To One", + "summaries": " is an inside look at Peter Thiel\u2019s philosophy and strategy for making your startup a success by looking at the lessons he learned from founding and selling PayPal, investing in Facebook and becoming a billionaire in the process.", + "categories": "business", + "review_score": 5.9 + }, + { + "Unnamed: 0": 3808, + "book_name": "Choose Yourself", + "summaries": " is a call to give up traditional career paths and take your life into your own hands by building good habits, creating your own career, and making a decision to choose yourself.", + "categories": "business", + "review_score": 7.8 + }, + { + "Unnamed: 0": 3809, + "book_name": "The Millionaire Fastlane", + "summaries": " points out what\u2019s wrong with the old get a degree, get a job, work hard, retire rich model, defines wealth in a new way, and shows you the path to retiring young.", + "categories": "business", + "review_score": 9.4 + }, + { + "Unnamed: 0": 3810, + "book_name": "Growth Hacker Marketing", + "summaries": " explains the 4-step framework today\u2019s startups use to remove the barrier between marketing and product development, thus making the product itself the best way to get new and more customers.", + "categories": "business", + "review_score": 6.1 + }, + { + "Unnamed: 0": 3811, + "book_name": "The Ultimate Sales Machine", + "summaries": " is the legacy Chet Holmes left to help sales staff all over the world, by giving them 12 key strategies to relentlessly focus and execute on, in order to at least double their sales.", + "categories": "business", + "review_score": 6.8 + }, + { + "Unnamed: 0": 3812, + "book_name": "The ONE Thing", + "summaries": " gives you a very simple approach to productivity, based around a single question, to help you have less clutter, distractions and stress, and more focus, energy and success.", + "categories": "business", + "review_score": 1.6 + }, + { + "Unnamed: 0": 3813, + "book_name": "Winning", + "summaries": " is Jack Welch\u2019s manual to becoming an astonishing manager and leader, which gives you practical tools to manage the finances, strategy and, most importantly, the people of your company.", + "categories": "business", + "review_score": 5.2 + }, + { + "Unnamed: 0": 3814, + "book_name": "The Lean Startup", + "summaries": " offers both entrepreneurs and wantrepreneurs a semi-scientific, real-world approach to building a business by using validation, finding a profitable business model and creating a growth engine.", + "categories": "business", + "review_score": 8.0 + }, + { + "Unnamed: 0": 3815, + "book_name": "Influence", + "summaries": " has been the go-to book for marketers since its release in 1984, which delivers\u00a0six key principles behind human influence and explains them with countless practical examples.", + "categories": "business", + "review_score": 2.2 + }, + { + "Unnamed: 0": 3816, + "book_name": "The 7 Habits Of Highly Effective People", + "summaries": " teaches you both personal and professional effectiveness by\u00a0changing your view of how the world works and giving you 7 habits, which, if adopted well, will lead you to immense success.", + "categories": "business", + "review_score": 6.5 + }, + { + "Unnamed: 0": 3817, + "book_name": "Steve Jobs", + "summaries": " is the most detailed and accurate account of the life of the man who created Apple, the most valuable technology company in the world.", + "categories": "business", + "review_score": 4.6 + }, + { + "Unnamed: 0": 3818, + "book_name": "The 4-Hour Workweek", + "summaries": " is the step-by-step blueprint to free yourself from the shackles of a corporate job, create a business to fund the lifestyle of your dreams, and live life like a millionaire, without actually having to be one.", + "categories": "business", + "review_score": 8.0 + }, + { + "Unnamed: 0": 3819, + "book_name": "Hooked", + "summaries": " shows you how some of the world\u2019s most successful\u00a0products, like smartphones, make us form habits around them and why that\u2019s crucial to their success, before teaching\u00a0you the 4-step framework that lies behind them.", + "categories": "business", + "review_score": 8.4 + }, + { + "Unnamed: 0": 3820, + "book_name": "The Little Prince", + "summaries": " is a beautiful children\u2019s story full of valuable lessons for adults, recounting the tale of an aviator and a little boy from a distant planet, both stranded in the desert, looking to get home, sharing what they\u2019ve learned about life.", + "categories": "creativity", + "review_score": 6.0 + }, + { + "Unnamed: 0": 3821, + "book_name": "On Writing", + "summaries": " details Stephen King\u2019s journey to becoming one of the best-selling authors of all time while delivering hard-won advice on the craft to aspiring writers.", + "categories": "creativity", + "review_score": 8.0 + }, + { + "Unnamed: 0": 3822, + "book_name": "The Midnight Library", + "summaries": " tells the story of Nora, a depressed woman in her 30s, who, on the day she decides to die, finds herself in a library full of lives she could have lived, where she discovers there\u2019s a lot more to life, even her current one, than she had ever imagined.", + "categories": "creativity", + "review_score": 3.9 + }, + { + "Unnamed: 0": 3823, + "book_name": "Stolen Focus", + "summaries": "\u00a0explains why our attention spans have been dwindling for decades, how technology accelerates this worrying trend, and what we can do to reclaim our focus and thus our capacity to live meaningful lives.", + "categories": "creativity", + "review_score": 6.0 + }, + { + "Unnamed: 0": 3824, + "book_name": "The Daily Laws", + "summaries": "\u00a0is a page-a-day, calendar-style book covering the three big topics of mastery, power, and emotions, sharing Robert Greene\u2019s best lessons from 20 years of research of the dynamics within and between humans.", + "categories": "creativity", + "review_score": 5.0 + }, + { + "Unnamed: 0": 3825, + "book_name": "Loserthink", + "summaries": " talks about the sabotaging thinking habits that run our minds and paralyze us when it comes to taking charge of life, and how we can overcome them with small, incremental steps that drive powerful change.", + "categories": "creativity", + "review_score": 5.2 + }, + { + "Unnamed: 0": 3826, + "book_name": "Loonshots", + "summaries": " explores the process of innovation, specifically how groundbreaking ideas emerge from simple thoughts and how important it is for organizations to give course to them by creating learning environments where people feel safe exploring and creating.", + "categories": "creativity", + "review_score": 6.8 + }, + { + "Unnamed: 0": 3827, + "book_name": "Joyful", + "summaries": " talks about the power of small things in our lives, from colors, shapes, and designs, to nature, architecture, and simple everyday occurrences on our happiness and how we can harness simplicity to achieve a meaningful life filled with joy.", + "categories": "creativity", + "review_score": 7.9 + }, + { + "Unnamed: 0": 3828, + "book_name": "The Practice", + "summaries": "\u00a0talks about ways to enhance your creativity, boost your innovation skills, upgrade your creative process, and most importantly, get disciplined in your practice to turn your hobby into a professional endeavor.", + "categories": "creativity", + "review_score": 2.6 + }, + { + "Unnamed: 0": 3829, + "book_name": "Expert Secrets", + "summaries": " teaches you how to create and implement an informative marketing plan and putting it into practice, while also showing you what problem you must solve for your prospects or teach them how to do it themselves.", + "categories": "creativity", + "review_score": 4.6 + }, + { + "Unnamed: 0": 3830, + "book_name": "The Little Prince", + "summaries": " is a beautiful children\u2019s story full of valuable lessons for adults, recounting the tale of an aviator and a little boy from a distant planet, both stranded in the desert, looking to get home, sharing what they\u2019ve learned about life.", + "categories": "creativity", + "review_score": 5.2 + }, + { + "Unnamed: 0": 3831, + "book_name": "On Writing", + "summaries": " details Stephen King\u2019s journey to becoming one of the best-selling authors of all time while delivering hard-won advice on the craft to aspiring writers.", + "categories": "creativity", + "review_score": 6.6 + }, + { + "Unnamed: 0": 3832, + "book_name": "The Midnight Library", + "summaries": " tells the story of Nora, a depressed woman in her 30s, who, on the day she decides to die, finds herself in a library full of lives she could have lived, where she discovers there\u2019s a lot more to life, even her current one, than she had ever imagined.", + "categories": "creativity", + "review_score": 8.1 + }, + { + "Unnamed: 0": 3833, + "book_name": "Stolen Focus", + "summaries": "\u00a0explains why our attention spans have been dwindling for decades, how technology accelerates this worrying trend, and what we can do to reclaim our focus and thus our capacity to live meaningful lives.", + "categories": "creativity", + "review_score": 4.7 + }, + { + "Unnamed: 0": 3834, + "book_name": "The Daily Laws", + "summaries": "\u00a0is a page-a-day, calendar-style book covering the three big topics of mastery, power, and emotions, sharing Robert Greene\u2019s best lessons from 20 years of research of the dynamics within and between humans.", + "categories": "creativity", + "review_score": 7.3 + }, + { + "Unnamed: 0": 3835, + "book_name": "Loserthink", + "summaries": " talks about the sabotaging thinking habits that run our minds and paralyze us when it comes to taking charge of life, and how we can overcome them with small, incremental steps that drive powerful change.", + "categories": "creativity", + "review_score": 3.2 + }, + { + "Unnamed: 0": 3836, + "book_name": "Loonshots", + "summaries": " explores the process of innovation, specifically how groundbreaking ideas emerge from simple thoughts and how important it is for organizations to give course to them by creating learning environments where people feel safe exploring and creating.", + "categories": "creativity", + "review_score": 6.2 + }, + { + "Unnamed: 0": 3837, + "book_name": "Joyful", + "summaries": " talks about the power of small things in our lives, from colors, shapes, and designs, to nature, architecture, and simple everyday occurrences on our happiness and how we can harness simplicity to achieve a meaningful life filled with joy.", + "categories": "creativity", + "review_score": 5.9 + }, + { + "Unnamed: 0": 3838, + "book_name": "The Practice", + "summaries": "\u00a0talks about ways to enhance your creativity, boost your innovation skills, upgrade your creative process, and most importantly, get disciplined in your practice to turn your hobby into a professional endeavor.", + "categories": "creativity", + "review_score": 5.0 + }, + { + "Unnamed: 0": 3839, + "book_name": "Expert Secrets", + "summaries": " teaches you how to create and implement an informative marketing plan and putting it into practice, while also showing you what problem you must solve for your prospects or teach them how to do it themselves.", + "categories": "creativity", + "review_score": 5.1 + }, + { + "Unnamed: 0": 3840, + "book_name": "Daily Rituals", + "summaries": " is a compilation of the best practices and habits of successful people from different fields aimed to help anyone increase productivity, get past writer\u2019s block, and become more creative and efficient in their everyday work.", + "categories": "creativity", + "review_score": 7.6 + }, + { + "Unnamed: 0": 3841, + "book_name": "The 22 Immutable Laws of Branding", + "summaries": " is a compilation of laws that provides insights for conducting successful marketing campaigns by focusing on the essence of branding and how brands must be created and managed in order to survive in the competitive world.", + "categories": "creativity", + "review_score": 3.8 + }, + { + "Unnamed: 0": 3842, + "book_name": "Designing Your Work Life", + "summaries": " is a helpful guidebook for anyone who wants to create and maintain a work environment that is both happy and productive by working with what they already have, rather than keep on changing jobs in hope of finding better.", + "categories": "creativity", + "review_score": 4.0 + }, + { + "Unnamed: 0": 3843, + "book_name": "Mastermind: How to Think Like Sherlock Holmes", + "summaries": " presents the story of one of the most famous detectives we\u2019ve ever known and his adventures in the world of uncovering mysteries while highlighting the secrets of his powerful mind, psychological tricks, deduction games, and teaching you how to strengthen your cognitive capacity.", + "categories": "creativity", + "review_score": 3.8 + }, + { + "Unnamed: 0": 3844, + "book_name": "Woke, Inc.", + "summaries": " taps into the dark secrets of the woke culture in corporate America, which organizations generate tremendous amounts of profit by hiding behind causes like social justice, gender equality, climate change, and many other popular matters.", + "categories": "creativity", + "review_score": 9.2 + }, + { + "Unnamed: 0": 3845, + "book_name": "Keep Going", + "summaries": " teaches us how to persist in creative work when our brain wants to take a million different paths, showing us how to harness our brain power in moments of innovation as well as tediousness.", + "categories": "creativity", + "review_score": 3.0 + }, + { + "Unnamed: 0": 3846, + "book_name": "Testing Business Ideas", + "summaries": " highlights the importance of trial and error, learning from mistakes and prototypes, and always improving your offerings in a business, so as to bring a successful product to the market that will sell instead of causing you troubles.", + "categories": "creativity", + "review_score": 6.6 + }, + { + "Unnamed: 0": 3847, + "book_name": "Value Proposition Design", + "summaries": " opens up a new perspective of what added value in a product consists of, how to find and target your market correctly, how you can design a product successfully, bring it forth to your prospects and have them be excited to buy it, all through the creation of a customer-centric business", + "categories": "creativity", + "review_score": 2.3 + }, + { + "Unnamed: 0": 3848, + "book_name": "The Hero With a Thousand Faces", + "summaries": " analyzes humankind from a mythological and symbolistic point of view to prove that all humans have similar core concepts written in them, such as the monomyth, which is a way of narrating stories that people from all over the world use to connect with one another.", + "categories": "creativity", + "review_score": 7.5 + }, + { + "Unnamed: 0": 3849, + "book_name": "The Art of Rhetoric", + "summaries": " is an ancient, time-proven reference book that explores the secrets behind persuasion, rhetoric, and good public speaking by providing compelling information on what a good speech should consist of and how truth and virtue are at the foundation of every good story.", + "categories": "creativity", + "review_score": 7.1 + }, + { + "Unnamed: 0": 3850, + "book_name": "Humor, Seriously", + "summaries": " explores how bringing fun and entertainment into the workplace can enhance team productivity, spark creativity, increase trust between members and improve people\u2019s overall sentiment in relation to work and job-related activities.", + "categories": "creativity", + "review_score": 6.2 + }, + { + "Unnamed: 0": 3851, + "book_name": "The Little Book of Talent", + "summaries": " explores the concept of talents, skills and capabilities, and offers a multitude of effective tips and tricks on how to acquire hard skills using methods tested by top performers worldwide.", + "categories": "creativity", + "review_score": 1.3 + }, + { + "Unnamed: 0": 3852, + "book_name": "Stealing Fire", + "summaries": " examines how a state of ecstasy can enhance the body-brain connection and allow humans to achieve excellent performance by accelerating their neural processes.", + "categories": "creativity", + "review_score": 4.5 + }, + { + "Unnamed: 0": 3853, + "book_name": "Thrivers", + "summaries": " explores the perspective of a child born in today\u2019s fast-paced, digital era and how the average minor is being educated towards higher-than-usual achievements, being mature, responsible and successful, instead of being happy and focused on their own definition of success.", + "categories": "creativity", + "review_score": 9.5 + }, + { + "Unnamed: 0": 3854, + "book_name": "The Last Lecture", + "summaries": "\u00a0is a college professor\u2019s final message to the world before his impending death of cancer at a relatively young age, offering meaningful life advice, significant words of wisdom, and a great deal of optimism and hope for humanity.", + "categories": "creativity", + "review_score": 6.1 + }, + { + "Unnamed: 0": 3855, + "book_name": "The Hidden Habits of Genius", + "summaries": " looks at how geniuses separate themselves from the rest by having in common a distinctive set of characteristics and habits that form a unique way of thinking and cultivating brilliance. ", + "categories": "creativity", + "review_score": 5.0 + }, + { + "Unnamed: 0": 3856, + "book_name": "How to Take Smart Notes", + "summaries": " is the perfect guide on how to improve your writing, reading, and learning techniques using simple yet little-known tips-and-tricks that you can implement right away to develop these skills.", + "categories": "creativity", + "review_score": 9.3 + }, + { + "Unnamed: 0": 3857, + "book_name": "Collaborative Intelligence", + "summaries": " helps you enhance your unique thinking traits and develop an individualized form of intelligence based on what works best for you, what your strengths are, and how you communicate with others.", + "categories": "creativity", + "review_score": 2.0 + }, + { + "Unnamed: 0": 3859, + "book_name": "Eat Better, Feel Better", + "summaries": " is a go-to guide for combating modern dietary problems and adopting a healthier lifestyle.", + "categories": "creativity", + "review_score": 3.7 + }, + { + "Unnamed: 0": 3862, + "book_name": "The Data Detective", + "summaries": " will make you smarter by showing how you can understand statistics well enough to see how they, and the beliefs and cognitive biases they can make you have, make such a huge impact in your life, for better or for worse, and how to separate fact from fiction.", + "categories": "creativity", + "review_score": 6.2 + }, + { + "Unnamed: 0": 3863, + "book_name": "Beyond Order", + "summaries": " is the follow-up to Jordan Peterson\u2019s bestselling book 12 Rules for Life and identifies another 12 rules to live by that help us live with and even embrace the chaos that we struggle with every day, identifying that too much order can be a problem just as much as too much disorder.", + "categories": "creativity", + "review_score": 1.8 + }, + { + "Unnamed: 0": 3864, + "book_name": "Greenlights", + "summaries": " is the autobiography of Matthew McConaughey, in which he takes us on a wild ride of his journey through a childhood of tough love, rising to fame and success in Hollywood, changing his career, and more, guided by the green lights he saw that led him forward at each step.", + "categories": "creativity", + "review_score": 8.8 + }, + { + "Unnamed: 0": 3865, + "book_name": "Think Again", + "summaries": " will make you more intelligent, persuasive, and self-aware by identifying the power of being humble about what you don\u2019t know, how to recognize blind spots in your thinking before they start causing you problems, and what you can do to become more effective at convincing others of your way of thinking.", + "categories": "creativity", + "review_score": 8.5 + }, + { + "Unnamed: 0": 3866, + "book_name": "2030", + "summaries": " uses the current trajectory of the world, based on sociological, demographic, and technological trends, to outline the changes we can expect to happen in our lives by the beginning of the next decade.", + "categories": "creativity", + "review_score": 3.7 + }, + { + "Unnamed: 0": 3867, + "book_name": "See You On The Internet", + "summaries": " is the ultimate beginner-level digital marketing guide that teaches you how to build an online business presence by doing everything from starting a website to managing social media accounts.", + "categories": "creativity", + "review_score": 1.4 + }, + { + "Unnamed: 0": 3868, + "book_name": "The Grand Design", + "summaries": " explains the history of mankind from a scientific perspective, including how we came into existence and started to use science to explain the world and ourselves with laws like Newton\u2019s and Einstein\u2019s and more recent theories like quantum physics.", + "categories": "creativity", + "review_score": 5.3 + }, + { + "Unnamed: 0": 3869, + "book_name": "Small Giants", + "summaries": " is your guide to keeping your company little but mighty that will allow you to pass up deliberate growth for staying true to what\u2019s really important, which is your ideals, time, passions, and doing what you do best so well that customers can\u2019t help but flock to you.", + "categories": "creativity", + "review_score": 8.5 + }, + { + "Unnamed: 0": 3870, + "book_name": "The Science Of Storytelling", + "summaries": " will make you better at persuasion, writing, and speaking by outlining the psychology of telling good tales, including why our brains like them and how to craft the perfect ones.", + "categories": "creativity", + "review_score": 6.2 + }, + { + "Unnamed: 0": 3871, + "book_name": "The Charge", + "summaries": " shows you how to unlock the baseline and forward human drives within you that will help you get energized, grounded, and working so that you can have the life of happiness and fulfillment you\u2019ve always wanted.", + "categories": "creativity", + "review_score": 3.0 + }, + { + "Unnamed: 0": 3872, + "book_name": "Curious", + "summaries": " is your guide to becoming more intelligent by harnessing the power of inquisitiveness and outlines the true nature of curiosity, how to keep it flourishing to become smarter, and what you might unknowingly be doing to suffocate its power.", + "categories": "creativity", + "review_score": 1.4 + }, + { + "Unnamed: 0": 3873, + "book_name": "It\u2019s All In Your Head", + "summaries": " will motivate you to work hard, stay determined, and believe you can achieve your dreams by sharing the rise to fame of the prolific composer Russ.", + "categories": "creativity", + "review_score": 3.3 + }, + { + "Unnamed: 0": 3874, + "book_name": "The Power Of Myth", + "summaries": " is a book based on Joseph Campbell and Bill Moyer\u2019s popular 1988 documentary of the same name, explaining where myths come from, why they are so common in society, how they\u2019ve evolved, and what important role they still play in our ever-changing world today.", + "categories": "creativity", + "review_score": 1.5 + }, + { + "Unnamed: 0": 3875, + "book_name": "Think Like A Rocket Scientist", + "summaries": " teaches you how to think like an engineer in your everyday life so that you can accomplish your personal and professional goals and reach your full potential.", + "categories": "creativity", + "review_score": 3.4 + }, + { + "Unnamed: 0": 3876, + "book_name": "The Alchemist", + "summaries": " is a classic novel in which a boy named Santiago embarks on a journey seeking treasure in the Egyptian pyramids after having a recurring dream about it and on the way meets mentors, falls in love, and most importantly, learns the true importance of who he is and how to improve himself and focus on what really matters in life.", + "categories": "creativity", + "review_score": 7.5 + }, + { + "Unnamed: 0": 3877, + "book_name": "Weird Parenting Wins", + "summaries": " will make you better at raising your kids by sharing some strange ways that fathers and mothers have had success with their children, helping you see that your intuition might just be the greatest tool you have at your disposal.", + "categories": "creativity", + "review_score": 6.0 + }, + { + "Unnamed: 0": 3878, + "book_name": "Who Not How", + "summaries": " will skyrocket your success, happiness, and fulfillment in all areas of your life by identifying why you\u2019re looking at your problems the wrong way and how simply seeking to get the right people to help you will make all the difference.", + "categories": "creativity", + "review_score": 5.6 + }, + { + "Unnamed: 0": 3879, + "book_name": "On Writing Well", + "summaries": " is your guide to becoming a great non-fiction writer that explains why you must learn and practice principles like simplicity, consistency, voice, editing, and enthusiasm if you want to persuade readers and make a difference in their lives.", + "categories": "creativity", + "review_score": 1.0 + }, + { + "Unnamed: 0": 3880, + "book_name": "Metahuman", + "summaries": " shows you how to tap into your unlimited potential by discovering a higher level of awareness surrounding the limits of your everyday reality.", + "categories": "creativity", + "review_score": 7.9 + }, + { + "Unnamed: 0": 3881, + "book_name": "Storyworthy", + "summaries": " shows you how to tell a narrative that will impact others by outlining how to engage your audience throughout the start, end, and everything in between.", + "categories": "creativity", + "review_score": 7.6 + }, + { + "Unnamed: 0": 3882, + "book_name": "Building A StoryBrand", + "summaries": " is your guide to turning your sales pages and product into an adventure for your clients by identifying the seven steps to successful storytelling as a company and how to craft the clearest message possible so that they will understand and want to be part of it.", + "categories": "creativity", + "review_score": 1.4 + }, + { + "Unnamed: 0": 3883, + "book_name": "Be Our Guest", + "summaries": " shows you how to take better care of your customers by outlining the philosophy and systems that Disney has for taking care of theirs which have helped it become one of the most successful companies in the world.", + "categories": "creativity", + "review_score": 2.7 + }, + { + "Unnamed: 0": 3884, + "book_name": "Epic Content Marketing", + "summaries": " shows why traditional methods for selling like TV and direct mail are dead and how creating content is the new future of advertising because it actually grabs people\u2019s attention by focusing on what they care about instead of your product.", + "categories": "creativity", + "review_score": 1.3 + }, + { + "Unnamed: 0": 3885, + "book_name": "The Business Romantic", + "summaries": " shows how doing business that is focused on passion and connection leads to more success in today\u2019s world.", + "categories": "creativity", + "review_score": 1.3 + }, + { + "Unnamed: 0": 3886, + "book_name": "Alibaba", + "summaries": " shares the inspiring story of Jack Ma\u2019s hard work, entrepreneurial vision, and smart thinking that helped him build one of the most successful and influential companies in the world. ", + "categories": "creativity", + "review_score": 1.7 + }, + { + "Unnamed: 0": 3887, + "book_name": "Creative Confidence", + "summaries": " helps break the mundanity of everyday work and life by exploring the power that being more innovative has to improve happiness and success in many different areas.", + "categories": "creativity", + "review_score": 5.5 + }, + { + "Unnamed: 0": 3888, + "book_name": "Range", + "summaries": " shows that having a broad spectrum of skills and interests and taking your time to figure them out is better than specializing in just one area.", + "categories": "creativity", + "review_score": 4.9 + }, + { + "Unnamed: 0": 3889, + "book_name": "Bird By Bird", + "summaries": " is Ann Lamott\u2019s guide to using the power of routine, being yourself, rolling with the punches, and many other principles to become a better writer.", + "categories": "creativity", + "review_score": 4.7 + }, + { + "Unnamed: 0": 3890, + "book_name": "The Storytelling Edge", + "summaries": " will boost your communication and persuasiveness skills by showing you how to tell powerful narratives in a convincing way and giving examples of why you should.", + "categories": "creativity", + "review_score": 4.1 + }, + { + "Unnamed: 0": 3891, + "book_name": "Alchemy", + "summaries": " is your guide to making magic happen in business and life by teaching you how to practice irrational thinking to stand out and come up with powerful solutions to your problems and those of others. ", + "categories": "creativity", + "review_score": 2.0 + }, + { + "Unnamed: 0": 3892, + "book_name": "Arise, Awake", + "summaries": " will inspire you to move forward with your entrepreneurial dreams by sharing the inspirational stories of six Indian entrepreneurs and the lessons they learned on the path to success.", + "categories": "creativity", + "review_score": 6.8 + }, + { + "Unnamed: 0": 3893, + "book_name": "A Whole New Mind", + "summaries": " is your guide to standing out in the competitive workplace by taking advantage of the big-picture skills of the right side of your brain.", + "categories": "creativity", + "review_score": 7.9 + }, + { + "Unnamed: 0": 3894, + "book_name": "The Passion Paradox", + "summaries": " explains the risks of blindly following what we love to do the most and teaches us how to cultivate our passions in a way that can lead us to a fulfilling life.\u00a0", + "categories": "creativity", + "review_score": 9.0 + }, + { + "Unnamed: 0": 3895, + "book_name": "A More Beautiful Question", + "summaries": " will teach you how to ask more and better questions, showing you the power that the right questions have to transform your life for the better.", + "categories": "creativity", + "review_score": 6.4 + }, + { + "Unnamed: 0": 3896, + "book_name": "How To", + "summaries": " will help you get better at abstract thinking as it gives solutions to some of the strangest problems in the wackiest, but still scientific, ways.", + "categories": "creativity", + "review_score": 6.5 + }, + { + "Unnamed: 0": 3897, + "book_name": "Blue Ocean Shift", + "summaries": " guides you through the steps to beating out your competition by creating new markets that aren\u2019t overcrowded.", + "categories": "creativity", + "review_score": 5.6 + }, + { + "Unnamed: 0": 3898, + "book_name": "Getting There", + "summaries": " will inspire you to move toward your entrepreneurial dreams with the business journeys of six successful entrepreneurs. ", + "categories": "creativity", + "review_score": 5.3 + }, + { + "Unnamed: 0": 3899, + "book_name": "What If", + "summaries": " is a compilation of well-researched, science-based answers to some of the craziest hypothetical questions you can imagine.", + "categories": "creativity", + "review_score": 2.2 + }, + { + "Unnamed: 0": 3900, + "book_name": "Exploring The World Of Lucid Dreaming", + "summaries": " is a practical guide to dreaming consciously which uncovers an invaluable channel of communication between your conscious and unconscious mind.", + "categories": "creativity", + "review_score": 1.5 + }, + { + "Unnamed: 0": 3901, + "book_name": "The Messy Middle", + "summaries": " challenges the notion that projects grow slowly and smoothly toward success by outlining the rocky but important intermediate stages of any journey and how to survive them.", + "categories": "creativity", + "review_score": 7.9 + }, + { + "Unnamed: 0": 3902, + "book_name": "The Start-Up of You", + "summaries": " explains why you need manage your career as if you were running a start-up to get ahead in today\u2019s ultra-competitive and ever-changing business world. ", + "categories": "creativity", + "review_score": 6.6 + }, + { + "Unnamed: 0": 3903, + "book_name": "Inner Engineering", + "summaries": " is a guide to creating a life of happiness by exploring your internal landscape of thoughts and feelings and learning to align them with what the universe tells you.", + "categories": "creativity", + "review_score": 8.9 + }, + { + "Unnamed: 0": 3904, + "book_name": "An Audience Of One", + "summaries": " is a practical and inspiring manual for creators who want to live from their art, showing a simple, purpose-driven path to achieve that goal.", + "categories": "creativity", + "review_score": 2.2 + }, + { + "Unnamed: 0": 3905, + "book_name": "Hit Refresh", + "summaries": " tells the inspiring story of an Indian boy named Satya Nadella", + "categories": "creativity", + "review_score": 4.5 + }, + { + "Unnamed: 0": 3906, + "book_name": "Contagious", + "summaries": " illustrates why certain ideas and products spread better than others by sharing compelling stories from the world of business, social campaigns, and media.", + "categories": "creativity", + "review_score": 7.6 + }, + { + "Unnamed: 0": 3907, + "book_name": "Digital Renaissance", + "summaries": " uses empirical data to show that the digitization of media has led to a flood of art, but that its average quality hasn\u2019t changed.", + "categories": "creativity", + "review_score": 7.7 + }, + { + "Unnamed: 0": 3908, + "book_name": "#GIRLBOSS", + "summaries": " shows that even an unconventional life can lead to success when you discover your passions and improve your skills in unusual and unpredictable ways.", + "categories": "creativity", + "review_score": 5.3 + }, + { + "Unnamed: 0": 3909, + "book_name": "Change Your Questions, Change Your Life", + "summaries": " will revolutionize your thinking with questions that create a learning mindset. ", + "categories": "creativity", + "review_score": 8.2 + }, + { + "Unnamed: 0": 3910, + "book_name": "The 5 AM Club", + "summaries": " helps you get up at 5 AM every morning, build a morning routine, and make time for the self-improvement you need to find success.", + "categories": "creativity", + "review_score": 3.5 + }, + { + "Unnamed: 0": 3911, + "book_name": "The Third Door", + "summaries": " follows an 18-year-old\u2019s wild quest of interviewing many of the world\u2019s most successful people to discover what it takes to get to the top.", + "categories": "creativity", + "review_score": 1.1 + }, + { + "Unnamed: 0": 3912, + "book_name": "The Rise", + "summaries": " explains the integral role of failure in all creative endeavors and provides examples of great thinkers who thrived because they viewed failure as a necessary part of their journey towards mastery.", + "categories": "creativity", + "review_score": 1.7 + }, + { + "Unnamed: 0": 3913, + "book_name": "Company Of One", + "summaries": " will teach you how going small, not big when creating your own company will bring you independence, income, and lots of free time without the hassles of having to manage employees, long meetings, and forced growth.", + "categories": "creativity", + "review_score": 1.2 + }, + { + "Unnamed: 0": 3914, + "book_name": "Make Time", + "summaries": " is about creating space in your life for what truly matters using highlights, laser-style focus, energizing breaks, and regularly reflecting on how you spend your most valuable asset.", + "categories": "creativity", + "review_score": 1.5 + }, + { + "Unnamed: 0": 3915, + "book_name": "The Art Of Seduction", + "summaries": " is a template for persuading anyone, whether it\u2019s a business contact, a political adversary, or a love interest, to\u00a0act in your best interest.", + "categories": "creativity", + "review_score": 7.2 + }, + { + "Unnamed: 0": 3916, + "book_name": "How Successful People Think", + "summaries": " lays out eleven specific ways of thinking you can practice to live a better, happier, more successful life.", + "categories": "creativity", + "review_score": 9.0 + }, + { + "Unnamed: 0": 3917, + "book_name": "The Art Of Travel", + "summaries": " is a modern, philosophic take on the joys of going away, exploring why we do so in the first place and how we can avoid falling into today\u2019s most common tourist traps.", + "categories": "creativity", + "review_score": 6.3 + }, + { + "Unnamed: 0": 3918, + "book_name": "12 Rules For Life", + "summaries": "\u00a0is a story-based, stern yet entertaining self-help manual for young people laying out a set of simple rules to help us become more disciplined, behave better, act with integrity, and balance our lives while enjoying them as much as we can.", + "categories": "creativity", + "review_score": 2.8 + }, + { + "Unnamed: 0": 3919, + "book_name": "How To Fail At Almost Everything And Still Win Big", + "summaries": " is the memoir of Dilbert cartoonist Scott Adams", + "categories": "creativity", + "review_score": 1.3 + }, + { + "Unnamed: 0": 3920, + "book_name": "Problem Solving 101", + "summaries": "\u00a0is a universal, four-step template for overcoming challenges in life, based on a traditional method Japanese school children learn early on.", + "categories": "creativity", + "review_score": 5.7 + }, + { + "Unnamed: 0": 3921, + "book_name": "Crushing It", + "summaries": " is Gary Vaynerchuk\u2019s follow-up to his personal branding manifesto Crush It, in which he reiterates the importance of a personal brand and shows you the endless possibilities that come with building one today.", + "categories": "creativity", + "review_score": 6.5 + }, + { + "Unnamed: 0": 3922, + "book_name": "Leonardo Da Vinci", + "summaries": " is Walter Isaacson\u2019s account of the life of one of the most brilliant artists, thinkers, and innovators who ever lived.", + "categories": "creativity", + "review_score": 3.5 + }, + { + "Unnamed: 0": 3923, + "book_name": "Nobody Wants to Read Your Sh*t", + "summaries": " combines countless lessons Steven Pressfield has learned from succeeding as a writer in advertising, the movie industry, fiction, non-fiction, and self-help, in order to help you write like a pro.", + "categories": "creativity", + "review_score": 8.6 + }, + { + "Unnamed: 0": 3924, + "book_name": "Side Hustle", + "summaries": "\u00a0shows you how to set up new income streams without quitting your day job, taking you all the way from your initial idea to your first earned dollars in just 27 days.", + "categories": "creativity", + "review_score": 6.6 + }, + { + "Unnamed: 0": 3925, + "book_name": "Out Of Our Minds", + "summaries": " is about how we can set ourselves and our children up for doing good work in organizations around the globe, thanks to leaving behind the old mass education model and unleashing our individual creativity.", + "categories": "creativity", + "review_score": 1.5 + }, + { + "Unnamed: 0": 3926, + "book_name": "Accidental Genius", + "summaries": "\u00a0introduces you to the concept of freewriting, which you can use to solve complex problems, exercise your creativity, flesh out your ideas and even build a catalog of publishable work.", + "categories": "creativity", + "review_score": 7.4 + }, + { + "Unnamed: 0": 3927, + "book_name": "Walden", + "summaries": " details Henry David Thoreau\u2019s two-year stay in a self-built cabin by a lake in the woods, sharing what he learned about solitude, nature, work, thinking and fulfillment during his break from modern city life.", + "categories": "creativity", + "review_score": 9.0 + }, + { + "Unnamed: 0": 3928, + "book_name": "Real Artists Don\u2019t Starve", + "summaries": "\u00a0debunks all myths around the starving artist and shows you you can, will and deserve to make a living from your creative work.", + "categories": "creativity", + "review_score": 7.2 + }, + { + "Unnamed: 0": 3929, + "book_name": "Failing Forward", + "summaries": " will help you stop making excuses, start embracing failure as a natural, necessary part of the process and let you find the confidence to proceed anyway.", + "categories": "creativity", + "review_score": 1.9 + }, + { + "Unnamed: 0": 3930, + "book_name": "The Four Agreements", + "summaries": " draws on the long tradition of the Toltecs, an ancient, indigenous people of Mexico, to show you that we have been domesticated from childhood, how these internal, guiding rules hurt us and what we can do to break and replace them with a new set of agreements with ourselves.", + "categories": "creativity", + "review_score": 2.6 + }, + { + "Unnamed: 0": 3931, + "book_name": "Sprint", + "summaries": " completely overhauls your project management process so it allows you to go from zero to prototype in just five days and figure out if your idea is worth creating faster than ever.", + "categories": "creativity", + "review_score": 3.7 + }, + { + "Unnamed: 0": 3932, + "book_name": "The Innovators", + "summaries": " walks you through the history of the digital revolution, showing how it was a combined effort of many creative minds over decades, that enabled us to go from huge, clunky machines to the fast, globally connected devices in your pocket today.", + "categories": "creativity", + "review_score": 2.1 + }, + { + "Unnamed: 0": 3933, + "book_name": "Genius: The Life And Science Of Richard Feynman", + "summaries": " tells the story of one the greatest minds in the history of science, all the way from his humble beginnings to changing physics as we know it and receiving the Nobel prize.", + "categories": "creativity", + "review_score": 8.2 + }, + { + "Unnamed: 0": 3934, + "book_name": "The Innovator\u2019s Dilemma", + "summaries": " is a business classic that explains the power of disruption, why market leaders are often set up to fail as technologies and industries change and what incumbents can do to secure their market leadership for a long time.", + "categories": "creativity", + "review_score": 7.6 + }, + { + "Unnamed: 0": 3935, + "book_name": "Ego Is The Enemy", + "summaries": " reveals why a tendency that\u2019s hardwired into our brains \u2014 the belief that the world revolves around us and us alone \u2014 keeps holding us back from living the very life it dreams up for us, including what we can do to overcome our ego, be kinder to others and ourselves, and achieve true greatness.", + "categories": "creativity", + "review_score": 6.3 + }, + { + "Unnamed: 0": 3936, + "book_name": "The Creative Habit", + "summaries": " is a dancer\u2019s blueprint to making creativity a habit, which she\u2019s successfully done for over 50 years in the entertainment industry.", + "categories": "creativity", + "review_score": 8.7 + }, + { + "Unnamed: 0": 3937, + "book_name": "Plato At The Googleplex", + "summaries": "\u00a0asks what would happen if ancient philosopher Plato were alive today and came in contact with the modern world, for example by touring Google\u2019s headquarters, and what the implications of his encounters are for the relevance of philosophy in our civilized, hyper-technological world.", + "categories": "creativity", + "review_score": 7.5 + }, + { + "Unnamed: 0": 3938, + "book_name": "21 Days To A Big Idea", + "summaries": " shows you how to combine the creative and rational sides of your brain to come up with cool, new ideas and fun ways to implement them, which might even help you create a sustainable business in the long run, in as little as 21 days.", + "categories": "creativity", + "review_score": 8.9 + }, + { + "Unnamed: 0": 3939, + "book_name": "Making Ideas Happen", + "summaries": " is a systematized approach to coming up with creative ideas and, more importantly, actually executing them, that teams and companies can use to move their business and the world forward.", + "categories": "creativity", + "review_score": 4.8 + }, + { + "Unnamed: 0": 3940, + "book_name": "The Artist\u2019s Way", + "summaries": " is an all-time, self-help classic, helping you to reignite\u00a0your inner artist, recover your creativity and let the divine energy flow through you as you create your art.", + "categories": "creativity", + "review_score": 6.5 + }, + { + "Unnamed: 0": 3941, + "book_name": "The Geography Of Genius", + "summaries": " explains how genius is not an inherited trait bound to individual, but rather happens at the intersection of time and place, by talking you on a tour through some of the historically most creative cities in the world.", + "categories": "creativity", + "review_score": 2.6 + }, + { + "Unnamed: 0": 3942, + "book_name": "How We Got To Now", + "summaries": " explores the history of innovation, how innovations connect to one another, create an environment for change and where innovations come from.", + "categories": "creativity", + "review_score": 8.8 + }, + { + "Unnamed: 0": 3943, + "book_name": "Steal Like An Artist", + "summaries": " gives you permission to copy your heroes\u2019 work and use it as a springboard to find your own, unique style, all while remembering to have fun, creating the right work environment for your art and letting neither criticism nor praise drive you off track.", + "categories": "creativity", + "review_score": 3.7 + }, + { + "Unnamed: 0": 3944, + "book_name": "Make A Killing On Kindle", + "summaries": " shows you how you can market your self-published ebooks on Amazon the right way, without wasting time on social media or building a huge author platform first by focusing on a few key areas to set up your book for long-term sales in just 18 hours.", + "categories": "creativity", + "review_score": 4.3 + }, + { + "Unnamed: 0": 3945, + "book_name": "Free: The Future Of A Radical Price", + "summaries": " explains how offering things for free has moved from marketing gimmick to truly sustainable business strategy, thanks to the power of the internet, and how free and freemium models are already changing how\u00a0we sell stuff.", + "categories": "creativity", + "review_score": 7.7 + }, + { + "Unnamed: 0": 3946, + "book_name": "How To Read A Book", + "summaries": " is a 1940 classic teaching you how to become a more active reader and deliberately practice the various stages of reading, in order to maximize the value you get from books.", + "categories": "creativity", + "review_score": 9.2 + }, + { + "Unnamed: 0": 3947, + "book_name": "The World According To Star Wars", + "summaries": " Summary examines not only the unrivaled popularity of this epic franchise, but also what we can learn from it about the real world about politics, law, economics and even ourselves.", + "categories": "creativity", + "review_score": 2.1 + }, + { + "Unnamed: 0": 3948, + "book_name": "Disrupt Yourself", + "summaries": " explains how you can harness\u00a0the ever-accelerating power of disruptive innovation in your personal life, be it to advance your career or to build a company that thrives, by embracing your limitations, focusing on your strengths and staying flexible and curious along the way.", + "categories": "creativity", + "review_score": 5.5 + }, + { + "Unnamed: 0": 3949, + "book_name": "Benjamin Franklin: An American Life", + "summaries": " takes a thorough look at the life of one of the most influential humans that ever lived and explains how he could achieve such greatness in so many different fields and areas.", + "categories": "creativity", + "review_score": 3.3 + }, + { + "Unnamed: 0": 3950, + "book_name": "Moonshot!", + "summaries": " describes why now is the best time ever to build a business and how you can harness technology to create an experience customers will love by seeing the possibilities of the future before others do.", + "categories": "creativity", + "review_score": 4.2 + }, + { + "Unnamed: 0": 3951, + "book_name": "Excellent Sheep", + "summaries": "\u00a0describes how fundamentally broken elite education is, why it makes students feel depressed and lost, how educational institutions have been alienated from their true purpose, what students really must learn in college and how we can go back to making college a place for self-discovery and critical thinking.", + "categories": "creativity", + "review_score": 6.7 + }, + { + "Unnamed: 0": 3952, + "book_name": "The Idea Factory", + "summaries": " explains how one company, Bell Labs, has managed to spearhead innovation in the communications industry for almost 100 years by dedicating themselves to science and research, thus producing a disproportionately big share of the technology that significantly shapes our lives today.", + "categories": "creativity", + "review_score": 5.5 + }, + { + "Unnamed: 0": 3953, + "book_name": "Will It Fly", + "summaries": " is a step-by-step guide to testing your business idea, making sure your new venture\u00a0matches who you are, and not wasting time or money on something people won\u2019t want, so your business won\u2019t just run, but fly.", + "categories": "creativity", + "review_score": 2.1 + }, + { + "Unnamed: 0": 3954, + "book_name": "Content, Inc.", + "summaries": " describes a six-step model you can use to do your marketing long before you need it, without even having a product, or spending a lot of money, so your entrepreneurial venture will be a guaranteed success.", + "categories": "creativity", + "review_score": 7.1 + }, + { + "Unnamed: 0": 3955, + "book_name": "Catch Me If You Can", + "summaries": " is the story of how Frank Abagnale, one of the most famous con-artists in history, faked over eight identities, several professions, and cashed over $2.5 million of forged checks in the 1960s, until the police finally caught him at age 21.", + "categories": "creativity", + "review_score": 7.7 + }, + { + "Unnamed: 0": 3956, + "book_name": "Made To Stick", + "summaries": " examines advertising campaigns, urban myths and compelling stories to determine the six traits that make ideas stick in our brains, so you don\u2019t just know why you remember some things better than others, but can also spread your own ideas more easily among the right people.", + "categories": "creativity", + "review_score": 5.8 + }, + { + "Unnamed: 0": 3957, + "book_name": "The Code Of The Extraordinary Mind", + "summaries": " gives you a 10-step framework for success, based on the lives of the world\u2019s most successful people, who the author has spent 200+ hours interviewing.", + "categories": "creativity", + "review_score": 2.4 + }, + { + "Unnamed: 0": 3958, + "book_name": "Creativity, Inc.", + "summaries": " is an instruction manual for instilling inspiration into employees, managers and bosses, by revealing the hidden forces that get in the way, based on over\u00a030\u00a0years of experience of the president of Pixar, Ed Catmull.", + "categories": "creativity", + "review_score": 4.1 + }, + { + "Unnamed: 0": 3959, + "book_name": "One Simple Idea", + "summaries": " shows you how to turn your ideas into licensed products and build copmanies around those that use\u00a0outsourced manufacturers to produce, market, sell, ship and distribute those products.", + "categories": "creativity", + "review_score": 7.3 + }, + { + "Unnamed: 0": 3960, + "book_name": "Ignore Everybody", + "summaries": " outlines 40 ways for creative people to let their inner artist bubble to the surface by staying in control of their art, not selling out and refusing\u00a0to conform to\u00a0what the world wants you to do.", + "categories": "creativity", + "review_score": 5.2 + }, + { + "Unnamed: 0": 3961, + "book_name": "Think Like A Freak teaches you how to reject conventional wisdom as often as possible, ask the right questions about everything and come up with your own, statistically validated answers, instead of relying on other peoples\u2019 opinions or common sense", + "summaries": ".", + "categories": "creativity", + "review_score": 2.3 + }, + { + "Unnamed: 0": 3962, + "book_name": "Born For This", + "summaries": " shows you how to find the work you were meant to do, which actually might consist of many different forms of work over the course of your life, by showing you the power of a side hustle, proper risk-assessment, creating your own job and pursuing all of your passions \u2013 one at a time.", + "categories": "creativity", + "review_score": 8.3 + }, + { + "Unnamed: 0": 3963, + "book_name": "Creative Schools", + "summaries": " reveals how fundamentally broken our formal education system really is and how we can change our perspective to teach children the competencies and things they actually need to navigate the modern world.", + "categories": "creativity", + "review_score": 3.4 + }, + { + "Unnamed: 0": 3964, + "book_name": "The Rebel Rules", + "summaries": " shows you how you can run a business by being yourself, relying on your vision, instinct, passion and agility to call the shots, stay innovative and maneuver your business like a startup, even if it\u2019s long outgrown its baby pants.", + "categories": "creativity", + "review_score": 8.6 + }, + { + "Unnamed: 0": 3965, + "book_name": "Things A Little Bird Told Me", + "summaries": " is Twitter co-founder Biz Stone\u2019s look back at the years of his life during and before Twitter, from which he draws many lessons about business, life and society.", + "categories": "creativity", + "review_score": 1.5 + }, + { + "Unnamed: 0": 3966, + "book_name": "Smart People Should Build Things", + "summaries": " explains how the current education system works against the economy by producing an endless string of bankers and consultants, instead of the innovators we need, and how we can encourage more young people to become entrepreneurs to solve this problem.", + "categories": "creativity", + "review_score": 5.5 + }, + { + "Unnamed: 0": 3967, + "book_name": "The Freaks Shall Inherit The Earth", + "summaries": " is Chris Brogan\u2019s manual to help you do business your way, not care what anyone thinks, own your art and still use media in the best way possible to remain profitable.", + "categories": "creativity", + "review_score": 2.0 + }, + { + "Unnamed: 0": 3968, + "book_name": "Where Good Ideas Come From", + "summaries": " describes how the process of innovation is similar to evolution and why good ideas have to be shaped over time, build on existing platforms, require connections, luck, and error and how you can turn something old into something new.", + "categories": "creativity", + "review_score": 5.7 + }, + { + "Unnamed: 0": 3969, + "book_name": "The Eureka Factor lays out the history of so-called \u201caha moments\u201d and explains what happens in your brain as you have them, where they come from and how you can train yourself to have more flashes of genius", + "summaries": ".", + "categories": "creativity", + "review_score": 8.3 + }, + { + "Unnamed: 0": 3970, + "book_name": "A Curious Mind", + "summaries": " is an homage to the power of asking questions, showing you how being curious can change your entire life, from the way you do business, to how you interact with your loved ones, or even shape your country.", + "categories": "creativity", + "review_score": 7.6 + }, + { + "Unnamed: 0": 3971, + "book_name": "Inventology", + "summaries": " takes you through the history of how many of the world\u2019s best inventors came across their ideas, uncovering their creative process and how\u00a0you can update it for today to figure out what drives great inventions and come up with your own.", + "categories": "creativity", + "review_score": 4.1 + }, + { + "Unnamed: 0": 3972, + "book_name": "Einstein: His Life And Universe", + "summaries": " takes a close look at the life of Albert Einstein, beginning in how his childhood shaped him, what his biggest discoveries and personal struggles were and how his focus changed in later years, without his genius\u00a0ever fading until his very last moment.", + "categories": "creativity", + "review_score": 6.3 + }, + { + "Unnamed: 0": 3973, + "book_name": "Hackers and Painters", + "summaries": " is a collection of essays by Y Combinator founder Paul Graham about what makes a good computer programmer and how you can\u00a0code\u00a0the future if you are one, making a fortune in the process.", + "categories": "creativity", + "review_score": 5.4 + }, + { + "Unnamed: 0": 3974, + "book_name": "Breakfast With Socrates", + "summaries": " takes you through an ordinary day in the company of extraordinary minds, by linking each part of it to the core message of one of several great philosophers throughout history, such as Descartes, Nietzsche, Marx, and even Buddha.", + "categories": "creativity", + "review_score": 1.2 + }, + { + "Unnamed: 0": 3975, + "book_name": "The Third Wave", + "summaries": " lays out the history of the internet and how it\u2019s about to permeate everything in our lives, as well as what it takes for entrepreneurs to make use of this mega-trend and thrive in an omni-connected, always-online world.", + "categories": "creativity", + "review_score": 7.2 + }, + { + "Unnamed: 0": 3976, + "book_name": "Originals", + "summaries": " re-defines what being creative means by using many specific examples of how persistence, procrastination, transparency, critical thinking and perspective can be brought together to change the world.", + "categories": "creativity", + "review_score": 4.5 + }, + { + "Unnamed: 0": 3977, + "book_name": "Pitch Anything", + "summaries": " relies on tactics and strategies from a field called neuroeconomics to give you an entirely new way of presenting, pitching and convincing other people of your ideas and offers.", + "categories": "creativity", + "review_score": 9.7 + }, + { + "Unnamed: 0": 3978, + "book_name": "Hatching Twitter", + "summaries": " details the story and human drama behind the creation and meteoric rise of Twitter, the social media platform that\u2019s changed how we communicate over the past ten years.", + "categories": "creativity", + "review_score": 2.3 + }, + { + "Unnamed: 0": 3979, + "book_name": "Smartcuts", + "summaries": " explains how some people and businesses achieve rapid growth and build sustainable, profitable companies in the time it takes you to get another promotion, by working smart, not hard and hacking into the ladder of success, instead of climbing it one step at a time.", + "categories": "creativity", + "review_score": 3.1 + }, + { + "Unnamed: 0": 3980, + "book_name": "Traction", + "summaries": " is a roadmap for startups to achieve the exponential growth necessary to survive the first few months and years by looking at 19 ways to get traction and a framework to help you pick the best one for your startup.", + "categories": "creativity", + "review_score": 9.1 + }, + { + "Unnamed: 0": 3981, + "book_name": "This Is Your Brain On Music", + "summaries": " explains where music historically comes from, what it triggers in our brain, how we develop our tastes and why it\u2019s a crucial part of our lives, along with what makes great musicians great.", + "categories": "creativity", + "review_score": 8.6 + }, + { + "Unnamed: 0": 3982, + "book_name": "Reading Like A Writer", + "summaries": " takes you through the various elements of world-famous\u00a0literature and shows you how, by paying close attention to how great authors employ them, you can not only get a lot more from your reading, but also learn to be a better writer yourself.", + "categories": "creativity", + "review_score": 5.6 + }, + { + "Unnamed: 0": 3983, + "book_name": "Who Moved My Cheese", + "summaries": " tells a parable, which you can directly apply to your own life, in order to stop fearing what lies ahead and instead thrive in an environment of change and uncertainty.", + "categories": "creativity", + "review_score": 9.8 + }, + { + "Unnamed: 0": 3984, + "book_name": "The Da Vinci Curse", + "summaries": " explains why people with many talents don\u2019t fit into a world where we need specialists and, if you have many talents yourself, shows you how you can lift this curse, by giving you a framework to follow and find your true vocation in life.", + "categories": "creativity", + "review_score": 9.9 + }, + { + "Unnamed: 0": 3985, + "book_name": "Everything I Know", + "summaries": " ditches all the rules and gives you a guide to living a fulfilled and adventurous life that can be infinitely updated, stretched, expanded and customized, based on who you are, instead of another \u201cdo-this-to-get-rich-fast\u201d scheme that doesn\u2019t work for everyone.", + "categories": "creativity", + "review_score": 5.8 + }, + { + "Unnamed: 0": 3986, + "book_name": "Losing My Virginity", + "summaries": " details Richard Branson\u2019s meteoric rise to success and digs into what made him the adventurous, fun-loving, daring entrepreneur he is today and what lessons you can learn about business from him.", + "categories": "creativity", + "review_score": 5.2 + }, + { + "Unnamed: 0": 3987, + "book_name": "The Desire Map", + "summaries": " gives your goal-setting mechanism a makeover by showing you that desire, not facts, is what fuels our lives and helps you rely on your feelings to navigate life, instead of giving in to the pressure of the outside world to check the boxes on goals that don\u2019t really matter to you.", + "categories": "creativity", + "review_score": 6.6 + }, + { + "Unnamed: 0": 3988, + "book_name": "The Art of Non-Conformity", + "summaries": " teaches you how to play life by your own rules by giving you practical glimpses into the world of self-employment, a new approach to travel, to-do list minimalism and conscious spending habits.", + "categories": "creativity", + "review_score": 7.6 + }, + { + "Unnamed: 0": 3989, + "book_name": "The E-Myth Revisited", + "summaries": " explains why 80% of small businesses fail, and how to ensure yours isn\u2019t among those by building a company that\u2019s based on systems and not on the work of a single individual.", + "categories": "creativity", + "review_score": 9.6 + }, + { + "Unnamed: 0": 3990, + "book_name": "Uncertainty", + "summaries": " shows you that the condition of not knowing is nothing to fear, but the birthplace of innovation, which, if you embrace it while anchoring yourself, has an unlimited potential for growth, wealth and happiness.", + "categories": "creativity", + "review_score": 5.0 + }, + { + "Unnamed: 0": 3991, + "book_name": "Trust Me, I\u2019m Lying", + "summaries": "\u00a0is a marketer\u2019s take on how influential blogs have become, why that\u2019s something to worry about, and which broken dynamics govern the internet today, including his own confessions of how he gamed that very system to successfully generate press for his clients.", + "categories": "creativity", + "review_score": 4.4 + }, + { + "Unnamed: 0": 3992, + "book_name": "The $100 Startup", + "summaries": " shows you how to break free from the shackles of 9 to 5 by combining your passion and skills into your own microbusiness, which you can start for $100 or less, yet still turn into a full time income, thanks to the power of the internet.", + "categories": "creativity", + "review_score": 8.2 + }, + { + "Unnamed: 0": 3993, + "book_name": "Crush It", + "summaries": " is the blueprint you need to turn your passion into your profession and will give you the tools to turn yourself into a brand, leverage social media, produce great content and reap the financial benefits of it.", + "categories": "creativity", + "review_score": 7.6 + }, + { + "Unnamed: 0": 3994, + "book_name": "Permission Marketing", + "summaries": " explains why nobody pays attention to TV commercials and flyers anymore, and shows you how in today\u2019s crowded market, you can cheaply start a dialogue with your ideal customer, build a relationship over time and sell to them much more effectively.", + "categories": "creativity", + "review_score": 6.9 + }, + { + "Unnamed: 0": 3995, + "book_name": "Rookie Smarts", + "summaries": " argues against experience and for a mindset of learning in the modern workplace, due to knowledge growing and changing fast, which gives rookies a competitive advantage, as they\u2019re not bound by common practices and the status quo.", + "categories": "creativity", + "review_score": 3.2 + }, + { + "Unnamed: 0": 3996, + "book_name": "The Art Of Social Media", + "summaries": " is a compendium of over 100 practical tips to treat your social media presence like a business and use a bottom-up approach to get the attention your brand, product or business deserves.", + "categories": "creativity", + "review_score": 8.0 + }, + { + "Unnamed: 0": 3997, + "book_name": "Big Magic", + "summaries": " is the book that\u2019ll give you the courage you need to pursue your creative interests by showing you how to deal with your fears, notice ideas and act on them and take the stress out of creation.", + "categories": "creativity", + "review_score": 2.6 + }, + { + "Unnamed: 0": 3998, + "book_name": "The Power Of Starting Something Stupid", + "summaries": " shows you that most ideas are often falsely labeled stupid at first, and that if they are, that\u2019s a good indicator you should pursue them and not care what anyone thinks.", + "categories": "creativity", + "review_score": 9.0 + }, + { + "Unnamed: 0": 3999, + "book_name": "Make Your Mark", + "summaries": " is a business book for creatives, telling them how to get started on turning their creative energy into a profitable business with simple, actionable ideas taken from 20 leading entrepreneurs and designers, who lead successful creative businesses.", + "categories": "creativity", + "review_score": 4.9 + }, + { + "Unnamed: 0": 4000, + "book_name": "Think And Grow Rich", + "summaries": " is a curation of the 13 most common habits of wealthy and successful people, distilled from studying over 500 individuals over the course of 20 years.", + "categories": "creativity", + "review_score": 2.9 + }, + { + "Unnamed: 0": 4001, + "book_name": "Jab, Jab, Jab, Right Hook", + "summaries": " is a message to everyone who\u2019s not on the social media train yet, showing them how to tell their story the right way on social media, so that it\u2019ll actually get heard.", + "categories": "creativity", + "review_score": 3.8 + }, + { + "Unnamed: 0": 4002, + "book_name": "The Art Of Work", + "summaries": " is the instruction manual to find your vocation by looking into your passions, connecting them to the needs of the world, and thus building a legacy that\u2019s bigger than yourself.", + "categories": "creativity", + "review_score": 6.2 + }, + { + "Unnamed: 0": 4003, + "book_name": "Start With Why", + "summaries": " is Simon Sinek\u2019s mission to help others do work, which inspires them, and uses real-world examples of great leaders to show you how they communicate and how you can adapt their mindset to inspire others yourself.", + "categories": "creativity", + "review_score": 9.5 + }, + { + "Unnamed: 0": 4004, + "book_name": "The War Of Art", + "summaries": " brings some much needed tough love to all artists, business people and creatives who spend more time battling the resistance against work than actually working, by identifying the procrastinating forces at play and pulling out the rug from under their feet.", + "categories": "creativity", + "review_score": 7.3 + }, + { + "Unnamed: 0": 4005, + "book_name": "The Tipping Point", + "summaries": " explains how ideas spread like epidemics and which few elements need to come together to help an idea reach the point of critical mass, where its viral effect becomes unstoppable.", + "categories": "creativity", + "review_score": 7.0 + }, + { + "Unnamed: 0": 4006, + "book_name": "Mastery", + "summaries": " debunks the myth of talent and shows you there are proven steps you can take to achieve mastery in a discipline of your own choosing, by analyzing the paths of some of history\u2019s most famous masters, such as Einstein, Darwin and Da Vinci.", + "categories": "creativity", + "review_score": 1.5 + }, + { + "Unnamed: 0": 4007, + "book_name": "Choose Yourself", + "summaries": " is a call to give up traditional career paths and take your life into your own hands by building good habits, creating your own career, and making a decision to choose yourself.", + "categories": "creativity", + "review_score": 9.5 + }, + { + "Unnamed: 0": 4008, + "book_name": "The Happiness Of Pursuit", + "summaries": " is a call to take control of your own life by going on a quest, which will fill your life with meaning, purpose, and a whole lot of adventure.", + "categories": "creativity", + "review_score": 4.0 + }, + { + "Unnamed: 0": 4009, + "book_name": "The Millionaire Fastlane", + "summaries": " points out what\u2019s wrong with the old get a degree, get a job, work hard, retire rich model, defines wealth in a new way, and shows you the path to retiring young.", + "categories": "creativity", + "review_score": 2.9 + }, + { + "Unnamed: 0": 4010, + "book_name": "Growth Hacker Marketing", + "summaries": " explains the 4-step framework today\u2019s startups use to remove the barrier between marketing and product development, thus making the product itself the best way to get new and more customers.", + "categories": "creativity", + "review_score": 3.2 + }, + { + "Unnamed: 0": 4011, + "book_name": "A Brief History Of Time", + "summaries": " is Stephen Hawking\u2019s way of explaining the most complex concepts and ideas of physics, such as space, time, black holes, planets, stars and gravity to the average Joe, so that even you and I can better understand how our planet was created, where it came from, and where it\u2019s going.", + "categories": "creativity", + "review_score": 7.6 + }, + { + "Unnamed: 0": 4012, + "book_name": "Steve Jobs", + "summaries": " is the most detailed and accurate account of the life of the man who created Apple, the most valuable technology company in the world.", + "categories": "creativity", + "review_score": 7.7 + }, + { + "Unnamed: 0": 4013, + "book_name": "Hooked", + "summaries": " shows you how some of the world\u2019s most successful\u00a0products, like smartphones, make us form habits around them and why that\u2019s crucial to their success, before teaching\u00a0you the 4-step framework that lies behind them.", + "categories": "creativity", + "review_score": 2.7 + }, + { + "Unnamed: 0": 4014, + "book_name": "The Wisdom Of Crowds", + "summaries": " researches why groups reach better decisions than individuals, what makes groups smart, where the dangers of group decisions lie, and how each of us can encourage the groups we are part of to work together.", + "categories": "creativity", + "review_score": 8.2 + }, + { + "Unnamed: 0": 4015, + "book_name": "How We Learn", + "summaries": " teaches you how your brain creates and recalls memories, what you can do to remember things better and longer, and how you can boost your creativity and improve your gut decisions along the way.", + "categories": "creativity", + "review_score": 1.1 + }, + { + "Unnamed: 0": 4016, + "book_name": "Do The Work", + "summaries": " is Steven Pressfield\u2019s follow-up to The War Of Art, where he gives you actionable tactics and strategies to overcome resistance, the force behind procrastination.", + "categories": "creativity", + "review_score": 4.0 + }, + { + "Unnamed: 0": 4017, + "book_name": "Built To Last", + "summaries": " examines what lies behind the extraordinary success of 18 visionary companies and which principles and ideas\u00a0they\u2019ve used\u00a0to thrive for a century.", + "categories": "creativity", + "review_score": 8.9 + }, + { + "Unnamed: 0": 4018, + "book_name": "A Tale of Two Cities", + "summaries": " tells the stories of two connected families in 18th-century London and Paris, exploring everything from love and loss to murder and family intrigue, thus teaching us about history, ethics, and the complexity of human relationships.", + "categories": "education", + "review_score": 6.8 + }, + { + "Unnamed: 0": 4019, + "book_name": "Dear Girls", + "summaries": " is a collection of letters written by comedian Ali Wong to her two daughters, recounting tales from her youth and life in an attempt to pass on some hard-earned wisdom to them and anyone willing to listen to her story.", + "categories": "education", + "review_score": 2.8 + }, + { + "Unnamed: 0": 4020, + "book_name": "The 4 Minute Millionaire", + "summaries": " is a collection of 44 short lessons sourced from the best finance books, each paired with an action item to help you get closer to financial freedom in just 4 minutes a day.", + "categories": "education", + "review_score": 9.4 + }, + { + "Unnamed: 0": 4021, + "book_name": "The Wealthy Gardener is a series of stories told from the perspective of an old, wealthy man, who shares the financial wisdom he\u2019s acquired over many years with the members in his community, showing them how to", + "summaries": " build wealth step-by-step through short yet meaningful anecdotes.", + "categories": "education", + "review_score": 3.2 + }, + { + "Unnamed: 0": 4022, + "book_name": "Brave New World", + "summaries": " presents a futuristic society engineered perfectly around capitalism and scientific efficiency, in which everyone is happy, conform, and content \u2014 but only at first glance.", + "categories": "education", + "review_score": 5.7 + }, + { + "Unnamed: 0": 4023, + "book_name": "1984", + "summaries": " is the story of a man questioning the system that keeps his futuristic but dystopian society afloat and the chaos that quickly ensues once he gives in to his natural curiosity and desire to be free.", + "categories": "education", + "review_score": 8.6 + }, + { + "Unnamed: 0": 4024, + "book_name": "The Catcher in the Rye", + "summaries": " describes the adventures of well-off teenage boy Holden Caulfield on a weekend out alone in New York City, illuminating the struggles of young adults with existential questions of morality, identity, meaning, and connection.", + "categories": "education", + "review_score": 3.4 + }, + { + "Unnamed: 0": 4025, + "book_name": "The Infinite Game", + "summaries": " argues that business is not a competition but an infinite journey, and that to do well in it, leaders must advance a \u201cJust Cause,\u201d build trusting teams, learn from their \u201cWorthy Rivals,\u201d and practice existential flexibility.", + "categories": "education", + "review_score": 6.7 + }, + { + "Unnamed: 0": 4026, + "book_name": "The Art of Statistics", + "summaries": " is a non-technical book that shows how statistics is helping humans everywhere get a new hold of data, interpret numbers, fact-check information, and reveal valuable insights, all while keeping the world as we know it afloat.", + "categories": "education", + "review_score": 4.5 + }, + { + "Unnamed: 0": 4027, + "book_name": "Rich Dad\u2019s Cashflow Quadrant", + "summaries": " is an inspiring read by Kiyosaki which comes as a sequel after his first groundbreaking book and presents how hard work doesn\u2019t always equal becoming rich, as wealth is likely a result of smart money decisions.", + "categories": "education", + "review_score": 6.5 + }, + { + "Unnamed: 0": 4028, + "book_name": "A Tale of Two Cities", + "summaries": " tells the stories of two connected families in 18th-century London and Paris, exploring everything from love and loss to murder and family intrigue, thus teaching us about history, ethics, and the complexity of human relationships.", + "categories": "education", + "review_score": 8.7 + }, + { + "Unnamed: 0": 4029, + "book_name": "Dear Girls", + "summaries": " is a collection of letters written by comedian Ali Wong to her two daughters, recounting tales from her youth and life in an attempt to pass on some hard-earned wisdom to them and anyone willing to listen to her story.", + "categories": "education", + "review_score": 4.2 + }, + { + "Unnamed: 0": 4030, + "book_name": "The 4 Minute Millionaire", + "summaries": " is a collection of 44 short lessons sourced from the best finance books, each paired with an action item to help you get closer to financial freedom in just 4 minutes a day.", + "categories": "education", + "review_score": 8.2 + }, + { + "Unnamed: 0": 4031, + "book_name": "The Wealthy Gardener is a series of stories told from the perspective of an old, wealthy man, who shares the financial wisdom he\u2019s acquired over many years with the members in his community, showing them how to", + "summaries": " build wealth step-by-step through short yet meaningful anecdotes.", + "categories": "education", + "review_score": 6.2 + }, + { + "Unnamed: 0": 4032, + "book_name": "Brave New World", + "summaries": " presents a futuristic society engineered perfectly around capitalism and scientific efficiency, in which everyone is happy, conform, and content \u2014 but only at first glance.", + "categories": "education", + "review_score": 2.8 + }, + { + "Unnamed: 0": 4033, + "book_name": "1984", + "summaries": " is the story of a man questioning the system that keeps his futuristic but dystopian society afloat and the chaos that quickly ensues once he gives in to his natural curiosity and desire to be free.", + "categories": "education", + "review_score": 2.3 + }, + { + "Unnamed: 0": 4034, + "book_name": "The Catcher in the Rye", + "summaries": " describes the adventures of well-off teenage boy Holden Caulfield on a weekend out alone in New York City, illuminating the struggles of young adults with existential questions of morality, identity, meaning, and connection.", + "categories": "education", + "review_score": 3.2 + }, + { + "Unnamed: 0": 4035, + "book_name": "The Infinite Game", + "summaries": " argues that business is not a competition but an infinite journey, and that to do well in it, leaders must advance a \u201cJust Cause,\u201d build trusting teams, learn from their \u201cWorthy Rivals,\u201d and practice existential flexibility.", + "categories": "education", + "review_score": 1.1 + }, + { + "Unnamed: 0": 4036, + "book_name": "The Art of Statistics", + "summaries": " is a non-technical book that shows how statistics is helping humans everywhere get a new hold of data, interpret numbers, fact-check information, and reveal valuable insights, all while keeping the world as we know it afloat.", + "categories": "education", + "review_score": 9.6 + }, + { + "Unnamed: 0": 4037, + "book_name": "Rich Dad\u2019s Cashflow Quadrant", + "summaries": " is an inspiring read by Kiyosaki which comes as a sequel after his first groundbreaking book and presents how hard work doesn\u2019t always equal becoming rich, as wealth is likely a result of smart money decisions.", + "categories": "education", + "review_score": 3.3 + }, + { + "Unnamed: 0": 4038, + "book_name": "Maoism", + "summaries": " explores the ideology of Mao Zedong, the Chinese leader of the communist party of the twentieth century, and how he managed to turn his doctrine into a mass-adopted phenomenon that continues even today, under different forms and shapes.", + "categories": "education", + "review_score": 1.1 + }, + { + "Unnamed: 0": 4039, + "book_name": "The Dawn of Everything", + "summaries": " tells the story of how we went from hunter-gatherers to city-builders, from the Stone Age to today\u2019s modern world, all by exploring a series of new discoveries made by scientists who are challenging some long-held beliefs about our history.", + "categories": "education", + "review_score": 8.9 + }, + { + "Unnamed: 0": 4040, + "book_name": "Napoleon\u2019s Buttons", + "summaries": " explores the scientific phenomenon of molecules by highlighting how we can trace the origins of our entire existence to something as tiny as atoms and make sense of various events in history that shaped our world.", + "categories": "education", + "review_score": 4.6 + }, + { + "Unnamed: 0": 4041, + "book_name": "The Courage to Be Happy", + "summaries": " offers a hands-on guide to living a meaningful life and letting go of negative thoughts by compiling the groundbreaking theories of psychologist Alfred Adler with other valuable research into an all-in-one book for becoming a happy and fulfilled person.", + "categories": "education", + "review_score": 3.9 + }, + { + "Unnamed: 0": 4042, + "book_name": "How to Break Up With Your Phone ", + "summaries": "explores a common problem for all of us who are engaging with social media and constant use of phones, namely our addiction to these devices and the internet, and ways to ditch it for good and find meaning in our lives outside of our virtual encounters.", + "categories": "education", + "review_score": 8.3 + }, + { + "Unnamed: 0": 4043, + "book_name": "The Daily Stoic", + "summaries": " is a year-long compilation of short, daily meditations from ancient Stoic philosophers like Seneca, Epictetus, Marcus Aurelius, and others, teaching you equanimity, resilience, and perseverance\u00a0", + "categories": "education", + "review_score": 2.6 + }, + { + "Unnamed: 0": 4044, + "book_name": "Designing Your Work Life", + "summaries": " is a helpful guidebook for anyone who wants to create and maintain a work environment that is both happy and productive by working with what they already have, rather than keep on changing jobs in hope of finding better.", + "categories": "education", + "review_score": 3.8 + }, + { + "Unnamed: 0": 4045, + "book_name": "Eats, Shoots & Leaves", + "summaries": " offers a humorous, yet instructive overview of how punctuation rules play a huge part in our writing language and how today\u2019s society has become overly relaxed about using the right punctuations marks, leaving grammar-concerned people like her frustrated.", + "categories": "education", + "review_score": 5.7 + }, + { + "Unnamed: 0": 4046, + "book_name": "The God Equation", + "summaries": " presents a factual approach to the theory of life, the inception of the universe, and how modern physics lay the foundation of all natural laws that govern the galaxies, the planets, and our home called Earth.", + "categories": "education", + "review_score": 6.8 + }, + { + "Unnamed: 0": 4047, + "book_name": "Astrophysics for People in a Hurry", + "summaries": " talks about the laws of nature, physics, astronomy, and the mysterious inception of our cosmos, the universe, stars, and implicitly our beautiful planet where life thrives and perpetuates.", + "categories": "education", + "review_score": 5.8 + }, + { + "Unnamed: 0": 4048, + "book_name": "Lifespan", + "summaries": " addresses the concept of aging and defies the laws of nature that humankind knew till now by presenting a cure to aging that derives from exetensive research in biology, diet and nutrition, sports, and the science of combating diseases.", + "categories": "education", + "review_score": 4.9 + }, + { + "Unnamed: 0": 4049, + "book_name": "Chaos", + "summaries": " is a scientific piece of writing that presents the principles behind the Chaos Theory, which was popularized in the late 20th century and represents a monumental step forward in the area of scientific knowledge and the universe\u2019s evolution overall.", + "categories": "education", + "review_score": 8.2 + }, + { + "Unnamed: 0": 4050, + "book_name": "Elite Minds", + "summaries": " delves into the idea of success and teaches you how to train your mind to tap into its highest potential, adopt a winning mentality, embrace the gifts you\u2019ve been given and improve mental toughness.", + "categories": "education", + "review_score": 5.2 + }, + { + "Unnamed: 0": 4051, + "book_name": "The Mom Test", + "summaries": " talks about ways to tell if your business idea is great or terrible by assessing the opinions of your friends, family, and investors accordingly, and not believing everything they say just to make you feel good.", + "categories": "education", + "review_score": 4.4 + }, + { + "Unnamed: 0": 4052, + "book_name": "Noise", + "summaries": " delves into the concept of randomness and talks about how we as humans make decisions that prove to be life-changing, without putting the necessary thought into it, and how we can strengthen our thinking processes.", + "categories": "education", + "review_score": 7.5 + }, + { + "Unnamed: 0": 4053, + "book_name": "Fat For Fuel", + "summaries": " explores the \u201c", + "categories": "education", + "review_score": 5.5 + }, + { + "Unnamed: 0": 4054, + "book_name": "Show Your Work!", + "summaries": " talks about the importance of being discoverable, showcasing your work like a professional, and networking properly in order to succeed with your creative work.", + "categories": "education", + "review_score": 9.1 + }, + { + "Unnamed: 0": 4055, + "book_name": "The Practice of Groundedness", + "summaries": " provides a more grounded way of living by eliminating the cult of being productive all the time to achieve success, instead offering a way to be at peace with yourself, prioritizing mental health and a simple yet meaningful life. ", + "categories": "education", + "review_score": 2.8 + }, + { + "Unnamed: 0": 4056, + "book_name": "Richard Nixon: The Life", + "summaries": " presents the detailed biography of the thirty-seventh president of the United States, who became famous for his successful endeavors that put him in the White House and for his controversial life the complexities of being such a top tier political figure.", + "categories": "education", + "review_score": 8.4 + }, + { + "Unnamed: 0": 4057, + "book_name": "Make It Stick", + "summaries": " explores ways to memorize faster and make learning easier, all while debunking myths and common misconceptions about learning being difficult and attributed to those who have highly native cognitive skills, with the help of researchers who\u2019ve studied the science of memory their entire life.", + "categories": "education", + "review_score": 2.2 + }, + { + "Unnamed: 0": 4058, + "book_name": "Rationality", + "summaries": " explores the concept of ration as the pylon of all human progress and how it sets us apart from all other species, helping us evolve and developing societal layers, rules of conduct, and moral grounds for all our endeavors in life.", + "categories": "education", + "review_score": 2.9 + }, + { + "Unnamed: 0": 4059, + "book_name": "What Is Life?", + "summaries": "compresses a series of lectures given by the notorious physicist Erwin Schr\u00f6dinger, and is a compelling research on how science, especially biology, chemistry and physics account for the ongoing process that the human body undertakes to simply exist and live", + "categories": "education", + "review_score": 5.9 + }, + { + "Unnamed: 0": 4060, + "book_name": "The Art of Rhetoric", + "summaries": " is an ancient, time-proven reference book that explores the secrets behind persuasion, rhetoric, and good public speaking by providing compelling information on what a good speech should consist of and how truth and virtue are at the foundation of every good story.", + "categories": "education", + "review_score": 6.4 + }, + { + "Unnamed: 0": 4061, + "book_name": "U Thrive", + "summaries": " explores the topic of college life and offers practical advice on how to diminish stress and anxiety from exams, deadlines, unfitting roommates, while thriving in the campus, academic life, and creating meaningful experiences.", + "categories": "education", + "review_score": 2.7 + }, + { + "Unnamed: 0": 4062, + "book_name": "Thrivers", + "summaries": " explores the perspective of a child born in today\u2019s fast-paced, digital era and how the average minor is being educated towards higher-than-usual achievements, being mature, responsible and successful, instead of being happy and focused on their own definition of success.", + "categories": "education", + "review_score": 6.7 + }, + { + "Unnamed: 0": 4063, + "book_name": "The Secret World of Weather", + "summaries": " is a guide to forecasting weather through various clues found in nature, such as plants, the wind, or clouds, to come up with an accurate calculation of the weather without having to check the news.", + "categories": "education", + "review_score": 7.5 + }, + { + "Unnamed: 0": 4064, + "book_name": "Long Life Learning", + "summaries": " questions the current educational systems worldwide in relation to an increasing trend in job automation, growing life expectancy, and a devaluation in higher degrees, all with a strong focus on the future of work and urgency to adapt to it.", + "categories": "education", + "review_score": 1.2 + }, + { + "Unnamed: 0": 4065, + "book_name": "The Case Against Sugar", + "summaries": " advocates against the use of sugar in the food industry and offers a critical look at how this harmful substance took over the world under the eyes of our highest institutions, who are very well aware of its toxicity but choose to remain silent.", + "categories": "education", + "review_score": 4.8 + }, + { + "Unnamed: 0": 4066, + "book_name": "The Hidden Habits of Genius", + "summaries": " looks at how geniuses separate themselves from the rest by having in common a distinctive set of characteristics and habits that form a unique way of thinking and cultivating brilliance. ", + "categories": "education", + "review_score": 4.7 + }, + { + "Unnamed: 0": 4067, + "book_name": "How to Take Smart Notes", + "summaries": " is the perfect guide on how to improve your writing, reading, and learning techniques using simple yet little-known tips-and-tricks that you can implement right away to develop these skills.", + "categories": "education", + "review_score": 7.6 + }, + { + "Unnamed: 0": 4068, + "book_name": "The Law Says What", + "summaries": " is a book that delivers significant insights into various everyday aspects of the law that most of us don\u2019t know about but really should, how we should navigate between them and get a better understanding of how they can protect us.", + "categories": "education", + "review_score": 2.4 + }, + { + "Unnamed: 0": 4070, + "book_name": "How Democracies Die", + "summaries": "\u00a0lays out the foundational principles of working democracies by looking at historical events, especially in Latin America, that show how democracies have failed in the past, how it could happen again, and how we can protect democracy from threats like bad leadership, inequality, and extremism.", + "categories": "education", + "review_score": 6.3 + }, + { + "Unnamed: 0": 4071, + "book_name": "The Data Detective", + "summaries": " will make you smarter by showing how you can understand statistics well enough to see how they, and the beliefs and cognitive biases they can make you have, make such a huge impact in your life, for better or for worse, and how to separate fact from fiction.", + "categories": "education", + "review_score": 4.9 + }, + { + "Unnamed: 0": 4072, + "book_name": "Lives of the Stoics", + "summaries": "\u00a0takes a deep dive into the experiences and beliefs of some of the earliest philosophers practicing the four Stoic virtues of courage, temperance, justice, and wisdom.", + "categories": "education", + "review_score": 6.7 + }, + { + "Unnamed: 0": 4073, + "book_name": "Hyperfocus", + "summaries": " teaches you how to become more efficient and improve your concentration by deciding on one thing to work on, focusing only on that task, learning to understand when your mind has wandered and redirecting your attention back to your work, and thinking creatively when you\u2019re not working.", + "categories": "education", + "review_score": 4.3 + }, + { + "Unnamed: 0": 4074, + "book_name": "No Logo", + "summaries": " uses four parts, including \u201cNo Space,\u201d \u201cNo Choice,\u201d \u201cNo Jobs,\u201d and \u201cNo Logo,\u201d to explain the growth of brand power since the 1980s, how the focus of companies on image rather than products has affected employees, and to identify those who fight against large corporations and their brands.", + "categories": "education", + "review_score": 8.9 + }, + { + "Unnamed: 0": 4075, + "book_name": "The Double Helix", + "summaries": " tells the story of the discovery of DNA, which is one of the most significant scientific findings in all of history, by explaining the rivalries, struggles of the prideful scientific community to work together, and other roadblocks that James Watson had on the way to making the breakthrough of a lifetime that would change his life and the entire world.", + "categories": "education", + "review_score": 9.0 + }, + { + "Unnamed: 0": 4076, + "book_name": "Restart", + "summaries": " tells the story of India\u2019s almost-leadership of the world\u2019s economy, showing why and how it instead succumbed to problems from the past, how those problems still hold it back today, and what the country might do about them.", + "categories": "education", + "review_score": 4.2 + }, + { + "Unnamed: 0": 4077, + "book_name": "The Grand Design", + "summaries": " explains the history of mankind from a scientific perspective, including how we came into existence and started to use science to explain the world and ourselves with laws like Newton\u2019s and Einstein\u2019s and more recent theories like quantum physics.", + "categories": "education", + "review_score": 2.2 + }, + { + "Unnamed: 0": 4078, + "book_name": "Boys & Sex", + "summaries": " shares the best insights that Peggy Orenstein had after two years of asking young men about their sex lives, including why stereotypes make life harder for them, how hookup culture is destroying relationships, and what we as a society can do to help these boys have better, healthier views about and experiences with sex.", + "categories": "education", + "review_score": 8.8 + }, + { + "Unnamed: 0": 4079, + "book_name": "Girls & Sex", + "summaries": "\u00a0identifies how pop culture and societal expectations hurt young women as they begin navigating the realm of sexuality, teaching us how to help girls feel empowered in choosing who they want to be.", + "categories": "education", + "review_score": 8.9 + }, + { + "Unnamed: 0": 4080, + "book_name": "The Case Against Education", + "summaries": " reveals why the schooling system is so broken, how it doesn\u2019t fulfill its intended purposes but instead creates multiple problems for society, and what we might try to do to fix it. ", + "categories": "education", + "review_score": 1.4 + }, + { + "Unnamed: 0": 4081, + "book_name": "Curious", + "summaries": " is your guide to becoming more intelligent by harnessing the power of inquisitiveness and outlines the true nature of curiosity, how to keep it flourishing to become smarter, and what you might unknowingly be doing to suffocate its power.", + "categories": "education", + "review_score": 8.7 + }, + { + "Unnamed: 0": 4082, + "book_name": "The Importance Of Being Little", + "summaries": " outlines the terrible inefficiencies of preschools, identifies how brilliantly curious the minds of kids are, and teaches ways to help them succeed through focusing more on principles like play and skill-development.", + "categories": "education", + "review_score": 6.6 + }, + { + "Unnamed: 0": 4083, + "book_name": "Weird Parenting Wins", + "summaries": " will make you better at raising your kids by sharing some strange ways that fathers and mothers have had success with their children, helping you see that your intuition might just be the greatest tool you have at your disposal.", + "categories": "education", + "review_score": 5.2 + }, + { + "Unnamed: 0": 4084, + "book_name": "Hillbilly Elegy", + "summaries": " is the inspiring autobiography of J.D. Vance who explains how his life began in poverty and turbulence and what he had to do to beat those difficult circumstances and rise to success.", + "categories": "education", + "review_score": 7.1 + }, + { + "Unnamed: 0": 4085, + "book_name": "Why \u201cA\u201d Students Work For \u201cC\u201d Students", + "summaries": " contains Robert Kiyosaki\u2019s lessons on how the global financial crisis is the result of a lack of education and shows parents how to become truly money literate so they can teach their kids to do the same and attain financial freedom.", + "categories": "education", + "review_score": 6.4 + }, + { + "Unnamed: 0": 4086, + "book_name": "The Fifth Discipline", + "summaries": " shows you how to find joy at work again as an employee and improve your company\u2019s productivity if you\u2019re an employer by outlining the five values you must adopt to turn your workplace into a learning environment.", + "categories": "education", + "review_score": 1.7 + }, + { + "Unnamed: 0": 4087, + "book_name": "So You Want To Talk About Race", + "summaries": " will help you make the world a better, fairer place by explaining how deeply entrenched racism is in our culture today and giving specific tips for having effective conversations about it so you can help end this major issue with society.", + "categories": "education", + "review_score": 8.0 + }, + { + "Unnamed: 0": 4088, + "book_name": "Battle Hymn Of The Tiger Mother", + "summaries": " opens your eyes to the potential benefits of tough love by sharing the traditionally Chinese parenting style and experiences of Amy Chua.", + "categories": "education", + "review_score": 7.3 + }, + { + "Unnamed: 0": 4089, + "book_name": "Empire Of Illusion", + "summaries": " motivates you to watch less TV and get better at reading by outlining the sharp drop in literacy levels in the United States in recent years, the negative effects that have followed, and the dark future ahead if we continue on this path.", + "categories": "education", + "review_score": 3.9 + }, + { + "Unnamed: 0": 4090, + "book_name": "Educated", + "summaries": " will help you become more grateful for your schooling, freedom, and normal relationships by explaining the family difficulties that Tara Westover had to break free of so that she could get her own education.", + "categories": "education", + "review_score": 9.1 + }, + { + "Unnamed: 0": 4091, + "book_name": "Crippled America", + "summaries": " makes you a more informed citizen by sharing the political beliefs and reasoning behind billionaire and businessman Donald J. Trump\u2019s plans to make his country great again.", + "categories": "education", + "review_score": 9.2 + }, + { + "Unnamed: 0": 4092, + "book_name": "Born A Crime", + "summaries": " will inspire you to make great things happen no matter what circumstances you\u2019re born into by revealing the story of how Trevor Noah grew up as a mixed child in South Africa on the way to becoming an adult.", + "categories": "education", + "review_score": 1.2 + }, + { + "Unnamed: 0": 4093, + "book_name": "Range", + "summaries": " shows that having a broad spectrum of skills and interests and taking your time to figure them out is better than specializing in just one area.", + "categories": "education", + "review_score": 4.6 + }, + { + "Unnamed: 0": 4094, + "book_name": "Becoming", + "summaries": "\u00a0will use Michelle Obama\u2019s life story to\u00a0motivate you to move forward with your dreams regardless of your circumstances, criticism, or what people think.", + "categories": "education", + "review_score": 7.3 + }, + { + "Unnamed: 0": 4095, + "book_name": "How To", + "summaries": " will help you get better at abstract thinking as it gives solutions to some of the strangest problems in the wackiest, but still scientific, ways.", + "categories": "education", + "review_score": 8.1 + }, + { + "Unnamed: 0": 4096, + "book_name": "The Uninhabitable Earth", + "summaries": " explains how humanity\u2019s complacency and negligence have put this world on a course to soon be unlivable unless we each do our small part to improve how we care for this beautiful planet we live on.", + "categories": "education", + "review_score": 7.6 + }, + { + "Unnamed: 0": 4097, + "book_name": "Outwitting The Devil", + "summaries": " is an imagined interview between Napoleon Hill and the Devil himself, in which he wrings certain truths from the root of evil, which will help us avoid his grasp and live a good life.", + "categories": "education", + "review_score": 3.0 + }, + { + "Unnamed: 0": 4098, + "book_name": "Reinvent Yourself", + "summaries": " is a template for how to best adapt in a world in which the only constant is change, so that you may find happiness, success, wealth, meaningful work, and whatever else you desire in life.", + "categories": "education", + "review_score": 6.4 + }, + { + "Unnamed: 0": 4099, + "book_name": "21 Lessons For The 21st Century", + "summaries": " highlights today\u2019s most pressing political, cultural, and economic challenges created by technology\u00a0while helping us prepare for an uncertain future.", + "categories": "education", + "review_score": 1.6 + }, + { + "Unnamed: 0": 4100, + "book_name": "Homo Deus", + "summaries": " illustrates the history of the human race from how we came to be the dominant species over what narratives are shaping our lives today all the way to which obstacles we must overcome next to continue to thrive.", + "categories": "education", + "review_score": 5.1 + }, + { + "Unnamed: 0": 4101, + "book_name": "How To Talk To Anyone", + "summaries": " is a collection of actionable tips to help you master the art of human communication, leave great first impressions and make people feel comfortable around you in all walks of life.", + "categories": "education", + "review_score": 1.2 + }, + { + "Unnamed: 0": 4102, + "book_name": "How To Fail At Almost Everything And Still Win Big", + "summaries": " is the memoir of Dilbert cartoonist Scott Adams", + "categories": "education", + "review_score": 1.4 + }, + { + "Unnamed: 0": 4103, + "book_name": "Problem Solving 101", + "summaries": "\u00a0is a universal, four-step template for overcoming challenges in life, based on a traditional method Japanese school children learn early on.", + "categories": "education", + "review_score": 5.3 + }, + { + "Unnamed: 0": 4104, + "book_name": "Skin In The Game", + "summaries": " is an assessment of asymmetries in human interactions, aimed at helping you understand where and how gaps in uncertainty, risk, knowledge, and fairness emerge, and how to close them.", + "categories": "education", + "review_score": 7.8 + }, + { + "Unnamed: 0": 4105, + "book_name": "Leonardo Da Vinci", + "summaries": " is Walter Isaacson\u2019s account of the life of one of the most brilliant artists, thinkers, and innovators who ever lived.", + "categories": "education", + "review_score": 9.9 + }, + { + "Unnamed: 0": 4106, + "book_name": "Barking Up The Wrong Tree", + "summaries": " turns standard success advice on its head by looking at both sides of many common arguments, like confidence, extroversion, or being nice, concluding it\u2019s really other factors that decide if we win, and we control more of them than we think.", + "categories": "education", + "review_score": 9.1 + }, + { + "Unnamed: 0": 4107, + "book_name": "Out Of Our Minds", + "summaries": " is about how we can set ourselves and our children up for doing good work in organizations around the globe, thanks to leaving behind the old mass education model and unleashing our individual creativity.", + "categories": "education", + "review_score": 3.5 + }, + { + "Unnamed: 0": 4108, + "book_name": "Ego Is The Enemy", + "summaries": " reveals why a tendency that\u2019s hardwired into our brains \u2014 the belief that the world revolves around us and us alone \u2014 keeps holding us back from living the very life it dreams up for us, including what we can do to overcome our ego, be kinder to others and ourselves, and achieve true greatness.", + "categories": "education", + "review_score": 7.0 + }, + { + "Unnamed: 0": 4109, + "book_name": "Plato At The Googleplex", + "summaries": "\u00a0asks what would happen if ancient philosopher Plato were alive today and came in contact with the modern world, for example by touring Google\u2019s headquarters, and what the implications of his encounters are for the relevance of philosophy in our civilized, hyper-technological world.", + "categories": "education", + "review_score": 5.7 + }, + { + "Unnamed: 0": 4110, + "book_name": "How To Read A Book", + "summaries": " is a 1940 classic teaching you how to become a more active reader and deliberately practice the various stages of reading, in order to maximize the value you get from books.", + "categories": "education", + "review_score": 1.6 + }, + { + "Unnamed: 0": 4111, + "book_name": "The Opposite Of Spoiled", + "summaries": " shows you how to raise financially conscious children, who learn the value of money early on by leading an open dialogue about money, giving them responsibility and teaching them patience.", + "categories": "education", + "review_score": 8.7 + }, + { + "Unnamed: 0": 4112, + "book_name": "The Magic Of Reality", + "summaries": " explains many of the world\u2019s natural phenomenons in a scientific way, so that you can understand how the elementary components of our planet work together to logically, yet beautifully, create the place we all call home.", + "categories": "education", + "review_score": 2.9 + }, + { + "Unnamed: 0": 4113, + "book_name": "Benjamin Franklin: An American Life", + "summaries": " takes a thorough look at the life of one of the most influential humans that ever lived and explains how he could achieve such greatness in so many different fields and areas.", + "categories": "education", + "review_score": 9.1 + }, + { + "Unnamed: 0": 4114, + "book_name": "Excellent Sheep", + "summaries": "\u00a0describes how fundamentally broken elite education is, why it makes students feel depressed and lost, how educational institutions have been alienated from their true purpose, what students really must learn in college and how we can go back to making college a place for self-discovery and critical thinking.", + "categories": "education", + "review_score": 1.9 + }, + { + "Unnamed: 0": 4115, + "book_name": "Long Walk To Freedom", + "summaries": " is the autobiography of Nelson Mandela, South African anti-apartheid activist, national icon and the first South African black president, elected in the first, fully democratic election in the country.", + "categories": "education", + "review_score": 4.1 + }, + { + "Unnamed: 0": 4116, + "book_name": "The Magic of Math", + "summaries": " shows you not only the power, but also the beauty of mathematics, unlike you\u2019ve ever seen it in school and with practical, real-world applications.", + "categories": "education", + "review_score": 1.3 + }, + { + "Unnamed: 0": 4117, + "book_name": "Creative Schools", + "summaries": " reveals how fundamentally broken our formal education system really is and how we can change our perspective to teach children the competencies and things they actually need to navigate the modern world.", + "categories": "education", + "review_score": 8.1 + }, + { + "Unnamed: 0": 4118, + "book_name": "Smart People Should Build Things", + "summaries": " explains how the current education system works against the economy by producing an endless string of bankers and consultants, instead of the innovators we need, and how we can encourage more young people to become entrepreneurs to solve this problem.", + "categories": "education", + "review_score": 1.2 + }, + { + "Unnamed: 0": 4119, + "book_name": "A Curious Mind", + "summaries": " is an homage to the power of asking questions, showing you how being curious can change your entire life, from the way you do business, to how you interact with your loved ones, or even shape your country.", + "categories": "education", + "review_score": 5.5 + }, + { + "Unnamed: 0": 4120, + "book_name": "How to Become a Straight-A Student", + "summaries": " gives you the techniques A+ students have used to pass college with flying colors and summa cum laude degrees, without compromising their entire lives and spending every minute in the library, ranging from time management and note-taking tactics all the way to how you can write a great thesis.", + "categories": "education", + "review_score": 6.5 + }, + { + "Unnamed: 0": 4121, + "book_name": "Meditations On First Philosophy", + "summaries": "\u00a0is one of the premier works of Western philosophy, written by\u00a0Ren\u00e9 Descartes in 1641, prompting us to abandon everything that can possibly be doubted and then starting to reason our way forward based only on what we can know with absolute certainty.", + "categories": "education", + "review_score": 6.8 + }, + { + "Unnamed: 0": 4122, + "book_name": "The Personal MBA", + "summaries": " will save you a few hundred grand by outlining everything you really need to know to get started on a thriving business, none of which is taught in expensive colleges.", + "categories": "education", + "review_score": 1.6 + }, + { + "Unnamed: 0": 4123, + "book_name": "Man\u2019s Search for Meaning", + "summaries": " details holocaust survivor Viktor Frankl\u2019s horrifying experiences in Nazi concentration camps, along with his psychological approach of logotherapy, which is also what helped him survive and shows you how you can \u2013 and must \u2013 find meaning in your life.", + "categories": "education", + "review_score": 1.2 + }, + { + "Unnamed: 0": 4124, + "book_name": "10 Days To Faster Reading", + "summaries": " helps you\u00a0bring your reading skills to the current century, even if you\u2019ve stopped developing them, like most of us, with the end of elementary school, by helping you select what to read in a better way and giving you actionable techniques to read and retain faster and better.", + "categories": "education", + "review_score": 4.3 + }, + { + "Unnamed: 0": 4125, + "book_name": "The Art Of Learning", + "summaries": " explains the science of becoming a top performer, based on Josh Waitzkin\u2019s personal rise to the top of the chess and Tai Chi world, by showing you the right mindset, proper ways to practice and how to build the habits of a professional.", + "categories": "education", + "review_score": 1.9 + }, + { + "Unnamed: 0": 4126, + "book_name": "How To Read Literature Like A Professor", + "summaries": " shows you how to get more out of your reading, by educating you about the basics of classic literature and how authors use patterns, themes, memory and symbolism in their work to deliver their message to you.", + "categories": "education", + "review_score": 5.4 + }, + { + "Unnamed: 0": 4127, + "book_name": "The Promise Of A Pencil", + "summaries": " narrates the story of how Adam Braun, well-bred, average college kid, working at Bain & Company, shook off what society expected of him and created a life of significance and success by starting his own charity, which now has built hundreds of schools for children in need.", + "categories": "education", + "review_score": 1.3 + }, + { + "Unnamed: 0": 4128, + "book_name": "Second Chance", + "summaries": " prepares you for the greatest evolutionary event in history, which we\u2019re all living through right now: the shift from the Industrial Age to the Information Age, where jobs and traditional educations aren\u2019t the right tools to build wealth anymore.", + "categories": "education", + "review_score": 1.8 + }, + { + "Unnamed: 0": 4129, + "book_name": "Outliers", + "summaries": " explains why \u201cthe self-made man\u201d is a myth and what truly lies behind the success of the best people in their field, which is often a series of lucky events, rare opportunities and other external factors, which are out of our control.", + "categories": "education", + "review_score": 5.2 + }, + { + "Unnamed: 0": 4130, + "book_name": "Mastery", + "summaries": " debunks the myth of talent and shows you there are proven steps you can take to achieve mastery in a discipline of your own choosing, by analyzing the paths of some of history\u2019s most famous masters, such as Einstein, Darwin and Da Vinci.", + "categories": "education", + "review_score": 7.0 + }, + { + "Unnamed: 0": 4131, + "book_name": "Money: Master The Game", + "summaries": " holds 7 simple steps to financial freedom, based on the advice of the world\u2019s best billionaire investors, interviewed by Tony Robbins.", + "categories": "education", + "review_score": 5.8 + }, + { + "Unnamed: 0": 4132, + "book_name": "Bounce", + "summaries": " shows you that training\u00a0trumps talent every time, by explaining the science of deliberate practice, the mindset of high performers and how you can use those tools to become a master of whichever\u00a0skill you choose.", + "categories": "education", + "review_score": 3.7 + }, + { + "Unnamed: 0": 4133, + "book_name": "Choose Yourself", + "summaries": " is a call to give up traditional career paths and take your life into your own hands by building good habits, creating your own career, and making a decision to choose yourself.", + "categories": "education", + "review_score": 9.0 + }, + { + "Unnamed: 0": 4134, + "book_name": "Salt Sugar Fat", + "summaries": " takes you through the history of the demise of home-cooked meals by explaining why you love salt, sugar and fat so much and how the processed food industry managed to hook us by cramming all 3 of those into their products.", + "categories": "education", + "review_score": 8.7 + }, + { + "Unnamed: 0": 4135, + "book_name": "The Millionaire Fastlane", + "summaries": " points out what\u2019s wrong with the old get a degree, get a job, work hard, retire rich model, defines wealth in a new way, and shows you the path to retiring young.", + "categories": "education", + "review_score": 4.8 + }, + { + "Unnamed: 0": 4136, + "book_name": "How We Learn", + "summaries": " teaches you how your brain creates and recalls memories, what you can do to remember things better and longer, and how you can boost your creativity and improve your gut decisions along the way.", + "categories": "education", + "review_score": 8.3 + }, + { + "Unnamed: 0": 4137, + "book_name": "The Little Prince", + "summaries": " is a beautiful children\u2019s story full of valuable lessons for adults, recounting the tale of an aviator and a little boy from a distant planet, both stranded in the desert, looking to get home, sharing what they\u2019ve learned about life.", + "categories": "fiction", + "review_score": 9.2 + }, + { + "Unnamed: 0": 4138, + "book_name": "The Picture of Dorian Gray", + "summaries": " tells the story of a young, beautiful man who trades his soul for eternal youth, then descends further and further into a moral abyss \u2014 until he discovers there is, after all, a price to pay for his actions.", + "categories": "fiction", + "review_score": 7.4 + }, + { + "Unnamed: 0": 4139, + "book_name": "The Great Gatsby is an American classic following Jay Gatsby\u2019s quest to win back his long-lost love by faking a successful life,\u00a0", + "summaries": "depicting the struggles around love, relationships, societal standing, and consumerism of people in the \u201croaring\u201d 1920s.", + "categories": "fiction", + "review_score": 8.0 + }, + { + "Unnamed: 0": 4140, + "book_name": "A Tale of Two Cities", + "summaries": " tells the stories of two connected families in 18th-century London and Paris, exploring everything from love and loss to murder and family intrigue, thus teaching us about history, ethics, and the complexity of human relationships.", + "categories": "fiction", + "review_score": 2.7 + }, + { + "Unnamed: 0": 4141, + "book_name": "The Wealthy Gardener is a series of stories told from the perspective of an old, wealthy man, who shares the financial wisdom he\u2019s acquired over many years with the members in his community, showing them how to", + "summaries": " build wealth step-by-step through short yet meaningful anecdotes.", + "categories": "fiction", + "review_score": 6.7 + }, + { + "Unnamed: 0": 4142, + "book_name": "The Midnight Library", + "summaries": " tells the story of Nora, a depressed woman in her 30s, who, on the day she decides to die, finds herself in a library full of lives she could have lived, where she discovers there\u2019s a lot more to life, even her current one, than she had ever imagined.", + "categories": "fiction", + "review_score": 8.6 + }, + { + "Unnamed: 0": 4143, + "book_name": "Brave New World", + "summaries": " presents a futuristic society engineered perfectly around capitalism and scientific efficiency, in which everyone is happy, conform, and content \u2014 but only at first glance.", + "categories": "fiction", + "review_score": 4.9 + }, + { + "Unnamed: 0": 4144, + "book_name": "1984", + "summaries": " is the story of a man questioning the system that keeps his futuristic but dystopian society afloat and the chaos that quickly ensues once he gives in to his natural curiosity and desire to be free.", + "categories": "fiction", + "review_score": 9.1 + }, + { + "Unnamed: 0": 4145, + "book_name": "The Catcher in the Rye", + "summaries": " describes the adventures of well-off teenage boy Holden Caulfield on a weekend out alone in New York City, illuminating the struggles of young adults with existential questions of morality, identity, meaning, and connection.", + "categories": "fiction", + "review_score": 8.8 + }, + { + "Unnamed: 0": 4146, + "book_name": "Siddhartha", + "summaries": " presents the self-discovery expedition of a man during the time of the Buddha who, unsure of what life really means to him, takes an exploratory journey to pursue the highs and lows of life, which ultimately leads him to discover the equilibrium in all things and a higher wisdom within.", + "categories": "fiction", + "review_score": 9.4 + }, + { + "Unnamed: 0": 4147, + "book_name": "The Little Prince", + "summaries": " is a beautiful children\u2019s story full of valuable lessons for adults, recounting the tale of an aviator and a little boy from a distant planet, both stranded in the desert, looking to get home, sharing what they\u2019ve learned about life.", + "categories": "fiction", + "review_score": 2.0 + }, + { + "Unnamed: 0": 4148, + "book_name": "The Picture of Dorian Gray", + "summaries": " tells the story of a young, beautiful man who trades his soul for eternal youth, then descends further and further into a moral abyss \u2014 until he discovers there is, after all, a price to pay for his actions.", + "categories": "fiction", + "review_score": 4.6 + }, + { + "Unnamed: 0": 4149, + "book_name": "The Great Gatsby is an American classic following Jay Gatsby\u2019s quest to win back his long-lost love by faking a successful life,\u00a0", + "summaries": "depicting the struggles around love, relationships, societal standing, and consumerism of people in the \u201croaring\u201d 1920s.", + "categories": "fiction", + "review_score": 7.8 + }, + { + "Unnamed: 0": 4150, + "book_name": "A Tale of Two Cities", + "summaries": " tells the stories of two connected families in 18th-century London and Paris, exploring everything from love and loss to murder and family intrigue, thus teaching us about history, ethics, and the complexity of human relationships.", + "categories": "fiction", + "review_score": 5.1 + }, + { + "Unnamed: 0": 4151, + "book_name": "The Wealthy Gardener is a series of stories told from the perspective of an old, wealthy man, who shares the financial wisdom he\u2019s acquired over many years with the members in his community, showing them how to", + "summaries": " build wealth step-by-step through short yet meaningful anecdotes.", + "categories": "fiction", + "review_score": 9.7 + }, + { + "Unnamed: 0": 4152, + "book_name": "The Midnight Library", + "summaries": " tells the story of Nora, a depressed woman in her 30s, who, on the day she decides to die, finds herself in a library full of lives she could have lived, where she discovers there\u2019s a lot more to life, even her current one, than she had ever imagined.", + "categories": "fiction", + "review_score": 3.4 + }, + { + "Unnamed: 0": 4153, + "book_name": "Brave New World", + "summaries": " presents a futuristic society engineered perfectly around capitalism and scientific efficiency, in which everyone is happy, conform, and content \u2014 but only at first glance.", + "categories": "fiction", + "review_score": 9.0 + }, + { + "Unnamed: 0": 4154, + "book_name": "1984", + "summaries": " is the story of a man questioning the system that keeps his futuristic but dystopian society afloat and the chaos that quickly ensues once he gives in to his natural curiosity and desire to be free.", + "categories": "fiction", + "review_score": 3.7 + }, + { + "Unnamed: 0": 4155, + "book_name": "The Catcher in the Rye", + "summaries": " describes the adventures of well-off teenage boy Holden Caulfield on a weekend out alone in New York City, illuminating the struggles of young adults with existential questions of morality, identity, meaning, and connection.", + "categories": "fiction", + "review_score": 7.6 + }, + { + "Unnamed: 0": 4156, + "book_name": "Siddhartha", + "summaries": " presents the self-discovery expedition of a man during the time of the Buddha who, unsure of what life really means to him, takes an exploratory journey to pursue the highs and lows of life, which ultimately leads him to discover the equilibrium in all things and a higher wisdom within.", + "categories": "fiction", + "review_score": 1.2 + }, + { + "Unnamed: 0": 4157, + "book_name": "The Little Prince", + "summaries": " is a beautiful children\u2019s story full of valuable lessons for adults, recounting the tale of an aviator and a little boy from a distant planet, both stranded in the desert, looking to get home, sharing what they\u2019ve learned about life.", + "categories": "communication", + "review_score": 2.6 + }, + { + "Unnamed: 0": 4158, + "book_name": "Dear Girls", + "summaries": " is a collection of letters written by comedian Ali Wong to her two daughters, recounting tales from her youth and life in an attempt to pass on some hard-earned wisdom to them and anyone willing to listen to her story.", + "categories": "communication", + "review_score": 2.4 + }, + { + "Unnamed: 0": 4159, + "book_name": "On Writing", + "summaries": " details Stephen King\u2019s journey to becoming one of the best-selling authors of all time while delivering hard-won advice on the craft to aspiring writers.", + "categories": "communication", + "review_score": 8.9 + }, + { + "Unnamed: 0": 4160, + "book_name": "The Highly Sensitive Person", + "summaries": "\u00a0is a self-assessment guide and how-to-live template for people who feel, relate, process, and notice more deeply than others, and who frequently suffer from overstimulation as a result.", + "categories": "communication", + "review_score": 6.7 + }, + { + "Unnamed: 0": 4161, + "book_name": "The Financial Diet", + "summaries": " is a compendium of clever money tips for beginners, offering thrifty spending advice and sound money strategies in a wide range of areas, such as budgeting, investing, work, food, home, and even love.", + "categories": "communication", + "review_score": 9.8 + }, + { + "Unnamed: 0": 4162, + "book_name": "The Catcher in the Rye", + "summaries": " describes the adventures of well-off teenage boy Holden Caulfield on a weekend out alone in New York City, illuminating the struggles of young adults with existential questions of morality, identity, meaning, and connection.", + "categories": "communication", + "review_score": 6.8 + }, + { + "Unnamed: 0": 4163, + "book_name": "The Infinite Game", + "summaries": " argues that business is not a competition but an infinite journey, and that to do well in it, leaders must advance a \u201cJust Cause,\u201d build trusting teams, learn from their \u201cWorthy Rivals,\u201d and practice existential flexibility.", + "categories": "communication", + "review_score": 6.4 + }, + { + "Unnamed: 0": 4164, + "book_name": "The Daily Laws", + "summaries": "\u00a0is a page-a-day, calendar-style book covering the three big topics of mastery, power, and emotions, sharing Robert Greene\u2019s best lessons from 20 years of research of the dynamics within and between humans.", + "categories": "communication", + "review_score": 6.3 + }, + { + "Unnamed: 0": 4165, + "book_name": "The Life-Changing Science of Detecting Bullshit", + "summaries": " teaches its readers how to avoid falling for the lies and false information that other people spread by helping them build essential thinking skills through examples from the real world.", + "categories": "communication", + "review_score": 9.4 + }, + { + "Unnamed: 0": 4166, + "book_name": "The Little Prince", + "summaries": " is a beautiful children\u2019s story full of valuable lessons for adults, recounting the tale of an aviator and a little boy from a distant planet, both stranded in the desert, looking to get home, sharing what they\u2019ve learned about life.", + "categories": "communication", + "review_score": 1.9 + }, + { + "Unnamed: 0": 4167, + "book_name": "Dear Girls", + "summaries": " is a collection of letters written by comedian Ali Wong to her two daughters, recounting tales from her youth and life in an attempt to pass on some hard-earned wisdom to them and anyone willing to listen to her story.", + "categories": "communication", + "review_score": 6.4 + }, + { + "Unnamed: 0": 4168, + "book_name": "On Writing", + "summaries": " details Stephen King\u2019s journey to becoming one of the best-selling authors of all time while delivering hard-won advice on the craft to aspiring writers.", + "categories": "communication", + "review_score": 7.2 + }, + { + "Unnamed: 0": 4169, + "book_name": "The Highly Sensitive Person", + "summaries": "\u00a0is a self-assessment guide and how-to-live template for people who feel, relate, process, and notice more deeply than others, and who frequently suffer from overstimulation as a result.", + "categories": "communication", + "review_score": 7.2 + }, + { + "Unnamed: 0": 4170, + "book_name": "The Financial Diet", + "summaries": " is a compendium of clever money tips for beginners, offering thrifty spending advice and sound money strategies in a wide range of areas, such as budgeting, investing, work, food, home, and even love.", + "categories": "communication", + "review_score": 8.0 + }, + { + "Unnamed: 0": 4171, + "book_name": "The Catcher in the Rye", + "summaries": " describes the adventures of well-off teenage boy Holden Caulfield on a weekend out alone in New York City, illuminating the struggles of young adults with existential questions of morality, identity, meaning, and connection.", + "categories": "communication", + "review_score": 4.8 + }, + { + "Unnamed: 0": 4172, + "book_name": "The Infinite Game", + "summaries": " argues that business is not a competition but an infinite journey, and that to do well in it, leaders must advance a \u201cJust Cause,\u201d build trusting teams, learn from their \u201cWorthy Rivals,\u201d and practice existential flexibility.", + "categories": "communication", + "review_score": 3.1 + }, + { + "Unnamed: 0": 4173, + "book_name": "The Daily Laws", + "summaries": "\u00a0is a page-a-day, calendar-style book covering the three big topics of mastery, power, and emotions, sharing Robert Greene\u2019s best lessons from 20 years of research of the dynamics within and between humans.", + "categories": "communication", + "review_score": 6.9 + }, + { + "Unnamed: 0": 4174, + "book_name": "The Life-Changing Science of Detecting Bullshit", + "summaries": " teaches its readers how to avoid falling for the lies and false information that other people spread by helping them build essential thinking skills through examples from the real world.", + "categories": "communication", + "review_score": 4.3 + }, + { + "Unnamed: 0": 4175, + "book_name": "Discipline Is Destiny", + "summaries": " is a three-part manual to master and implement the Stoic virtue of temperance, aka discipline, in your life, thus improving your body, mind, and spirit.", + "categories": "communication", + "review_score": 7.7 + }, + { + "Unnamed: 0": 4176, + "book_name": "One Decision", + "summaries": " explains how flawed decisions occur and how you can avoid them by analyzing data at first, asking for fact-checked opinions, eliminating your biases and prejudice, and many more useful practices derived from psychological research.", + "categories": "communication", + "review_score": 2.3 + }, + { + "Unnamed: 0": 4177, + "book_name": "The Courage to Be Happy", + "summaries": " offers a hands-on guide to living a meaningful life and letting go of negative thoughts by compiling the groundbreaking theories of psychologist Alfred Adler with other valuable research into an all-in-one book for becoming a happy and fulfilled person.", + "categories": "communication", + "review_score": 3.4 + }, + { + "Unnamed: 0": 4178, + "book_name": "Expert Secrets", + "summaries": " teaches you how to create and implement an informative marketing plan and putting it into practice, while also showing you what problem you must solve for your prospects or teach them how to do it themselves.", + "categories": "communication", + "review_score": 4.1 + }, + { + "Unnamed: 0": 4179, + "book_name": "What to Say When You Talk to Yourself", + "summaries": " is a book by Shad Helmstetter, a self-help guru who has written several pieces on the subject of self-talk, and who argues that in order to achieve our highest self we need to work on how we talk to ourselves and identify our biggest challenge to conquer.", + "categories": "communication", + "review_score": 8.9 + }, + { + "Unnamed: 0": 4180, + "book_name": "A World Without Email", + "summaries": " presents a utopia where people engage in their usual professional activities without using emails as a means of communication, and explores a new way of working that doesn\u2019t rely on instant messaging, which is known for decreasing productivity at the workplace.", + "categories": "communication", + "review_score": 9.5 + }, + { + "Unnamed: 0": 4181, + "book_name": "The 22 Immutable Laws of Branding", + "summaries": " is a compilation of laws that provides insights for conducting successful marketing campaigns by focusing on the essence of branding and how brands must be created and managed in order to survive in the competitive world.", + "categories": "communication", + "review_score": 6.7 + }, + { + "Unnamed: 0": 4182, + "book_name": "Hug Your Haters", + "summaries": " talks about the importance of acknowledging your haters or dissatisfied customers and valuing their opinion in the process of building better products, improving the existing offerings, and growing your strategies overall.", + "categories": "communication", + "review_score": 5.8 + }, + { + "Unnamed: 0": 4183, + "book_name": "Eats, Shoots & Leaves", + "summaries": " offers a humorous, yet instructive overview of how punctuation rules play a huge part in our writing language and how today\u2019s society has become overly relaxed about using the right punctuations marks, leaving grammar-concerned people like her frustrated.", + "categories": "communication", + "review_score": 3.8 + }, + { + "Unnamed: 0": 4184, + "book_name": "How to Talk to Anyone, Anytime, Anywhere", + "summaries": " shares the secrets of effective communication and teaches you how to adopt a charisma that\u2019ll help you navigate conversations easier, break the ice, and get your point across right away, and talk to people in general.", + "categories": "communication", + "review_score": 2.7 + }, + { + "Unnamed: 0": 4185, + "book_name": "Love People Use Things", + "summaries": " conceptualizes the idea of living a simple, minimalist life while focusing on what\u2019s important, such as the people next to us, and making the most of every moment spent with those we love.", + "categories": "communication", + "review_score": 6.8 + }, + { + "Unnamed: 0": 4186, + "book_name": "The Lost Art of Connecting", + "summaries": " explores ways to build meaningful and genuine relationships in life by using the Gather, Ask, Do method and relying less on gaining benefits from networking, but rather on deepening your connection with other human beings and cultivating authentic emotions.", + "categories": "communication", + "review_score": 8.2 + }, + { + "Unnamed: 0": 4187, + "book_name": "The Sales Advantage", + "summaries": " offers a practical guide to acquiring customers, closing sales, and increasing profits by following a series of proven techniques from a corporate coaching course about sales procedures.", + "categories": "communication", + "review_score": 4.5 + }, + { + "Unnamed: 0": 4188, + "book_name": "The Mom Test", + "summaries": " talks about ways to tell if your business idea is great or terrible by assessing the opinions of your friends, family, and investors accordingly, and not believing everything they say just to make you feel good.", + "categories": "communication", + "review_score": 5.7 + }, + { + "Unnamed: 0": 4189, + "book_name": "Surrounded by Idiots", + "summaries": " offers great advice on how to get your point across more effectively, communicate better, and work your way up in your personal and professional life by getting to know the four types of personalities people generally have and how to address each one in particular to kickstart a beneficial dialogue, instead of engaging in a conflict.", + "categories": "communication", + "review_score": 9.9 + }, + { + "Unnamed: 0": 4190, + "book_name": "Words That Work", + "summaries": " outlines the importance of using the right words and the appropriate body language in a given situation to make yourself understood properly and get the most out of the dialogue, while also teaching you some tips-and-tricks on how to win arguments, tame conflicts, and get your point across using a wise selection of words.", + "categories": "communication", + "review_score": 5.2 + }, + { + "Unnamed: 0": 4191, + "book_name": "Indistractable", + "summaries": " how our modern gadgets and technology distract us from work and cause real concentration issues, impacting our performance and even the quality of our lives, and how we can address the root cause of the problem to solve it. ", + "categories": "communication", + "review_score": 4.9 + }, + { + "Unnamed: 0": 4192, + "book_name": "The Comfort Crisis", + "summaries": " addresses contemporary people who live a stressful life and talks about being comfortable with discomfort and reclaiming a happy, healthy mindset by implementing a few odd, but highly effective practices in their daily lives.", + "categories": "communication", + "review_score": 8.8 + }, + { + "Unnamed: 0": 4193, + "book_name": "Poor Charlie\u2019s Almanack", + "summaries": " explores the life of the famous investor Charlie Munger, the right hand of Warren Buffett, and teaches its readers how his inspirational take on life helped him achieve a fortune and still have time and money to dedicate towards philanthropic causes.", + "categories": "communication", + "review_score": 8.1 + }, + { + "Unnamed: 0": 4194, + "book_name": "I Hear You", + "summaries": " explores the idea of becoming a better listener, engaging in productive conversations and avoiding building up frustrations by taking charge of your communication patterns and improving them in your further dialogues.", + "categories": "communication", + "review_score": 1.6 + }, + { + "Unnamed: 0": 4195, + "book_name": "Effortless", + "summaries": " takes the idea of productivity to another level by explaining how doing the most with a minimum input of effort and time is a much more desired outcome than the idea of being constantly busy that is glamorized nowadays.", + "categories": "communication", + "review_score": 9.6 + }, + { + "Unnamed: 0": 4196, + "book_name": "Happy Together", + "summaries": " is written by two of the world\u2019s most renowned psychologists, and it explores the concept of love and relationships by teaching its readers how to build and maintain happy, flourishing connections and how to optimize their couple life by focusing on the good and healthily dealing with the bad.", + "categories": "communication", + "review_score": 3.6 + }, + { + "Unnamed: 0": 4197, + "book_name": "Make It Stick", + "summaries": " explores ways to memorize faster and make learning easier, all while debunking myths and common misconceptions about learning being difficult and attributed to those who have highly native cognitive skills, with the help of researchers who\u2019ve studied the science of memory their entire life.", + "categories": "communication", + "review_score": 6.2 + }, + { + "Unnamed: 0": 4198, + "book_name": "AI 2041", + "summaries": " explores the concept of artificial intelligence and delves into some thought-provoking ideas about AI taking over the world in the next twenty years, from our day-to-day lives to our jobs, becoming a worldwide used tool that will shake the world as we know it from the ground up.", + "categories": "communication", + "review_score": 2.0 + }, + { + "Unnamed: 0": 4199, + "book_name": "Atlas of the Heart", + "summaries": " maps out a series of human emotions and their meaning and explores the psychology behind a human\u2019s feelings and how they make up our lives and change our behaviors, and how to build meaningful connections by learning how to deal with them.", + "categories": "communication", + "review_score": 2.2 + }, + { + "Unnamed: 0": 4200, + "book_name": "Perfectly Confident", + "summaries": " explores the idea of confidence and offers a series of valuable practices that anyone can implement in their life to improve this aspect, as well as an overview of how confidence is supposed to look and feel like in its realest form, without adding or subtracting too much of it. ", + "categories": "communication", + "review_score": 6.1 + }, + { + "Unnamed: 0": 4201, + "book_name": "Love Worth Making", + "summaries": " delves into the subject of sexuality and explores ways to create meaningful and exciting sexual experiences in a long-lasting relationship, based on his experience of over thirty years working with couples, all by focusing on the sexual feelings instead of the techniques.", + "categories": "communication", + "review_score": 1.7 + }, + { + "Unnamed: 0": 4202, + "book_name": "The Hero With a Thousand Faces", + "summaries": " analyzes humankind from a mythological and symbolistic point of view to prove that all humans have similar core concepts written in them, such as the monomyth, which is a way of narrating stories that people from all over the world use to connect with one another.", + "categories": "communication", + "review_score": 6.0 + }, + { + "Unnamed: 0": 4203, + "book_name": "No More Mr. Nice Guy", + "summaries": " explores ways to eliminate the \u201cNice Guy Syndrome\u201d, which implies being a man that avoids conflicts at all costs and prefers to show only his nice side to the world, even when it affects him negatively by damaging his personality and preventing him from achieving his goals in life.", + "categories": "communication", + "review_score": 6.6 + }, + { + "Unnamed: 0": 4204, + "book_name": "Real Help", + "summaries": " offers a hands-on approach to improving your life and achieving unconventional success through a happy, fulfilled, ordinary life, rather than fighting the broken system until you\u2019ve got millions in the bank and out-of-the-ordinary achievements.", + "categories": "communication", + "review_score": 1.6 + }, + { + "Unnamed: 0": 4205, + "book_name": "The Art of Rhetoric", + "summaries": " is an ancient, time-proven reference book that explores the secrets behind persuasion, rhetoric, and good public speaking by providing compelling information on what a good speech should consist of and how truth and virtue are at the foundation of every good story.", + "categories": "communication", + "review_score": 5.8 + }, + { + "Unnamed: 0": 4206, + "book_name": "Humor, Seriously", + "summaries": " explores how bringing fun and entertainment into the workplace can enhance team productivity, spark creativity, increase trust between members and improve people\u2019s overall sentiment in relation to work and job-related activities.", + "categories": "communication", + "review_score": 7.4 + }, + { + "Unnamed: 0": 4207, + "book_name": "Radical Honesty", + "summaries": " looks into the concept of lying and how we can train ourselves to avoid doing it as only through morality we can live an honest life, although our natural inclination to lie can sometimes push us to alter the truth.", + "categories": "communication", + "review_score": 6.1 + }, + { + "Unnamed: 0": 4208, + "book_name": "The Leader In You", + "summaries": " explores how the world leaders managed to achieve performance in their lives by creating meaningful connections and reaching a higher level of productivity through a positive, proactive mindset.", + "categories": "communication", + "review_score": 3.2 + }, + { + "Unnamed: 0": 4209, + "book_name": "Collaborative Intelligence", + "summaries": " helps you enhance your unique thinking traits and develop an individualized form of intelligence based on what works best for you, what your strengths are, and how you communicate with others.", + "categories": "communication", + "review_score": 8.1 + }, + { + "Unnamed: 0": 4212, + "book_name": "Boundaries", + "summaries": " explains, with the help of modern psychology and Christian ideals, how to improve your mental health and personal growth by establishing guidelines for self-care that include saying no more often and standing firm in your decisions rather than letting people walk all over you.", + "categories": "communication", + "review_score": 2.8 + }, + { + "Unnamed: 0": 4213, + "book_name": "Doesn\u2019t Hurt To Ask", + "summaries": "\u00a0teaches persuasion via asking the right questions, explaining that intentional questions are the key to sharing your ideas, connecting with your audience, and convincing people both in the office and at home.", + "categories": "communication", + "review_score": 9.4 + }, + { + "Unnamed: 0": 4214, + "book_name": "How To Be A Leader", + "summaries": " is Greek philosopher Plutarch\u2019s guide to leadership and uses practical ideas, historical narratives, political events, and more to outline the qualities of the best leaders, including serving for the right reasons, speaking persuasively, and following more experienced leaders.", + "categories": "communication", + "review_score": 9.2 + }, + { + "Unnamed: 0": 4215, + "book_name": "Spark", + "summaries": " teaches you how to become an influential, un-fireable asset to your team at work by taking on the role of a leader regardless of your position, utilizing the power of creative thinking to make better decisions, and learning how to be more self-aware and humble.", + "categories": "communication", + "review_score": 7.1 + }, + { + "Unnamed: 0": 4216, + "book_name": "Think Again", + "summaries": " will make you more intelligent, persuasive, and self-aware by identifying the power of being humble about what you don\u2019t know, how to recognize blind spots in your thinking before they start causing you problems, and what you can do to become more effective at convincing others of your way of thinking.", + "categories": "communication", + "review_score": 7.3 + }, + { + "Unnamed: 0": 4217, + "book_name": "See You On The Internet", + "summaries": " is the ultimate beginner-level digital marketing guide that teaches you how to build an online business presence by doing everything from starting a website to managing social media accounts.", + "categories": "communication", + "review_score": 8.7 + }, + { + "Unnamed: 0": 4218, + "book_name": "Small Giants", + "summaries": " is your guide to keeping your company little but mighty that will allow you to pass up deliberate growth for staying true to what\u2019s really important, which is your ideals, time, passions, and doing what you do best so well that customers can\u2019t help but flock to you.", + "categories": "communication", + "review_score": 4.2 + }, + { + "Unnamed: 0": 4219, + "book_name": "The Coach\u2019s Survival Guide", + "summaries": " gives you all the tools that you need to become a successful coach and make the biggest positive impact on your clients.", + "categories": "communication", + "review_score": 4.6 + }, + { + "Unnamed: 0": 4220, + "book_name": "Survival Of The Friendliest", + "summaries": " explains why the #1 thing you can do for success is to focus on your social connections, how friendliness was the reason that our early ancestors survived as well as they did, and what you can do today to grow your social capital.", + "categories": "communication", + "review_score": 4.8 + }, + { + "Unnamed: 0": 4221, + "book_name": "Power Relationships", + "summaries": " shows you how to have a fantastic career and a fulfilling life by connecting with the right people early and growing those relationships.", + "categories": "communication", + "review_score": 6.1 + }, + { + "Unnamed: 0": 4222, + "book_name": "Curious", + "summaries": " is your guide to becoming more intelligent by harnessing the power of inquisitiveness and outlines the true nature of curiosity, how to keep it flourishing to become smarter, and what you might unknowingly be doing to suffocate its power.", + "categories": "communication", + "review_score": 5.5 + }, + { + "Unnamed: 0": 4223, + "book_name": "You Are Not A Gadget", + "summaries": " will help you get a better grasp on how much the internet undervalues your individuality by explaining the history of the digital world, the worrying path that it has put us on, and how we might make changes as a society to fix these problems.", + "categories": "communication", + "review_score": 9.2 + }, + { + "Unnamed: 0": 4224, + "book_name": "Quiet Power", + "summaries": " identifies the hidden superpowers of introverts and empowers them by helping them understand why it\u2019s so difficult to be quiet in a world that\u2019s loud and how to ease their way into becoming confident in social situations.", + "categories": "communication", + "review_score": 4.0 + }, + { + "Unnamed: 0": 4225, + "book_name": "Thank You For Arguing", + "summaries": " outlines the importance of arguments and rhetoric and teaches you how to persuade other people by setting clear goals for your conversations, identifying core issues, using logic, being the kind of person that can win arguments, and much more.", + "categories": "communication", + "review_score": 8.2 + }, + { + "Unnamed: 0": 4226, + "book_name": "Games People Play", + "summaries": " is a classic book about human behavior which explains the wild and interesting psychological games that you and everybody around you play to manipulate each other in self-destructive and divisive ways and how to tame your ego so you can quit playing and enjoy healthier relationships.", + "categories": "communication", + "review_score": 4.5 + }, + { + "Unnamed: 0": 4227, + "book_name": "Fluent In 3 Months", + "summaries": " explains how to master a new language faster than you ever thought possible and identifies why your beliefs about learning get in your way of succeeding at it.", + "categories": "communication", + "review_score": 6.5 + }, + { + "Unnamed: 0": 4228, + "book_name": "Team Of Teams", + "summaries": " reveals the incredible power that small teams have to manage the difficult and complicated issues that arise in every company and how even large organizations can take advantage of them by building a system of many teams that work together.", + "categories": "communication", + "review_score": 7.8 + }, + { + "Unnamed: 0": 4229, + "book_name": "The Leadership Challenge", + "summaries": " shares the top leadership lessons from 25 years of experience and research of authors James Kouzes and Barry Posner and explains what makes successful managers and how you can apply the same principles to become one yourself.", + "categories": "communication", + "review_score": 6.8 + }, + { + "Unnamed: 0": 4230, + "book_name": "The Apology Impulse", + "summaries": " will help you and your business become more authentic in your relationships with others by identifying how much companies say sorry, why they do, how they get it wrong, and the right way to do it.", + "categories": "communication", + "review_score": 7.5 + }, + { + "Unnamed: 0": 4231, + "book_name": "The Art Of Communicating", + "summaries": " will improve your interpersonal and relationship skills by identifying the power of using mindfulness when talking with others, showing you how to listen with respect, convey your ideas efficiently, and most of all deepen your connections with others.", + "categories": "communication", + "review_score": 4.1 + }, + { + "Unnamed: 0": 4232, + "book_name": "Good People", + "summaries": " is a book about business and leadership which explains the importance of focusing on and building integrity in the workplace, including why it\u2019s so vital if you want your company to be successful, how you can get it, and why an emphasis on competencies alone won\u2019t cut it anymore.", + "categories": "communication", + "review_score": 2.8 + }, + { + "Unnamed: 0": 4233, + "book_name": "Come As You Are", + "summaries": " is sex educator Dr. Emily Nagoski\u2019s explanation of the truth about female sexuality, including the hidden science of what turns women on, why it works, how to utilize this knowledge to improve your sex life, and why sexual myths make you feel inadequate in bed.", + "categories": "communication", + "review_score": 2.9 + }, + { + "Unnamed: 0": 4234, + "book_name": "The Seven Principles For Making Marriage Work", + "summaries": " is a compilation of the best lessons from John Gottman\u2019s research on how healthy relationships happen and will teach you exactly what you and your spouse need to do to have a happy, healthy, and successful marriage.", + "categories": "communication", + "review_score": 6.8 + }, + { + "Unnamed: 0": 4235, + "book_name": "Getting To Yes", + "summaries": " is a handbook for having successful negotiations that teaches everything you need to know about resolving conflicts of all kinds and reaching win-win solutions in every discussion without giving in or making the other person unhappy.", + "categories": "communication", + "review_score": 7.1 + }, + { + "Unnamed: 0": 4236, + "book_name": "Emotional Intelligence 2.0", + "summaries": " explains what Emotional Intelligence is and how you can use it to build fantastic relationships in your personal life and career by utilizing the powers of self-awareness, self-management, social awareness, and relationship management.", + "categories": "communication", + "review_score": 3.6 + }, + { + "Unnamed: 0": 4237, + "book_name": "Presence", + "summaries": " is a life-changing guide to growing your self-confidence that shows how posture, mindset, and body language all expand your feeling of empowerment and your communication skills.", + "categories": "communication", + "review_score": 3.8 + }, + { + "Unnamed: 0": 4238, + "book_name": "Radical Candor", + "summaries": "\u00a0will teach you how to connect with people at work, push them to be their best, know when and how to fire them, and create an environment of trust and innovation in the workplace.", + "categories": "communication", + "review_score": 9.5 + }, + { + "Unnamed: 0": 4239, + "book_name": "Weird Parenting Wins", + "summaries": " will make you better at raising your kids by sharing some strange ways that fathers and mothers have had success with their children, helping you see that your intuition might just be the greatest tool you have at your disposal.", + "categories": "communication", + "review_score": 4.4 + }, + { + "Unnamed: 0": 4240, + "book_name": "Leadership and Self-Deception", + "summaries": " is a guide to becoming self-aware by learning to see your faults more accurately, understanding other\u2019s strengths and needs, and leaning into your natural instinct to help other people as much as possible.", + "categories": "communication", + "review_score": 1.1 + }, + { + "Unnamed: 0": 4241, + "book_name": "Becoming The Boss", + "summaries": " shows leaders of all kinds, whether new or experienced, how to identify the pitfalls that stand in the way of influencing others for the better and overcome them.", + "categories": "communication", + "review_score": 5.9 + }, + { + "Unnamed: 0": 4242, + "book_name": "Who Not How", + "summaries": " will skyrocket your success, happiness, and fulfillment in all areas of your life by identifying why you\u2019re looking at your problems the wrong way and how simply seeking to get the right people to help you will make all the difference.", + "categories": "communication", + "review_score": 9.5 + }, + { + "Unnamed: 0": 4243, + "book_name": "Thanks For The Feedback", + "summaries": " will skyrocket your personal growth and success by helping you see the vital role that criticism of all kinds plays in your ability to improve as a person and by teaching you how to receive it well.", + "categories": "communication", + "review_score": 7.2 + }, + { + "Unnamed: 0": 4244, + "book_name": "Words Can Change Your Brain", + "summaries": " is the ultimate guide to becoming an expert communicator, teaching you how to use psychology to your advantage to express yourself better, listen more, and create an environment of trust with anyone you speak with.", + "categories": "communication", + "review_score": 7.7 + }, + { + "Unnamed: 0": 4245, + "book_name": "On Writing Well", + "summaries": " is your guide to becoming a great non-fiction writer that explains why you must learn and practice principles like simplicity, consistency, voice, editing, and enthusiasm if you want to persuade readers and make a difference in their lives.", + "categories": "communication", + "review_score": 7.9 + }, + { + "Unnamed: 0": 4246, + "book_name": "Storyworthy", + "summaries": " shows you how to tell a narrative that will impact others by outlining how to engage your audience throughout the start, end, and everything in between.", + "categories": "communication", + "review_score": 5.2 + }, + { + "Unnamed: 0": 4247, + "book_name": "Imagine It Forward", + "summaries": " inspires businesses and individuals to challenge outdated thinking and ways of doing work by sharing the life and business experiences of Beth Comstock, one of America\u2019s most innovative businesswomen.", + "categories": "communication", + "review_score": 5.8 + }, + { + "Unnamed: 0": 4248, + "book_name": "Building A StoryBrand", + "summaries": " is your guide to turning your sales pages and product into an adventure for your clients by identifying the seven steps to successful storytelling as a company and how to craft the clearest message possible so that they will understand and want to be part of it.", + "categories": "communication", + "review_score": 1.1 + }, + { + "Unnamed: 0": 4249, + "book_name": "Be Our Guest", + "summaries": " shows you how to take better care of your customers by outlining the philosophy and systems that Disney has for taking care of theirs which have helped it become one of the most successful companies in the world.", + "categories": "communication", + "review_score": 6.7 + }, + { + "Unnamed: 0": 4250, + "book_name": "The Pragmatist\u2019s Guide To Relationships", + "summaries": " is an extensive, practical guide to finding a companion, be it for marriage, dating, or sex and building a healthy, happy life with them.", + "categories": "communication", + "review_score": 3.6 + }, + { + "Unnamed: 0": 4251, + "book_name": "13 Things Mentally Strong Parents Don\u2019t Do", + "summaries": " teaches parents how to stop being a roadblock to their kids academic, behavioral, and emotional success by outlining ways to develop the right thinking habits.", + "categories": "communication", + "review_score": 4.7 + }, + { + "Unnamed: 0": 4252, + "book_name": "Epic Content Marketing", + "summaries": " shows why traditional methods for selling like TV and direct mail are dead and how creating content is the new future of advertising because it actually grabs people\u2019s attention by focusing on what they care about instead of your product.", + "categories": "communication", + "review_score": 5.7 + }, + { + "Unnamed: 0": 4253, + "book_name": "Brainfluence", + "summaries": " will help you get more sales by revealing people\u2019s subconscious thinking and their motivations in the decision-making process they use when buying.", + "categories": "communication", + "review_score": 2.4 + }, + { + "Unnamed: 0": 4254, + "book_name": "SPIN Selling", + "summaries": " is your guide to becoming an expert salesperson by identifying what the author learned from 35,000 sales calls and 12 years of research on the topic.", + "categories": "communication", + "review_score": 8.7 + }, + { + "Unnamed: 0": 4255, + "book_name": "The Coaching Habit", + "summaries": " outlines the questions, attitudes, and habits required of managers who want to become great at motivating their team to become self-sustaining.", + "categories": "communication", + "review_score": 5.6 + }, + { + "Unnamed: 0": 4256, + "book_name": "The Psychology Of Selling", + "summaries": " motivates you to work on your self-image and how you relate to customers so that you can close more deals.", + "categories": "communication", + "review_score": 8.3 + }, + { + "Unnamed: 0": 4257, + "book_name": "The Confidence Code", + "summaries": " empowers women to become more courageous by explaining their natural tendencies toward timidity and how to break them even in a world dominated by men. ", + "categories": "communication", + "review_score": 5.6 + }, + { + "Unnamed: 0": 4258, + "book_name": "The Advice Trap", + "summaries": "\u00a0will drastically improve your communication skills and make you more likable, thanks to explaining why defaulting to sharing your opinion about everything is a bad idea and how listening until you truly understand people\u2019s needs will make a much bigger positive difference in their lives.", + "categories": "communication", + "review_score": 3.0 + }, + { + "Unnamed: 0": 4259, + "book_name": "The Book You Wish Your Parents Had Read", + "summaries": " will help you step back and focus more on the big picture of parenting to foster a strong relationship with your child so they can grow up emotionally and mentally healthy.", + "categories": "communication", + "review_score": 5.6 + }, + { + "Unnamed: 0": 4260, + "book_name": "You\u2019re Not Listening", + "summaries": " is a book that will improve your communication skills by revealing how uncommon the skill of paying attention to what others are saying is and what experts teach about how to get better at it.", + "categories": "communication", + "review_score": 8.6 + }, + { + "Unnamed: 0": 4261, + "book_name": "All About Love", + "summaries": " teaches you how to get more affection and connection in your relationships by explaining why true love is so difficult these days and how to combat the unrealistic expectations society has set up that makes it so hard.", + "categories": "communication", + "review_score": 9.8 + }, + { + "Unnamed: 0": 4262, + "book_name": "Ask", + "summaries": " shows you a method that helps you take the guesswork out of the equation so you can give your customers what they want even if they don\u2019t know what they want.", + "categories": "communication", + "review_score": 9.2 + }, + { + "Unnamed: 0": 4263, + "book_name": "The Hero Factor", + "summaries": " teaches by example that real leadership success focuses on people as much as profits.", + "categories": "communication", + "review_score": 7.2 + }, + { + "Unnamed: 0": 4264, + "book_name": "The Business Romantic", + "summaries": " shows how doing business that is focused on passion and connection leads to more success in today\u2019s world.", + "categories": "communication", + "review_score": 3.5 + }, + { + "Unnamed: 0": 4265, + "book_name": "Pitch Perfect", + "summaries": " is the ultimate guide to becoming more efficient at communication in work, at home, and everywhere you go. ", + "categories": "communication", + "review_score": 7.8 + }, + { + "Unnamed: 0": 4266, + "book_name": "The Introvert\u2019s Complete Career Guide", + "summaries": " will teach those who have a hard time talking to people how to gain confidence in navigating the workplace from job interview to office relationships.", + "categories": "communication", + "review_score": 4.2 + }, + { + "Unnamed: 0": 4267, + "book_name": "Social", + "summaries": " explains how our innate drive to build social connections is the primary driver behind our behavior and explores ways we can use this knowledge to our advantage. ", + "categories": "communication", + "review_score": 4.8 + }, + { + "Unnamed: 0": 4268, + "book_name": "What They Don\u2019t Teach You At Harvard Business School", + "summaries": " teaches why succeeding in business has less to do with accumulated theoretical knowledge through schooling and books, and more about people and communication.", + "categories": "communication", + "review_score": 5.4 + }, + { + "Unnamed: 0": 4269, + "book_name": "30 Lessons For Loving", + "summaries": " gives the relationship advice of hundreds of couples who have stayed together into old age and will teach you how to have happiness and longevity in your love life.", + "categories": "communication", + "review_score": 2.8 + }, + { + "Unnamed: 0": 4270, + "book_name": "Chernobyl", + "summaries": " teaches some fascinating and important history, science, and leadership lessons by diving into the details of the events leading up to the worst nuclear disaster in human history and its aftermath.", + "categories": "communication", + "review_score": 4.3 + }, + { + "Unnamed: 0": 4271, + "book_name": "Leadership Strategy And Tactics", + "summaries": " shows you how to become effective when you\u2019re in charge by using the power of traits like accountability, humility, and others that Jocko Willink uses to lead his team of Navy SEALs.", + "categories": "communication", + "review_score": 1.4 + }, + { + "Unnamed: 0": 4272, + "book_name": "Broadcasting Happiness", + "summaries": " is an encouraging resource that will help you boost your health and happiness in your relationships, work, and community by showing you how to unlock the power of positive words and stories.", + "categories": "communication", + "review_score": 7.7 + }, + { + "Unnamed: 0": 4273, + "book_name": "Brave", + "summaries": " will help you have the relationships, career, and everything else in life that you\u2019ve always wanted but have been afraid to go for by teaching you how to become more courageous. ", + "categories": "communication", + "review_score": 9.1 + }, + { + "Unnamed: 0": 4274, + "book_name": "Bird By Bird", + "summaries": " is Ann Lamott\u2019s guide to using the power of routine, being yourself, rolling with the punches, and many other principles to become a better writer.", + "categories": "communication", + "review_score": 6.3 + }, + { + "Unnamed: 0": 4275, + "book_name": "The Storytelling Edge", + "summaries": " will boost your communication and persuasiveness skills by showing you how to tell powerful narratives in a convincing way and giving examples of why you should.", + "categories": "communication", + "review_score": 8.2 + }, + { + "Unnamed: 0": 4276, + "book_name": "Why Are We Yelling?", + "summaries": " will improve your relationships, professional life, and the way you view the world by showing you that arguments aren\u2019t bad, but important growing experiences if we learn to make them productive.", + "categories": "communication", + "review_score": 2.6 + }, + { + "Unnamed: 0": 4277, + "book_name": "The Go-Giver", + "summaries": " teaches a pattern for becoming a better person and seeing more success in business and work by focusing on being authentic and giving as much value as possible. ", + "categories": "communication", + "review_score": 2.2 + }, + { + "Unnamed: 0": 4278, + "book_name": "The Anatomy Of Peace", + "summaries": " will help you make your life and the world more calm by explaining the inefficiencies in our go-to pattern of using conflict to resolve differences and giving specific tips for how to use understanding to settle issues.", + "categories": "communication", + "review_score": 5.5 + }, + { + "Unnamed: 0": 4279, + "book_name": "Extraordinary Influence", + "summaries": " helps you become a better leader by revealing what neuroscience has to say about effective leadership, identifying communication as the key to the highest levels of performance.", + "categories": "communication", + "review_score": 2.6 + }, + { + "Unnamed: 0": 4280, + "book_name": "Irresistible", + "summaries": " reveals how alarmingly stuck to our devices we are, shows the negative consequences of technology addiction, and gives tips for a healthier relationship with the digital world.\n", + "categories": "communication", + "review_score": 1.8 + }, + { + "Unnamed: 0": 4281, + "book_name": "A More Beautiful Question", + "summaries": " will teach you how to ask more and better questions, showing you the power that the right questions have to transform your life for the better.", + "categories": "communication", + "review_score": 9.0 + }, + { + "Unnamed: 0": 4282, + "book_name": "A Return To Love", + "summaries": " will help you let go of resentment, fear, and anger to have happier and healthier jobs and relationships by teaching you how to embrace the power of love.", + "categories": "communication", + "review_score": 3.3 + }, + { + "Unnamed: 0": 4283, + "book_name": "60 Seconds & You\u2019re Hired!", + "summaries": " is a guide to getting your dream job that will help you feel confident in your next interview by teaching you how to impress your interviewer with being concise, focusing on your strengths, and knowing what to do at every step of the process.", + "categories": "communication", + "review_score": 1.3 + }, + { + "Unnamed: 0": 4284, + "book_name": "Unlocking Potential", + "summaries": " is a guide that will help you as a leader make a difference in people\u2019s lives in the long run by learning how to coach people in a way that brings to light their greatest strengths and capabilities.", + "categories": "communication", + "review_score": 6.2 + }, + { + "Unnamed: 0": 4285, + "book_name": "Tell Me More", + "summaries": " will help you make everything, even the worst of times, go more smoothly by learning about a few useful phrases to habitually use come rain or shine.", + "categories": "communication", + "review_score": 5.8 + }, + { + "Unnamed: 0": 4286, + "book_name": "Talking To Strangers", + "summaries": " helps you better understand and accurately judge the people you don\u2019t know while staying patient and tolerant with others.", + "categories": "communication", + "review_score": 1.6 + }, + { + "Unnamed: 0": 4287, + "book_name": "Big Potential", + "summaries": " will show you that the real secret to success and thriving in all aspects of life is developing strong connections with others and treating them in a way that lifts them up.", + "categories": "communication", + "review_score": 7.8 + }, + { + "Unnamed: 0": 4288, + "book_name": "The Fine Art Of Small Talk", + "summaries": " will teach you how to skillfully start, continue, and end conversations with anyone, no matter how shy you think you are.", + "categories": "communication", + "review_score": 1.2 + }, + { + "Unnamed: 0": 4289, + "book_name": "Necessary Endings", + "summaries": " is a guide to change that explains how you can get rid of unwanted behaviors, events, and people in your life and use the magic of new beginnings to build a better life.", + "categories": "communication", + "review_score": 2.7 + }, + { + "Unnamed: 0": 4290, + "book_name": "Extreme Ownership", + "summaries": " contains useful leadership advice from two Navy SEALs who learned to stay strong, disciplined, and level-headed in high-stakes combat scenarios.", + "categories": "communication", + "review_score": 1.9 + }, + { + "Unnamed: 0": 4291, + "book_name": "Never Split the Difference", + "summaries": "\u00a0is one of the best negotiation manuals ever written, explaining why you should never compromise, and how to negotiate like a pro in your everyday life as well as high-stakes situations.", + "categories": "communication", + "review_score": 3.0 + }, + { + "Unnamed: 0": 4292, + "book_name": "The Charisma Myth", + "summaries": " debunks the idea that charisma is a born trait, outlining several tools and exercises you can use to develop a charming social appeal and magnetic personality, even if you\u2019re not extroverted.", + "categories": "communication", + "review_score": 2.9 + }, + { + "Unnamed: 0": 4293, + "book_name": "This Is Marketing", + "summaries": " argues that marketing success in today\u2019s world comes from focusing more on the needs, values, and desires of our target audience, rather than spamming as many people as possible with our message.", + "categories": "communication", + "review_score": 3.5 + }, + { + "Unnamed: 0": 4294, + "book_name": "Start Something That Matters", + "summaries": " encourages you to overcome your fear of the unknown and create a business that not only makes money but also helps people, even if you have few resources to start with. ", + "categories": "communication", + "review_score": 1.8 + }, + { + "Unnamed: 0": 4295, + "book_name": "Nonviolent Communication", + "summaries": " explains how focusing on people\u2019s underlying needs and making observations instead of judgments can revolutionize the way you interact with anybody, even your worst enemies.", + "categories": "communication", + "review_score": 9.2 + }, + { + "Unnamed: 0": 4296, + "book_name": "Difficult Conversations", + "summaries": " identifies why we shy away from some conversations more than others, and what we can do to navigate them successfully and without stress.", + "categories": "communication", + "review_score": 9.4 + }, + { + "Unnamed: 0": 4297, + "book_name": "The Secret Life of Pronouns", + "summaries": " is a collection of research and case studies explaining what our use of pronouns, articles, and other style words can reveal about ourselves.", + "categories": "communication", + "review_score": 4.1 + }, + { + "Unnamed: 0": 4298, + "book_name": "QBQ!", + "summaries": " will teach you to ask better questions and stay accountable and why doing so will change every aspect of your life for the better.", + "categories": "communication", + "review_score": 8.2 + }, + { + "Unnamed: 0": 4299, + "book_name": "Multipliers", + "summaries": "\u00a0explains the five types of people who inspire, support, and improve others in their organization, showing you how to become one as well as avoid diminishers, the people who drag down others and make it harder for them to perform.", + "categories": "communication", + "review_score": 5.0 + }, + { + "Unnamed: 0": 4300, + "book_name": "Spy the Lie", + "summaries": " is a collection of professional tips on how to more accurately detect when someone is lying to you through a combination of verbal and non-verbal cues.", + "categories": "communication", + "review_score": 1.6 + }, + { + "Unnamed: 0": 4301, + "book_name": "Social Intelligence", + "summaries": " is a complete guide to the neuroscience of relationships, explaining how your social interactions shape you and how you can use these effects to your advantage.", + "categories": "communication", + "review_score": 3.2 + }, + { + "Unnamed: 0": 4302, + "book_name": "EntreLeadership", + "summaries": " provides you with a path to becoming a great leader in your company by identifying the necessary management and entrepreneurial skills.", + "categories": "communication", + "review_score": 1.5 + }, + { + "Unnamed: 0": 4303, + "book_name": "Just Listen", + "summaries": " teaches how to get your message across to anyone by using proven listening and persuasion techniques. ", + "categories": "communication", + "review_score": 4.3 + }, + { + "Unnamed: 0": 4304, + "book_name": "Brainstorm", + "summaries": " is a fascinating look into the teenage brain that explains why adolescents act so hormonally and recklessly.", + "categories": "communication", + "review_score": 3.1 + }, + { + "Unnamed: 0": 4305, + "book_name": "The Checklist Manifesto", + "summaries": "\u00a0explains\u00a0why checklists can\u00a0save lives and teaches you how to implement them correctly.", + "categories": "communication", + "review_score": 5.2 + }, + { + "Unnamed: 0": 4306, + "book_name": "Against Empathy", + "summaries": " explains the problems with society\u2019s obsession with empathy and explores its limitations while giving us useful alternatives for situations in which it doesn\u2019t work.", + "categories": "communication", + "review_score": 6.4 + }, + { + "Unnamed: 0": 4307, + "book_name": "The Five Dysfunctions of a Team", + "summaries": " uses a fable to explain why even the best teams struggle to work together, offering actionable strategies to overcome distrust and office politics in order to achieve important goals as a cohesive, effective unit.", + "categories": "communication", + "review_score": 2.1 + }, + { + "Unnamed: 0": 4308, + "book_name": "Lost Connections", + "summaries": " explains why depression affects so many people and that improving our relationships, not taking medication, is the way to beat our mental health problems.", + "categories": "communication", + "review_score": 5.2 + }, + { + "Unnamed: 0": 4309, + "book_name": "Crucial Conversations", + "summaries": " will teach you how to avoid conflict and come to positive solutions in high-stakes conversations so you can be effective in your personal and professional life. ", + "categories": "communication", + "review_score": 7.9 + }, + { + "Unnamed: 0": 4310, + "book_name": "Executive Presence", + "summaries": "\u00a0is an actionable guide to the essential components of a strong leader\u2019s charisma, including and teaching you elements like gravitas, communication, appearance, and others.", + "categories": "communication", + "review_score": 7.1 + }, + { + "Unnamed: 0": 4311, + "book_name": "No-Drama Discipline", + "summaries": " is a refreshing approach to parenting that looks at the neuroscience of a developing child\u2019s brain to understand how to best discipline and teach kids while making them feel loved.", + "categories": "communication", + "review_score": 1.3 + }, + { + "Unnamed: 0": 4312, + "book_name": "So You\u2019ve Been Publicly Shamed", + "summaries": " explains how public shaming can bring down websites, close businesses, destroy careers, and why it often suppresses ethical behavior instead of encouraging it.", + "categories": "communication", + "review_score": 2.6 + }, + { + "Unnamed: 0": 4313, + "book_name": "The Yes Brain", + "summaries": " offers parenting techniques that will give your kids an open attitude towards life, balance, resilience, insight, and empathy.", + "categories": "communication", + "review_score": 7.1 + }, + { + "Unnamed: 0": 4314, + "book_name": "The 5 Love Languages", + "summaries": " shows couples how to make their love last by learning to recognize the unique way their partner feels love.", + "categories": "communication", + "review_score": 3.0 + }, + { + "Unnamed: 0": 4315, + "book_name": "Change Your Questions, Change Your Life", + "summaries": " will revolutionize your thinking with questions that create a learning mindset. ", + "categories": "communication", + "review_score": 6.5 + }, + { + "Unnamed: 0": 4316, + "book_name": "Men Are From Mars, Women Are From Venus", + "summaries": " helps you improve your relationships by identifying the key differences between men and women.", + "categories": "communication", + "review_score": 4.4 + }, + { + "Unnamed: 0": 4317, + "book_name": "The Social Animal", + "summaries": " weaves social science research into the story of a fictional couple to shed light on the decision-making power of our unconscious minds.", + "categories": "communication", + "review_score": 4.0 + }, + { + "Unnamed: 0": 4318, + "book_name": "The Third Door", + "summaries": " follows an 18-year-old\u2019s wild quest of interviewing many of the world\u2019s most successful people to discover what it takes to get to the top.", + "categories": "communication", + "review_score": 3.2 + }, + { + "Unnamed: 0": 4319, + "book_name": "Liespotting", + "summaries": " teaches you how to identify deceptive behavior with practical advice and foster a culture of trust, truth, and honesty in your immediate environment.", + "categories": "communication", + "review_score": 4.6 + }, + { + "Unnamed: 0": 4320, + "book_name": "Braving The Wilderness", + "summaries": " offers a four-step process to find true belonging through authenticity, bravery, trust, and vulnerability since it\u2019s mostly about learning to stand alone rather than trying to fit in.", + "categories": "communication", + "review_score": 1.1 + }, + { + "Unnamed: 0": 4321, + "book_name": "The Energy Bus", + "summaries": " is a fable that will help you create positive energy with ten simple rules and make it the center of your life, work, and relationships.", + "categories": "communication", + "review_score": 3.4 + }, + { + "Unnamed: 0": 4322, + "book_name": "The Art Of Seduction", + "summaries": " is a template for persuading anyone, whether it\u2019s a business contact, a political adversary, or a love interest, to\u00a0act in your best interest.", + "categories": "communication", + "review_score": 4.8 + }, + { + "Unnamed: 0": 4323, + "book_name": "Outwitting The Devil", + "summaries": " is an imagined interview between Napoleon Hill and the Devil himself, in which he wrings certain truths from the root of evil, which will help us avoid his grasp and live a good life.", + "categories": "communication", + "review_score": 3.8 + }, + { + "Unnamed: 0": 4324, + "book_name": "The Laws of Human Nature", + "summaries": " helps you understand why people do what they do and how you can use both your own psychological flaws and those of others to your advantage at work, in relationships, and in life.", + "categories": "communication", + "review_score": 4.2 + }, + { + "Unnamed: 0": 4325, + "book_name": "The Greatest Salesman In The World", + "summaries": " is a business classic that will help you become better at sales by becoming a better person all around.", + "categories": "communication", + "review_score": 9.5 + }, + { + "Unnamed: 0": 4326, + "book_name": "The Chimp Paradox", + "summaries": " uses a simple analogy to help you take control of your emotions and act in your own, best interest, whether it\u2019s in making decisions, communicating with others, or your health and happiness.", + "categories": "communication", + "review_score": 2.0 + }, + { + "Unnamed: 0": 4327, + "book_name": "How Successful People Think", + "summaries": " lays out eleven specific ways of thinking you can practice to live a better, happier, more successful life.", + "categories": "communication", + "review_score": 1.8 + }, + { + "Unnamed: 0": 4328, + "book_name": "How To Talk To Anyone", + "summaries": " is a collection of actionable tips to help you master the art of human communication, leave great first impressions and make people feel comfortable around you in all walks of life.", + "categories": "communication", + "review_score": 2.2 + }, + { + "Unnamed: 0": 4329, + "book_name": "The Culture Code", + "summaries": " examines the dynamics of groups, large and small, formal and informal, to help you understand how great teams work and what you can do to improve your relationships wherever you cooperate with others.", + "categories": "communication", + "review_score": 4.7 + }, + { + "Unnamed: 0": 4330, + "book_name": "12 Rules For Life", + "summaries": "\u00a0is a story-based, stern yet entertaining self-help manual for young people laying out a set of simple rules to help us become more disciplined, behave better, act with integrity, and balance our lives while enjoying them as much as we can.", + "categories": "communication", + "review_score": 2.0 + }, + { + "Unnamed: 0": 4331, + "book_name": "How To Fail At Almost Everything And Still Win Big", + "summaries": " is the memoir of Dilbert cartoonist Scott Adams", + "categories": "communication", + "review_score": 7.2 + }, + { + "Unnamed: 0": 4332, + "book_name": "Crushing It", + "summaries": " is Gary Vaynerchuk\u2019s follow-up to his personal branding manifesto Crush It, in which he reiterates the importance of a personal brand and shows you the endless possibilities that come with building one today.", + "categories": "communication", + "review_score": 3.7 + }, + { + "Unnamed: 0": 4333, + "book_name": "Principles", + "summaries": " holds the set of rules for work and life billionaire investor and CEO of the most successful fund in history, Ray Dalio, has acquired through his 40-year career in finance.", + "categories": "communication", + "review_score": 6.6 + }, + { + "Unnamed: 0": 4334, + "book_name": "Nobody Wants to Read Your Sh*t", + "summaries": " combines countless lessons Steven Pressfield has learned from succeeding as a writer in advertising, the movie industry, fiction, non-fiction, and self-help, in order to help you write like a pro.", + "categories": "communication", + "review_score": 7.5 + }, + { + "Unnamed: 0": 4335, + "book_name": "Finding My Virginity", + "summaries": " is Richard Branson\u2019s follow-up biography, which shares the highlights of his entrepreneurial journey over the past two decades.", + "categories": "communication", + "review_score": 9.8 + }, + { + "Unnamed: 0": 4336, + "book_name": "Accidental Genius", + "summaries": "\u00a0introduces you to the concept of freewriting, which you can use to solve complex problems, exercise your creativity, flesh out your ideas and even build a catalog of publishable work.", + "categories": "communication", + "review_score": 8.6 + }, + { + "Unnamed: 0": 4337, + "book_name": "I Thought It Was Just Me (But It Isn\u2019t)", + "summaries": " helps you understand and better manage the complicated and painful feeling of shame.", + "categories": "communication", + "review_score": 4.9 + }, + { + "Unnamed: 0": 4338, + "book_name": "Pre-Suasion", + "summaries": " takes you through the latest social psychology research to explain how marketers, persuaders and our environment primes us to say certain things and take specific actions, as well as how you can harness the same ideas to master the art of persuasion.", + "categories": "communication", + "review_score": 7.7 + }, + { + "Unnamed: 0": 4339, + "book_name": "The Life-Changing Magic Of Not Giving A F*ck", + "summaries": " is a funny, practical guide to mental decluttering, giving you actionable tips to stop caring about things that don\u2019t really matter to you, without feeling ashamed or guilty.", + "categories": "communication", + "review_score": 7.3 + }, + { + "Unnamed: 0": 4340, + "book_name": "Labor of Love", + "summaries": " illustrates the history of modern dating as we know it, starting from its origins in the late 1800s all the way to the dating websites and apps we know today.", + "categories": "communication", + "review_score": 3.8 + }, + { + "Unnamed: 0": 4341, + "book_name": "Ego Is The Enemy", + "summaries": " reveals why a tendency that\u2019s hardwired into our brains \u2014 the belief that the world revolves around us and us alone \u2014 keeps holding us back from living the very life it dreams up for us, including what we can do to overcome our ego, be kinder to others and ourselves, and achieve true greatness.", + "categories": "communication", + "review_score": 9.4 + }, + { + "Unnamed: 0": 4342, + "book_name": "The Power Of The Other", + "summaries": " shows you the surprisingly big influence other people have on your life, what different kinds of relationships you have with them and how you can cultivate more good ones to replace the bad, fake or unconnected and\u00a0live a more fulfilled life.", + "categories": "communication", + "review_score": 2.2 + }, + { + "Unnamed: 0": 4343, + "book_name": "Unlimited Power", + "summaries": " is a self-help classic, which breaks down how Tony Robbins has helped top performers achieve at their highest level and how you can use the same mental and physical tactics to accomplish your biggest goals in life.", + "categories": "communication", + "review_score": 5.8 + }, + { + "Unnamed: 0": 4344, + "book_name": "When To Rob A Bank", + "summaries": " is a collection of the best of the Freakonomics authors\u2019 blog posts from over 10 years of blogging about economics in all areas of our life.", + "categories": "communication", + "review_score": 3.3 + }, + { + "Unnamed: 0": 4345, + "book_name": "Six Thinking Hats", + "summaries": "\u00a0divides thinking into six distinct areas and perspectives, which will help you, your team, and your company tackle problems from different angles, thus solving them with the power of parallel thinking and saving time, money, and energy as a result.", + "categories": "communication", + "review_score": 7.7 + }, + { + "Unnamed: 0": 4346, + "book_name": "The Sunflower", + "summaries": " recounts an experience of holocaust survivor Simon Wiesenthal", + "categories": "communication", + "review_score": 3.6 + }, + { + "Unnamed: 0": 4347, + "book_name": "Lean In", + "summaries": " explains why women are still underrepresented in the workforce, what holds them back, how we can enable and support them, and how any woman can take the lead and hold the flag of female leadership high.", + "categories": "communication", + "review_score": 5.8 + }, + { + "Unnamed: 0": 4348, + "book_name": "Move Your Bus", + "summaries": "\u00a0illustrates the different kinds of groups in organizations, how leaders can inspire those groups, and what individuals can do to become highly valued, productive members of the organizations they serve.", + "categories": "communication", + "review_score": 2.3 + }, + { + "Unnamed: 0": 4349, + "book_name": "The 8th Habit", + "summaries": " is about finding your voice and helping others discover their own, in order to thrive at work in the Information Age, where interdependence is more important than independence.", + "categories": "communication", + "review_score": 3.3 + }, + { + "Unnamed: 0": 4350, + "book_name": "A Force For Good", + "summaries": " is a universal call to turn our\u00a0compassion outward and use it to improve ourselves and the world around us in science, religion, social issues, business and education.", + "categories": "communication", + "review_score": 3.3 + }, + { + "Unnamed: 0": 4351, + "book_name": "Give And Take", + "summaries": " explains the three different types of how we interact with others and shows you why being a giver is, contrary to popular belief, the best way to success in business and life.", + "categories": "communication", + "review_score": 8.0 + }, + { + "Unnamed: 0": 4352, + "book_name": "TED Talks", + "summaries": " is an instruction manual to become a great public speaker and deliver talks that are unforgettable, based on over 15 years worth of experience of the head of TED, the most popular speaking platform in the world.", + "categories": "communication", + "review_score": 6.1 + }, + { + "Unnamed: 0": 4353, + "book_name": "Million Dollar Consulting", + "summaries": " teaches you how to build a thriving consultancy business, by focusing on relationships, delivering strategic value and thinking long-term all the way through.", + "categories": "communication", + "review_score": 10.0 + }, + { + "Unnamed: 0": 4354, + "book_name": "Rising Strong", + "summaries": " describes a 3-phase process of bouncing back from failure, which you can implement both in your own life and as a team or company, in order to embrace setbacks as part of life, deal with your emotions, confront your own ideas and rise stronger every time.", + "categories": "communication", + "review_score": 7.5 + }, + { + "Unnamed: 0": 4355, + "book_name": "The Art Of Asking", + "summaries": " teaches you to finally accept the help of others, stop trying to do everything on your own, and show you how you can build a closely knit family of friends and supporters by being honest, generous and not afraid to ask.", + "categories": "communication", + "review_score": 1.4 + }, + { + "Unnamed: 0": 4356, + "book_name": "The 22 Immutable Laws Of Marketing", + "summaries": " is an absolute marketing classic, outlining 22 rules by which companies function, and, depending on how much\u00a0you adhere to them, will determine the success or failure of your products and ultimately, your company.", + "categories": "communication", + "review_score": 1.0 + }, + { + "Unnamed: 0": 4357, + "book_name": "I Wear The Black Hat", + "summaries": " shows you that determining if a person is good or bad isn\u2019t as straightforward as you might think, by uncovering some of the biases that make us see people in a different light, regardless of their true intentions.", + "categories": "communication", + "review_score": 1.9 + }, + { + "Unnamed: 0": 4358, + "book_name": "The Facebook Effect", + "summaries": " is the only official account of the history of the world\u2019s largest social network, explaining why it\u2019s so successful and how it\u2019s changed both the world and us.", + "categories": "communication", + "review_score": 9.7 + }, + { + "Unnamed: 0": 4359, + "book_name": "The Rebel Rules", + "summaries": " shows you how you can run a business by being yourself, relying on your vision, instinct, passion and agility to call the shots, stay innovative and maneuver your business like a startup, even if it\u2019s long outgrown its baby pants.", + "categories": "communication", + "review_score": 5.5 + }, + { + "Unnamed: 0": 4360, + "book_name": "A Curious Mind", + "summaries": " is an homage to the power of asking questions, showing you how being curious can change your entire life, from the way you do business, to how you interact with your loved ones, or even shape your country.", + "categories": "communication", + "review_score": 9.4 + }, + { + "Unnamed: 0": 4361, + "book_name": "Pitch Anything", + "summaries": " relies on tactics and strategies from a field called neuroeconomics to give you an entirely new way of presenting, pitching and convincing other people of your ideas and offers.", + "categories": "communication", + "review_score": 2.3 + }, + { + "Unnamed: 0": 4362, + "book_name": "Rejection Proof", + "summaries": " shows you that no \u201cNo\u201d lasts forever, and how you can use rejection therapy to change your perspective of fear, embrace new challenges, and hear the word \u201cYes\u201d more often than ever before.", + "categories": "communication", + "review_score": 6.2 + }, + { + "Unnamed: 0": 4363, + "book_name": "Smartcuts", + "summaries": " explains how some people and businesses achieve rapid growth and build sustainable, profitable companies in the time it takes you to get another promotion, by working smart, not hard and hacking into the ladder of success, instead of climbing it one step at a time.", + "categories": "communication", + "review_score": 6.4 + }, + { + "Unnamed: 0": 4364, + "book_name": "Traction", + "summaries": " is a roadmap for startups to achieve the exponential growth necessary to survive the first few months and years by looking at 19 ways to get traction and a framework to help you pick the best one for your startup.", + "categories": "communication", + "review_score": 8.9 + }, + { + "Unnamed: 0": 4365, + "book_name": "To Sell Is Human", + "summaries": " shows you that selling is part of your life, no matter what you do, and what a successful salesperson looks like in the 21st century, with practical ideas to help you convince others in a more honest, natural and sustainable way.", + "categories": "communication", + "review_score": 6.1 + }, + { + "Unnamed: 0": 4366, + "book_name": "Year of Yes", + "summaries": " details famous TV-show creator Shonda Rhimes\u2019s change from introversion to socialite by saying \u201cYes\u201d to anything for a full year and how she was finally able to face her fears and start loving herself.", + "categories": "communication", + "review_score": 2.7 + }, + { + "Unnamed: 0": 4367, + "book_name": "Who Moved My Cheese", + "summaries": " tells a parable, which you can directly apply to your own life, in order to stop fearing what lies ahead and instead thrive in an environment of change and uncertainty.", + "categories": "communication", + "review_score": 5.1 + }, + { + "Unnamed: 0": 4368, + "book_name": "The One Minute Manager", + "summaries": " gives managers three simple tools that each take 60 seconds or less to use but can tremendously improve their efficiency in getting people to stay motivated, happy, and ready to deliver great work.", + "categories": "communication", + "review_score": 7.2 + }, + { + "Unnamed: 0": 4369, + "book_name": "Never Eat Alone", + "summaries": " is a modern classic, which explains the art of networking and gives you actionable advice on how you can harness the power of good relationships and become a good networker to build a career you love.", + "categories": "communication", + "review_score": 8.8 + }, + { + "Unnamed: 0": 4370, + "book_name": "How To Be A Positive Leader", + "summaries": " taps into the expertise of 17 leadership experts to show you how you can become a positive leader, who empowers everyone around him, whether at work or at home, with small changes, that compound into a big impact.", + "categories": "communication", + "review_score": 2.4 + }, + { + "Unnamed: 0": 4371, + "book_name": "Emotional Intelligence", + "summaries": " explains the importance of emotions in your life, how they help and hurt your ability to navigate the world, followed by practical advice on how to improve your own emotional intelligence and why that is the\u00a0key to leading a successful life.", + "categories": "communication", + "review_score": 10.0 + }, + { + "Unnamed: 0": 4372, + "book_name": "Happier At Home", + "summaries": " is an instruction manual to transform your home into a castle of happiness by figuring out what needs to be changed, what needs to stay the same, and embracing the gift of family.", + "categories": "communication", + "review_score": 2.8 + }, + { + "Unnamed: 0": 4373, + "book_name": "Tribes", + "summaries": " turns you from a sheepwalker into a heretic, by giving you the tools to start your own tribe, explaining why they\u2019re the future of business and showing you that you too, can be a leader.", + "categories": "communication", + "review_score": 2.0 + }, + { + "Unnamed: 0": 4374, + "book_name": "Trust Me, I\u2019m Lying", + "summaries": "\u00a0is a marketer\u2019s take on how influential blogs have become, why that\u2019s something to worry about, and which broken dynamics govern the internet today, including his own confessions of how he gamed that very system to successfully generate press for his clients.", + "categories": "communication", + "review_score": 6.0 + }, + { + "Unnamed: 0": 4375, + "book_name": "Crush It", + "summaries": " is the blueprint you need to turn your passion into your profession and will give you the tools to turn yourself into a brand, leverage social media, produce great content and reap the financial benefits of it.", + "categories": "communication", + "review_score": 3.0 + }, + { + "Unnamed: 0": 4376, + "book_name": "Attached", + "summaries": " delivers a scientific explanation why some relationships thrive and steer a clear path over a lifetime, while others crash and burn, based on the human need for attachment and the three different styles of it.", + "categories": "communication", + "review_score": 2.9 + }, + { + "Unnamed: 0": 4377, + "book_name": "Rookie Smarts", + "summaries": " argues against experience and for a mindset of learning in the modern workplace, due to knowledge growing and changing fast, which gives rookies a competitive advantage, as they\u2019re not bound by common practices and the status quo.", + "categories": "communication", + "review_score": 9.7 + }, + { + "Unnamed: 0": 4378, + "book_name": "The Art Of Social Media", + "summaries": " is a compendium of over 100 practical tips to treat your social media presence like a business and use a bottom-up approach to get the attention your brand, product or business deserves.", + "categories": "communication", + "review_score": 7.4 + }, + { + "Unnamed: 0": 4379, + "book_name": "The Honest Truth About Dishonesty", + "summaries": " reveals our motivation behind cheating, why it\u2019s not entirely rational, and, based on many experiments, what we can do to lessen the conflict between wanting to get ahead and being good people.", + "categories": "communication", + "review_score": 2.0 + }, + { + "Unnamed: 0": 4380, + "book_name": "How To Win Friends And Influence People", + "summaries": " teaches you countless principles to become a likable person, handle your relationships well, win others over and help them change their behavior without being intrusive.", + "categories": "communication", + "review_score": 3.3 + }, + { + "Unnamed: 0": 4381, + "book_name": "The Power Of No", + "summaries": " is an encompassing instruction manual for you to harness the power of this little word to get healthy, rid yourself of bad relationships, embrace abundance and ultimately say yes to yourself.", + "categories": "communication", + "review_score": 4.9 + }, + { + "Unnamed: 0": 4382, + "book_name": "Purple Cow", + "summaries": " explains why building a great product and advertising the heck out of it simply doesn\u2019t cut it anymore and how you can\u00a0build something that\u2019s so remarkable people have to share it, in order to succeed in today\u2019s crowded post-advertising world.", + "categories": "communication", + "review_score": 1.4 + }, + { + "Unnamed: 0": 4383, + "book_name": "The Achievement Habit", + "summaries": " shows you that being an achiever can be learned, by using the principles of design thinking to walk you through several stories and exercises, which will get you to stop wishing and start doing.", + "categories": "communication", + "review_score": 7.7 + }, + { + "Unnamed: 0": 4384, + "book_name": "Mistakes Were Made, But Not By Me", + "summaries": " takes you on a journey of famous examples and areas of life where mistakes are hushed up instead of admitted, showing you along the way how this\u00a0hinders progress, why we do it in the first place, and what you can do to start honestly admitting your own.", + "categories": "communication", + "review_score": 1.7 + }, + { + "Unnamed: 0": 4385, + "book_name": "What Every Body Is Saying", + "summaries": " is an ex-FBI agents guide to reading non-verbal cues, which will help you spot others\u2019 true intentions and feelings, even when their mouths are saying something different.", + "categories": "communication", + "review_score": 4.5 + }, + { + "Unnamed: 0": 4386, + "book_name": "Jab, Jab, Jab, Right Hook", + "summaries": " is a message to everyone who\u2019s not on the social media train yet, showing them how to tell their story the right way on social media, so that it\u2019ll actually get heard.", + "categories": "communication", + "review_score": 2.6 + }, + { + "Unnamed: 0": 4387, + "book_name": "Start With Why", + "summaries": " is Simon Sinek\u2019s mission to help others do work, which inspires them, and uses real-world examples of great leaders to show you how they communicate and how you can adapt their mindset to inspire others yourself.", + "categories": "communication", + "review_score": 5.0 + }, + { + "Unnamed: 0": 4388, + "book_name": "The Tipping Point", + "summaries": " explains how ideas spread like epidemics and which few elements need to come together to help an idea reach the point of critical mass, where its viral effect becomes unstoppable.", + "categories": "communication", + "review_score": 5.9 + }, + { + "Unnamed: 0": 4389, + "book_name": "The Speed Of Trust", + "summaries": " not only explains the economics of trust, but also shows you how to cultivate great trust in yourself, your relationships, and the three kinds of stakeholders you\u2019ll deal with when you\u2019re running a company.", + "categories": "communication", + "review_score": 9.3 + }, + { + "Unnamed: 0": 4390, + "book_name": "Talk Like TED", + "summaries": " has analyzed over 500 of the most popular TED talks to help you integrate the three most common features of them, novelty, emotions, and being memorable, into your own presentations and make you a better speaker.", + "categories": "communication", + "review_score": 4.6 + }, + { + "Unnamed: 0": 4391, + "book_name": "Influence", + "summaries": " has been the go-to book for marketers since its release in 1984, which delivers\u00a0six key principles behind human influence and explains them with countless practical examples.", + "categories": "communication", + "review_score": 6.0 + }, + { + "Unnamed: 0": 4392, + "book_name": "The 7 Habits Of Highly Effective People", + "summaries": " teaches you both personal and professional effectiveness by\u00a0changing your view of how the world works and giving you 7 habits, which, if adopted well, will lead you to immense success.", + "categories": "communication", + "review_score": 9.3 + }, + { + "Unnamed: 0": 4393, + "book_name": "The Wisdom Of Crowds", + "summaries": " researches why groups reach better decisions than individuals, what makes groups smart, where the dangers of group decisions lie, and how each of us can encourage the groups we are part of to work together.", + "categories": "communication", + "review_score": 7.0 + }, + { + "Unnamed: 0": 4394, + "book_name": "Leaders Eat Last", + "summaries": " teaches you where the need for leadership comes from historically, what the consequences of bad leadership are and how you can be a good leader in the modern world.", + "categories": "communication", + "review_score": 2.0 + }, + { + "Unnamed: 0": 4395, + "book_name": "Bittersweet", + "summaries": " explains where emotions like sorrow, longing, and sadness come from and what their purpose in our lives is, as well as helping us deal with grief, loss, and our own mortality.", + "categories": "religion", + "review_score": 8.2 + }, + { + "Unnamed: 0": 4396, + "book_name": "The Power of Regret", + "summaries": " is a deep dive into an emotion we all experience, outlining in three parts why regret makes us more human, not less, which four core regrets plague us all, and how we can accept and reshape our mistakes into better futures instead of keeping them as skeletons in our closets.", + "categories": "religion", + "review_score": 1.1 + }, + { + "Unnamed: 0": 4397, + "book_name": "Brave New World", + "summaries": " presents a futuristic society engineered perfectly around capitalism and scientific efficiency, in which everyone is happy, conform, and content \u2014 but only at first glance.", + "categories": "religion", + "review_score": 2.8 + }, + { + "Unnamed: 0": 4398, + "book_name": "No Self No Problem", + "summaries": " is a provocative read about the implications of Buddhism in neuroscience, and more specifically about the idea that the self is only a product of the mind, meaning that there is no \u201cI\u201d.", + "categories": "religion", + "review_score": 4.1 + }, + { + "Unnamed: 0": 4399, + "book_name": "Siddhartha", + "summaries": " presents the self-discovery expedition of a man during the time of the Buddha who, unsure of what life really means to him, takes an exploratory journey to pursue the highs and lows of life, which ultimately leads him to discover the equilibrium in all things and a higher wisdom within.", + "categories": "religion", + "review_score": 3.5 + }, + { + "Unnamed: 0": 4400, + "book_name": "The Art of Living", + "summaries": " talks about living a peaceful life through meditation and gratitude, especially by using the Vipassana meditation technique and the philosophy behind Buddhism, which promotes developing a clearer vision of life and seeing things as they truly are.", + "categories": "religion", + "review_score": 2.1 + }, + { + "Unnamed: 0": 4401, + "book_name": "The Universe Has Your Back", + "summaries": " explores the importance of spiritual elevation, meditation, and ways to live by a mantra that serves you in your self-discovery journey that will shape your reality through new and improved thoughts and inner beliefs.", + "categories": "religion", + "review_score": 1.0 + }, + { + "Unnamed: 0": 4402, + "book_name": "Untamed", + "summaries": " is an inspiring memoir of Glennon Doyle, a woman who found peace and inner strength by challenging life in all its areas, from love to parenting, personal growth, and work, after going through a powerful change that led her to discover crucial aspects about herself and allowed her to build a new life.", + "categories": "religion", + "review_score": 6.8 + }, + { + "Unnamed: 0": 4403, + "book_name": "The Bhagavad Gita", + "summaries": " is the number one spiritual text in Hinduism, packed with wisdom about life and purpose as well as powerful advice on living virtuously but authentically without succumbing to life\u2019s temptations or other people\u2019s dreams.", + "categories": "religion", + "review_score": 9.1 + }, + { + "Unnamed: 0": 4404, + "book_name": "The Story of Philosophy", + "summaries": " profiles the lives of great Western philosophers, such as Plato, Socrates, and Nietzsche, exploring their views on politics, religion, morality, the meaning of life, and plenty of other important concepts.", + "categories": "religion", + "review_score": 3.4 + }, + { + "Unnamed: 0": 4405, + "book_name": "Bittersweet", + "summaries": " explains where emotions like sorrow, longing, and sadness come from and what their purpose in our lives is, as well as helping us deal with grief, loss, and our own mortality.", + "categories": "religion", + "review_score": 5.6 + }, + { + "Unnamed: 0": 4406, + "book_name": "The Power of Regret", + "summaries": " is a deep dive into an emotion we all experience, outlining in three parts why regret makes us more human, not less, which four core regrets plague us all, and how we can accept and reshape our mistakes into better futures instead of keeping them as skeletons in our closets.", + "categories": "religion", + "review_score": 2.2 + }, + { + "Unnamed: 0": 4407, + "book_name": "Brave New World", + "summaries": " presents a futuristic society engineered perfectly around capitalism and scientific efficiency, in which everyone is happy, conform, and content \u2014 but only at first glance.", + "categories": "religion", + "review_score": 1.9 + }, + { + "Unnamed: 0": 4408, + "book_name": "No Self No Problem", + "summaries": " is a provocative read about the implications of Buddhism in neuroscience, and more specifically about the idea that the self is only a product of the mind, meaning that there is no \u201cI\u201d.", + "categories": "religion", + "review_score": 3.1 + }, + { + "Unnamed: 0": 4409, + "book_name": "Siddhartha", + "summaries": " presents the self-discovery expedition of a man during the time of the Buddha who, unsure of what life really means to him, takes an exploratory journey to pursue the highs and lows of life, which ultimately leads him to discover the equilibrium in all things and a higher wisdom within.", + "categories": "religion", + "review_score": 9.5 + }, + { + "Unnamed: 0": 4410, + "book_name": "The Art of Living", + "summaries": " talks about living a peaceful life through meditation and gratitude, especially by using the Vipassana meditation technique and the philosophy behind Buddhism, which promotes developing a clearer vision of life and seeing things as they truly are.", + "categories": "religion", + "review_score": 1.3 + }, + { + "Unnamed: 0": 4411, + "book_name": "The Universe Has Your Back", + "summaries": " explores the importance of spiritual elevation, meditation, and ways to live by a mantra that serves you in your self-discovery journey that will shape your reality through new and improved thoughts and inner beliefs.", + "categories": "religion", + "review_score": 4.2 + }, + { + "Unnamed: 0": 4412, + "book_name": "Untamed", + "summaries": " is an inspiring memoir of Glennon Doyle, a woman who found peace and inner strength by challenging life in all its areas, from love to parenting, personal growth, and work, after going through a powerful change that led her to discover crucial aspects about herself and allowed her to build a new life.", + "categories": "religion", + "review_score": 2.0 + }, + { + "Unnamed: 0": 4413, + "book_name": "The Bhagavad Gita", + "summaries": " is the number one spiritual text in Hinduism, packed with wisdom about life and purpose as well as powerful advice on living virtuously but authentically without succumbing to life\u2019s temptations or other people\u2019s dreams.", + "categories": "religion", + "review_score": 5.2 + }, + { + "Unnamed: 0": 4414, + "book_name": "The Story of Philosophy", + "summaries": " profiles the lives of great Western philosophers, such as Plato, Socrates, and Nietzsche, exploring their views on politics, religion, morality, the meaning of life, and plenty of other important concepts.", + "categories": "religion", + "review_score": 3.7 + }, + { + "Unnamed: 0": 4415, + "book_name": "Safe People", + "summaries": " focuses on the importance of recognizing the types of people, distinguishing between the safe and unsafe ones, avoiding toxic relationships, and establishing meaningful ones by reading people and trusting God.", + "categories": "religion", + "review_score": 2.1 + }, + { + "Unnamed: 0": 4416, + "book_name": "Keep Showing Up", + "summaries": " explores the struggles that married couples face on a daily basis, from falling into a routine to fighting over their children, and how to overcome them by being grateful, positive and re-establishing a connection with God. ", + "categories": "religion", + "review_score": 6.2 + }, + { + "Unnamed: 0": 4417, + "book_name": "Caste", + "summaries": " unveils the hidden cultural and societal rules of our class system, including where it comes from, why it\u2019s so deeply entrenched in society, and how we can dismantle it forever and finally allow all people to have the equality they deserve.\u00a0", + "categories": "religion", + "review_score": 2.3 + }, + { + "Unnamed: 0": 4418, + "book_name": "Get Out Of Your Head", + "summaries": " shows you how to break the pattern of negative thinking so you can consistently entertain healthier and happier thoughts by teaching simple tips like being alone, connecting with others, and reconnecting with God.", + "categories": "religion", + "review_score": 9.3 + }, + { + "Unnamed: 0": 4419, + "book_name": "The Power Of Myth", + "summaries": " is a book based on Joseph Campbell and Bill Moyer\u2019s popular 1988 documentary of the same name, explaining where myths come from, why they are so common in society, how they\u2019ve evolved, and what important role they still play in our ever-changing world today.", + "categories": "religion", + "review_score": 7.8 + }, + { + "Unnamed: 0": 4420, + "book_name": "The Purpose Driven Life", + "summaries": " is Christian pastor Rick Warren\u2019s answer to the burning question that we all have about why we\u2019re here and explains God\u2019s five purposes for your life and how you can realize and live each of them by going on a 40-day spiritual journey.", + "categories": "religion", + "review_score": 1.5 + }, + { + "Unnamed: 0": 4421, + "book_name": "Super Attractor", + "summaries": " will help you become happier, find your purpose, overcome your fears, and begin living the life you\u2019ve always wanted by identifying the steps you need to take to connect with a higher spiritual power.", + "categories": "religion", + "review_score": 3.3 + }, + { + "Unnamed: 0": 4422, + "book_name": "The Way Of Zen", + "summaries": " is the ultimate guide to understanding the history, principles, and benefits of Zen and how it can help us experience mental stillness and enjoy life even in uncertain times.", + "categories": "religion", + "review_score": 1.4 + }, + { + "Unnamed: 0": 4423, + "book_name": "Doubt: A History", + "summaries": " is a fascinating look at the historical influence of doubt on science, religion, and the way we think today.", + "categories": "religion", + "review_score": 1.4 + }, + { + "Unnamed: 0": 4424, + "book_name": "Educated", + "summaries": " will help you become more grateful for your schooling, freedom, and normal relationships by explaining the family difficulties that Tara Westover had to break free of so that she could get her own education.", + "categories": "religion", + "review_score": 2.8 + }, + { + "Unnamed: 0": 4425, + "book_name": "Radical Acceptance", + "summaries": " teaches how you can become more content and happy in your life by applying the principles of meditation and Buddhism. ", + "categories": "religion", + "review_score": 6.2 + }, + { + "Unnamed: 0": 4426, + "book_name": "The Varieties Of Religious Experience", + "summaries": " will show you that spirituality isn\u2019t limited to church and that you too can benefit from trying a variety of religious practices, even if you identify with no religion in particular.", + "categories": "religion", + "review_score": 1.8 + }, + { + "Unnamed: 0": 4427, + "book_name": "When Bad Things Happen To Good People", + "summaries": " explains why even the best of people sometimes suffer from adversity, and how we can turn our pain into something meaningful instead of lamenting it.", + "categories": "religion", + "review_score": 1.4 + }, + { + "Unnamed: 0": 4428, + "book_name": "The Tao Te Ching", + "summaries": " is a collection of 81 short, poignant chapters full of advice on living in harmony with \u201cthe Tao,\u201d translated as \u201cthe Way,\u201d an ancient Chinese interpretation of the spiritual force underpinning all life, first written around 400 BC but relevant to this day.", + "categories": "religion", + "review_score": 2.7 + }, + { + "Unnamed: 0": 4429, + "book_name": "Faith", + "summaries": " is an in-depth exploration of the many meanings of faith and the various ways it affects human life, backed by the personal account of former US President Jimmy Carter.", + "categories": "religion", + "review_score": 1.3 + }, + { + "Unnamed: 0": 4430, + "book_name": "The Tao of Physics", + "summaries": " questions many biases about Western science and Eastern spirituality, showing the close connections between the principles of physics and those of Buddhism, Hinduism, and Taoism", + "categories": "religion", + "review_score": 5.7 + }, + { + "Unnamed: 0": 4431, + "book_name": "The Road Less Traveled", + "summaries": "\u00a0is a spiritual classic, combining scientific and religious views to help you grow by confronting and solving your problems through discipline, love and grace.", + "categories": "religion", + "review_score": 6.8 + }, + { + "Unnamed: 0": 4432, + "book_name": "The Seven Spiritual Laws Of Success", + "summaries": " brings together the spiritual calmness and mindful behavior of Eastern religions with Western striving for achieving internal and external success, showing you seven specific ways to let both come to you.", + "categories": "religion", + "review_score": 1.9 + }, + { + "Unnamed: 0": 4433, + "book_name": "The Wisdom Of Insecurity", + "summaries": " is a self-help classic that breaks down our psychological need for stability and explains how it\u2019s led us right into consumerism, why that won\u2019t solve our problem and how we can really calm our anxiety.", + "categories": "religion", + "review_score": 6.6 + }, + { + "Unnamed: 0": 4434, + "book_name": "Automate Your Busywork", + "summaries": "\u00a0is a step-by-step guide to getting rid of your most dreaded tasks, fueled by the simple but sophisticated \u201cAutomation Flywheel,\u201d which will help you reduce stress, get more done, and find time for your most meaningful work.", + "categories": "technology", + "review_score": 6.4 + }, + { + "Unnamed: 0": 4435, + "book_name": "Brave New World", + "summaries": " presents a futuristic society engineered perfectly around capitalism and scientific efficiency, in which everyone is happy, conform, and content \u2014 but only at first glance.", + "categories": "technology", + "review_score": 8.8 + }, + { + "Unnamed: 0": 4436, + "book_name": "1984", + "summaries": " is the story of a man questioning the system that keeps his futuristic but dystopian society afloat and the chaos that quickly ensues once he gives in to his natural curiosity and desire to be free.", + "categories": "technology", + "review_score": 6.0 + }, + { + "Unnamed: 0": 4437, + "book_name": "Stolen Focus", + "summaries": "\u00a0explains why our attention spans have been dwindling for decades, how technology accelerates this worrying trend, and what we can do to reclaim our focus and thus our capacity to live meaningful lives.", + "categories": "technology", + "review_score": 6.9 + }, + { + "Unnamed: 0": 4438, + "book_name": "The Life-Changing Science of Detecting Bullshit", + "summaries": " teaches its readers how to avoid falling for the lies and false information that other people spread by helping them build essential thinking skills through examples from the real world.", + "categories": "technology", + "review_score": 5.4 + }, + { + "Unnamed: 0": 4439, + "book_name": "Dopamine Nation", + "summaries": "talks about the importance of living a balanced life in relation to all the pleasure and stimuli we\u2019re surrounded with on a daily basis, such as drugs, devices, porn, gambling facilities, showing us how to avoid becoming dopamine addicts by restricting our access to them.\u00a0", + "categories": "technology", + "review_score": 9.9 + }, + { + "Unnamed: 0": 4440, + "book_name": "The Code Breaker", + "summaries": " details the life of Nobel Prize winner Jennifer Doudna, who embarked on \u2014 and successfully completed \u2014 a journey to invent a tool that allows us to edit the human genetic code and thus will change our lives, health, and future generations forever.", + "categories": "technology", + "review_score": 1.5 + }, + { + "Unnamed: 0": 4441, + "book_name": "Permanent Record", + "summaries": " delves into the life story of Edward Snowden, the well-renowned national whistleblower who built the expos\u00e9 on STELLARWIND, the US mass surveillance program used to spy on American citizens.", + "categories": "technology", + "review_score": 4.9 + }, + { + "Unnamed: 0": 4442, + "book_name": "Loonshots", + "summaries": " explores the process of innovation, specifically how groundbreaking ideas emerge from simple thoughts and how important it is for organizations to give course to them by creating learning environments where people feel safe exploring and creating.", + "categories": "technology", + "review_score": 3.5 + }, + { + "Unnamed: 0": 4443, + "book_name": "How to Break Up With Your Phone ", + "summaries": "explores a common problem for all of us who are engaging with social media and constant use of phones, namely our addiction to these devices and the internet, and ways to ditch it for good and find meaning in our lives outside of our virtual encounters.", + "categories": "technology", + "review_score": 8.7 + }, + { + "Unnamed: 0": 4444, + "book_name": "Automate Your Busywork", + "summaries": "\u00a0is a step-by-step guide to getting rid of your most dreaded tasks, fueled by the simple but sophisticated \u201cAutomation Flywheel,\u201d which will help you reduce stress, get more done, and find time for your most meaningful work.", + "categories": "technology", + "review_score": 5.9 + }, + { + "Unnamed: 0": 4445, + "book_name": "Brave New World", + "summaries": " presents a futuristic society engineered perfectly around capitalism and scientific efficiency, in which everyone is happy, conform, and content \u2014 but only at first glance.", + "categories": "technology", + "review_score": 4.1 + }, + { + "Unnamed: 0": 4446, + "book_name": "1984", + "summaries": " is the story of a man questioning the system that keeps his futuristic but dystopian society afloat and the chaos that quickly ensues once he gives in to his natural curiosity and desire to be free.", + "categories": "technology", + "review_score": 7.5 + }, + { + "Unnamed: 0": 4447, + "book_name": "Stolen Focus", + "summaries": "\u00a0explains why our attention spans have been dwindling for decades, how technology accelerates this worrying trend, and what we can do to reclaim our focus and thus our capacity to live meaningful lives.", + "categories": "technology", + "review_score": 7.5 + }, + { + "Unnamed: 0": 4448, + "book_name": "The Life-Changing Science of Detecting Bullshit", + "summaries": " teaches its readers how to avoid falling for the lies and false information that other people spread by helping them build essential thinking skills through examples from the real world.", + "categories": "technology", + "review_score": 5.0 + }, + { + "Unnamed: 0": 4449, + "book_name": "Dopamine Nation", + "summaries": "talks about the importance of living a balanced life in relation to all the pleasure and stimuli we\u2019re surrounded with on a daily basis, such as drugs, devices, porn, gambling facilities, showing us how to avoid becoming dopamine addicts by restricting our access to them.\u00a0", + "categories": "technology", + "review_score": 1.4 + }, + { + "Unnamed: 0": 4450, + "book_name": "The Code Breaker", + "summaries": " details the life of Nobel Prize winner Jennifer Doudna, who embarked on \u2014 and successfully completed \u2014 a journey to invent a tool that allows us to edit the human genetic code and thus will change our lives, health, and future generations forever.", + "categories": "technology", + "review_score": 7.9 + }, + { + "Unnamed: 0": 4451, + "book_name": "Permanent Record", + "summaries": " delves into the life story of Edward Snowden, the well-renowned national whistleblower who built the expos\u00e9 on STELLARWIND, the US mass surveillance program used to spy on American citizens.", + "categories": "technology", + "review_score": 8.8 + }, + { + "Unnamed: 0": 4452, + "book_name": "Loonshots", + "summaries": " explores the process of innovation, specifically how groundbreaking ideas emerge from simple thoughts and how important it is for organizations to give course to them by creating learning environments where people feel safe exploring and creating.", + "categories": "technology", + "review_score": 7.1 + }, + { + "Unnamed: 0": 4453, + "book_name": "How to Break Up With Your Phone ", + "summaries": "explores a common problem for all of us who are engaging with social media and constant use of phones, namely our addiction to these devices and the internet, and ways to ditch it for good and find meaning in our lives outside of our virtual encounters.", + "categories": "technology", + "review_score": 4.0 + }, + { + "Unnamed: 0": 4454, + "book_name": "Expert Secrets", + "summaries": " teaches you how to create and implement an informative marketing plan and putting it into practice, while also showing you what problem you must solve for your prospects or teach them how to do it themselves.", + "categories": "technology", + "review_score": 9.1 + }, + { + "Unnamed: 0": 4455, + "book_name": "The 100-Year Life", + "summaries": " teaches you how to be resourceful and prepare ahead of time for a world in which people not only live longer but reach an age in the triple-digits, and talks about what you should be doing right now to ensure you have enough money for retirement.", + "categories": "technology", + "review_score": 6.3 + }, + { + "Unnamed: 0": 4456, + "book_name": "Tesla: Man Out of Time", + "summaries": " presents the biography and remarkable life of Nikola Tesla, one of the most notable inventors and engineers of all time, while also highlighting his bumpy relationship with Thomas Edison and his heavy childhood.", + "categories": "technology", + "review_score": 1.9 + }, + { + "Unnamed: 0": 4457, + "book_name": "Inspired", + "summaries": " taps into a popular subject, which is how to build successful products that sell, run a thriving business by avoiding common mistakes and traps along the way by motivating employees and setting a prime example through knowledge and skills, all while developing worthwhile products that are needed on the market.", + "categories": "technology", + "review_score": 1.3 + }, + { + "Unnamed: 0": 4458, + "book_name": "Invent & Wander", + "summaries": " is a collection of Jeff Bezos\u2019s writings and letters to its shareholders, in which he expresses his philosophy of life and his way of doing business, which ultimately led him to know tremendous success and write history with his two companies: Amazon and Blue Origin.", + "categories": "technology", + "review_score": 5.2 + }, + { + "Unnamed: 0": 4459, + "book_name": "Indistractable", + "summaries": " how our modern gadgets and technology distract us from work and cause real concentration issues, impacting our performance and even the quality of our lives, and how we can address the root cause of the problem to solve it. ", + "categories": "technology", + "review_score": 6.7 + }, + { + "Unnamed: 0": 4460, + "book_name": "Show Your Work!", + "summaries": " talks about the importance of being discoverable, showcasing your work like a professional, and networking properly in order to succeed with your creative work.", + "categories": "technology", + "review_score": 6.7 + }, + { + "Unnamed: 0": 4461, + "book_name": "The Shallows", + "summaries": " explores the effects of the Internet on the human brain, which aren\u2019t entirely positive, as our constant exposure to the online environment through digital devices strips our ability to target our focus and stay concentrated, all while modifying our brain neurologically and anatomically. ", + "categories": "technology", + "review_score": 9.0 + }, + { + "Unnamed: 0": 4462, + "book_name": "AI 2041", + "summaries": " explores the concept of artificial intelligence and delves into some thought-provoking ideas about AI taking over the world in the next twenty years, from our day-to-day lives to our jobs, becoming a worldwide used tool that will shake the world as we know it from the ground up.", + "categories": "technology", + "review_score": 2.6 + }, + { + "Unnamed: 0": 4463, + "book_name": "Testing Business Ideas", + "summaries": " highlights the importance of trial and error, learning from mistakes and prototypes, and always improving your offerings in a business, so as to bring a successful product to the market that will sell instead of causing you troubles.", + "categories": "technology", + "review_score": 3.1 + }, + { + "Unnamed: 0": 4464, + "book_name": "Cryptocurrency Investing For Dummies", + "summaries": " is a hands-on guide on how to get started with investing in digital coins by placing a trade using a broker what they represent, and how to pick the right ones from the batch of cryptocurrencies available on the market.", + "categories": "technology", + "review_score": 6.5 + }, + { + "Unnamed: 0": 4465, + "book_name": "Stealing Fire", + "summaries": " examines how a state of ecstasy can enhance the body-brain connection and allow humans to achieve excellent performance by accelerating their neural processes.", + "categories": "technology", + "review_score": 6.6 + }, + { + "Unnamed: 0": 4466, + "book_name": "Long Life Learning", + "summaries": " questions the current educational systems worldwide in relation to an increasing trend in job automation, growing life expectancy, and a devaluation in higher degrees, all with a strong focus on the future of work and urgency to adapt to it.", + "categories": "technology", + "review_score": 8.0 + }, + { + "Unnamed: 0": 4467, + "book_name": "An Ugly Truth", + "summaries": " offers a critical look at Facebook and its administrators, who foster a gaslighting environment and a controversial social media platform that can easily become a danger for its users both virtually and in real life due to its immense power and influence on our society.", + "categories": "technology", + "review_score": 6.1 + }, + { + "Unnamed: 0": 4470, + "book_name": "Make Money Trading Options", + "summaries": " teaches the art of trading stock options, including the pitfalls to watch out for and how to use simple tools like the Test Trading Strategy and virtual trading tools to find stocks that are most likely to be profitable, so you don\u2019tm have to just guess where to invest.", + "categories": "technology", + "review_score": 7.9 + }, + { + "Unnamed: 0": 4471, + "book_name": "Ten Arguments For Deleting Your Social Media Accounts Right Now", + "summaries": " shows why you should quit social media because it stops joy, makes you a jerk, erodes truth, kills empathy, takes free will, keeps the world insane, destroys authenticity, blocks economic dignity, makes politics a mess, and hates you.", + "categories": "technology", + "review_score": 7.2 + }, + { + "Unnamed: 0": 4472, + "book_name": "No Rules Rules", + "summaries": " explains the incredibly unique and efficient company culture of Netflix, including the amazing levels of freedom and responsibility it gives employees and how this innovative way of running the business is the very reason that Netflix is so successful.", + "categories": "technology", + "review_score": 9.8 + }, + { + "Unnamed: 0": 4473, + "book_name": "The Bitcoin Standard", + "summaries": " uses the history of money and gold to explain why Bitcoin is the way to go if the world wants to stick to having sound money and why it\u2019s the only cryptocurrency to be focusing on right now.", + "categories": "technology", + "review_score": 4.6 + }, + { + "Unnamed: 0": 4474, + "book_name": "The Design Of Everyday Things", + "summaries": " helps you understand why your inability to use some products isn\u2019t your fault but instead is the result of bad design and how companies can use the principles of cognitive psychology to implement better design principles that actually solve your problems without creating more of them.", + "categories": "technology", + "review_score": 9.5 + }, + { + "Unnamed: 0": 4475, + "book_name": "Cryptoassets", + "summaries": " is your guide to understanding this revolutionary new digital asset class and explains the history of Bitcoin, how to invest in it and other cryptocurrencies, and how the blockchain technology behind it all works.", + "categories": "technology", + "review_score": 6.4 + }, + { + "Unnamed: 0": 4476, + "book_name": "The Double Helix", + "summaries": " tells the story of the discovery of DNA, which is one of the most significant scientific findings in all of history, by explaining the rivalries, struggles of the prideful scientific community to work together, and other roadblocks that James Watson had on the way to making the breakthrough of a lifetime that would change his life and the entire world.", + "categories": "technology", + "review_score": 1.8 + }, + { + "Unnamed: 0": 4477, + "book_name": "The Dark Net", + "summaries": " dives into the details of the wildest and most dangerous parts of the digital world, including self-harmers, cryptocurrency programmers, computer scientists, hackers, extremists, pornographers, vigilantes, and much more.", + "categories": "technology", + "review_score": 9.3 + }, + { + "Unnamed: 0": 4478, + "book_name": "2030", + "summaries": " uses the current trajectory of the world, based on sociological, demographic, and technological trends, to outline the changes we can expect to happen in our lives by the beginning of the next decade.", + "categories": "technology", + "review_score": 9.1 + }, + { + "Unnamed: 0": 4479, + "book_name": "See You On The Internet", + "summaries": " is the ultimate beginner-level digital marketing guide that teaches you how to build an online business presence by doing everything from starting a website to managing social media accounts.", + "categories": "technology", + "review_score": 8.1 + }, + { + "Unnamed: 0": 4480, + "book_name": "The Grand Design", + "summaries": " explains the history of mankind from a scientific perspective, including how we came into existence and started to use science to explain the world and ourselves with laws like Newton\u2019s and Einstein\u2019s and more recent theories like quantum physics.", + "categories": "technology", + "review_score": 7.4 + }, + { + "Unnamed: 0": 4481, + "book_name": "Subscribed", + "summaries": " helps your company move to a subscription model by identifying the history of this innovative idea, how it makes businesses so successful, and what you need to do to implement it in your own company.", + "categories": "technology", + "review_score": 2.3 + }, + { + "Unnamed: 0": 4482, + "book_name": "Narrative Economics", + "summaries": " explains the influence that popular stories have on the way economies operate, including the rise of Bitcoin, stock market booms and crashes, the nature of epidemics, and more.", + "categories": "technology", + "review_score": 6.6 + }, + { + "Unnamed: 0": 4483, + "book_name": "The Age Of Cryptocurrency", + "summaries": " explains the past, present, and future of Bitcoin, including its benefits and drawbacks, how it aligns with the definition of money well enough to be its own currency, how it and other cryptocurrencies will change our economy and the entire world.", + "categories": "technology", + "review_score": 2.6 + }, + { + "Unnamed: 0": 4484, + "book_name": "Blockchain Revolution", + "summaries": " explains how the power of this new technology behind Bitcoin can transform our world financially by improving the way we store our money and do business to make it more fair, transparent, equal, and free from corruption.", + "categories": "technology", + "review_score": 2.1 + }, + { + "Unnamed: 0": 4485, + "book_name": "You Are Not A Gadget", + "summaries": " will help you get a better grasp on how much the internet undervalues your individuality by explaining the history of the digital world, the worrying path that it has put us on, and how we might make changes as a society to fix these problems.", + "categories": "technology", + "review_score": 3.9 + }, + { + "Unnamed: 0": 4486, + "book_name": "Dataclysm", + "summaries": " gives powerful motivation for being more honest online by using information collected from the internet to identify what all of us are really like under the veil of anonymity and how we as a society have changed recently.", + "categories": "technology", + "review_score": 9.4 + }, + { + "Unnamed: 0": 4487, + "book_name": "Everybody Lies", + "summaries": " will expand your mind about the true nature of human beings by explaining what big data is, how it came to be, and how we can use it to understand ourselves better.", + "categories": "technology", + "review_score": 2.7 + }, + { + "Unnamed: 0": 4488, + "book_name": "AI Superpowers", + "summaries": " will help you understand what to expect of the effect that artificial intelligence will have on your future job opportunities by diving into where China and the US, the world\u2019s two leaders in AI, are heading with this breakthrough technology.", + "categories": "technology", + "review_score": 2.7 + }, + { + "Unnamed: 0": 4489, + "book_name": "Life After Google", + "summaries": " explains why Silicon Valley is suffering a nervous breakdown as big data and machine intelligence comes to an end and the post-Google era dawns.", + "categories": "technology", + "review_score": 6.2 + }, + { + "Unnamed: 0": 4490, + "book_name": "Thank You For Being Late", + "summaries": " helps you slow down and take life at a more reasonable pace by explaining the state of our rapidly changing environment, economy, and technology.", + "categories": "technology", + "review_score": 4.6 + }, + { + "Unnamed: 0": 4491, + "book_name": "Alone Together", + "summaries": " is a book that will make you want to have a better relationship with technology by revealing just how much we rely on it and the ways our connection to it is growing worse and having negative effects on us all.", + "categories": "technology", + "review_score": 8.6 + }, + { + "Unnamed: 0": 4492, + "book_name": "Amazon", + "summaries": " will help you make your business better by sharing what made Jeff Bezos\u2019s gigantic company so successful at going from its humble beginnings to now dominating the e-commerce market.", + "categories": "technology", + "review_score": 4.9 + }, + { + "Unnamed: 0": 4493, + "book_name": "Irresistible", + "summaries": " reveals how alarmingly stuck to our devices we are, shows the negative consequences of technology addiction, and gives tips for a healthier relationship with the digital world.\n", + "categories": "technology", + "review_score": 3.4 + }, + { + "Unnamed: 0": 4494, + "book_name": "A Crack In Creation", + "summaries": " will teach you all about the power of gene editing that is made possible with CRISPR by detailing how it works, the benefits and opportunities it opens up, and the ethical risks of using it on humans.", + "categories": "technology", + "review_score": 2.8 + }, + { + "Unnamed: 0": 4495, + "book_name": "How To", + "summaries": " will help you get better at abstract thinking as it gives solutions to some of the strangest problems in the wackiest, but still scientific, ways.", + "categories": "technology", + "review_score": 8.7 + }, + { + "Unnamed: 0": 4496, + "book_name": "The Uninhabitable Earth", + "summaries": " explains how humanity\u2019s complacency and negligence have put this world on a course to soon be unlivable unless we each do our small part to improve how we care for this beautiful planet we live on.", + "categories": "technology", + "review_score": 9.7 + }, + { + "Unnamed: 0": 4497, + "book_name": "What If", + "summaries": " is a compilation of well-researched, science-based answers to some of the craziest hypothetical questions you can imagine.", + "categories": "technology", + "review_score": 6.9 + }, + { + "Unnamed: 0": 4498, + "book_name": "Deep Thinking", + "summaries": " is a recap of the past fifty years of the information revolution and an attempt to identify where AI technology may lead us.", + "categories": "technology", + "review_score": 5.6 + }, + { + "Unnamed: 0": 4499, + "book_name": "Digital Renaissance", + "summaries": " uses empirical data to show that the digitization of media has led to a flood of art, but that its average quality hasn\u2019t changed.", + "categories": "technology", + "review_score": 4.5 + }, + { + "Unnamed: 0": 4500, + "book_name": "Digital Minimalism", + "summaries": "\u00a0shows us where to draw the line with technology, how to properly take time off our digital devices, and why doing so is the key to living a happy, focused life in a noisy world.", + "categories": "technology", + "review_score": 3.2 + }, + { + "Unnamed: 0": 4501, + "book_name": "Make Time", + "summaries": " is about creating space in your life for what truly matters using highlights, laser-style focus, energizing breaks, and regularly reflecting on how you spend your most valuable asset.", + "categories": "technology", + "review_score": 9.9 + }, + { + "Unnamed: 0": 4502, + "book_name": "Reinvent Yourself", + "summaries": " is a template for how to best adapt in a world in which the only constant is change, so that you may find happiness, success, wealth, meaningful work, and whatever else you desire in life.", + "categories": "technology", + "review_score": 4.3 + }, + { + "Unnamed: 0": 4503, + "book_name": "Homo Deus", + "summaries": " illustrates the history of the human race from how we came to be the dominant species over what narratives are shaping our lives today all the way to which obstacles we must overcome next to continue to thrive.", + "categories": "technology", + "review_score": 3.0 + }, + { + "Unnamed: 0": 4504, + "book_name": "Amusing Ourselves To Death", + "summaries": " takes you through the history of media to highlight how entertainment\u2019s standing in society has risen to the point where our addiction to it undermines our independent thinking.", + "categories": "technology", + "review_score": 2.3 + }, + { + "Unnamed: 0": 4505, + "book_name": "Wonderland", + "summaries": " shows you that much of societal and technological progress actually originates from people playing and just following their curiosity, as it takes you on a tour of history\u2019s greatest dabblers and how they helped build the future.", + "categories": "technology", + "review_score": 4.6 + }, + { + "Unnamed: 0": 4506, + "book_name": "The Innovators", + "summaries": " walks you through the history of the digital revolution, showing how it was a combined effort of many creative minds over decades, that enabled us to go from huge, clunky machines to the fast, globally connected devices in your pocket today.", + "categories": "technology", + "review_score": 1.5 + }, + { + "Unnamed: 0": 4507, + "book_name": "Plato At The Googleplex", + "summaries": "\u00a0asks what would happen if ancient philosopher Plato were alive today and came in contact with the modern world, for example by touring Google\u2019s headquarters, and what the implications of his encounters are for the relevance of philosophy in our civilized, hyper-technological world.", + "categories": "technology", + "review_score": 3.9 + }, + { + "Unnamed: 0": 4508, + "book_name": "Facebook Ads Manual", + "summaries": " gives you an exact, step-by-step tutorial to create and run your first Facebook ads campaign, allowing you to market your product, page, or yourself to a massive audience for next to no money and make you a true social media marketer.", + "categories": "technology", + "review_score": 5.8 + }, + { + "Unnamed: 0": 4509, + "book_name": "Bit Literacy", + "summaries": " shows you how to navigate innumerable streams\u00a0of digital information without becoming paralyzed by managing your media with a few simple systems.", + "categories": "technology", + "review_score": 2.7 + }, + { + "Unnamed: 0": 4510, + "book_name": "Algorithms To Live By", + "summaries": " explains how computer algorithms work, why their relevancy isn\u2019t limited to the digital world and how you can make better decisions by strategically using the right algorithm at the right time, for example in dating, at home or in the office.", + "categories": "technology", + "review_score": 1.4 + }, + { + "Unnamed: 0": 4511, + "book_name": "Forensics: The Anatomy Of Crime", + "summaries": " gives you an inside looks at all the different fields of criminal forensics and their history, showing you how the investigation and evidence-collection of crimes has changed dramatically within the last 200 years, helping us find the truth behind more and more crimes.", + "categories": "technology", + "review_score": 2.1 + }, + { + "Unnamed: 0": 4512, + "book_name": "Tubes", + "summaries": " is a behind-the-scenes look at the real, tangible, physical heart of the internet, this elusive and seemingly invisible technology that permeates all of our lives on a daily basis.", + "categories": "technology", + "review_score": 3.6 + }, + { + "Unnamed: 0": 4513, + "book_name": "iWoz", + "summaries": " is Steve Wozniak\u2019s autobiography, detailing his story in his own words, from early tinkering with electronics in his home, to college and his first job, all the way to singlehandedly creating the world\u2019s first desktop\u00a0computer, the Apple I and founding what would become the most valuable company in the world.", + "categories": "technology", + "review_score": 5.0 + }, + { + "Unnamed: 0": 4514, + "book_name": "Moonshot!", + "summaries": " describes why now is the best time ever to build a business and how you can harness technology to create an experience customers will love by seeing the possibilities of the future before others do.", + "categories": "technology", + "review_score": 8.2 + }, + { + "Unnamed: 0": 4515, + "book_name": "Behind The Cloud", + "summaries": " tells the story of Salesforce.com, one of the biggest and earliest cloud computing, software-as-a-service companies in the world and how it went from small startup to billion-dollar status.", + "categories": "technology", + "review_score": 9.4 + }, + { + "Unnamed: 0": 4516, + "book_name": "The Idea Factory", + "summaries": " explains how one company, Bell Labs, has managed to spearhead innovation in the communications industry for almost 100 years by dedicating themselves to science and research, thus producing a disproportionately big share of the technology that significantly shapes our lives today.", + "categories": "technology", + "review_score": 1.3 + }, + { + "Unnamed: 0": 4517, + "book_name": "How To Create A Mind", + "summaries": " breaks down the human brain into its components, in order to then draw parallels to computers and find out what is required to let them replicate our minds, thus creating true, artificial intelligence.", + "categories": "technology", + "review_score": 3.5 + }, + { + "Unnamed: 0": 4518, + "book_name": "Lean Analytics", + "summaries": " opens up the world of collecting and analyzing data to new entrepreneurs, by showing them how to use data as a powerful tool without getting consumed by it to build, launch and grow their startup faster while focusing on the right metrics.", + "categories": "technology", + "review_score": 3.3 + }, + { + "Unnamed: 0": 4519, + "book_name": "Reality Is Broken", + "summaries": " flips the image of the lonely gamer on its head, explaining how games create real value, can be used to make us happier and even help us solve global problems.", + "categories": "technology", + "review_score": 2.2 + }, + { + "Unnamed: 0": 4520, + "book_name": "Superintelligence", + "summaries": " asks what will happen once we manage to build computers that are smarter than us, including what we need to do, how it\u2019s going to work, and why it has to be done the exact right way to make sure the human race doesn\u2019t go extinct.", + "categories": "technology", + "review_score": 3.4 + }, + { + "Unnamed: 0": 4521, + "book_name": "Remote", + "summaries": " explains why offices are a thing of the past and what both companies and employees can do to thrive in a company that\u2019s spread all across the globe with people working wherever they choose to.", + "categories": "technology", + "review_score": 4.2 + }, + { + "Unnamed: 0": 4522, + "book_name": "The Facebook Effect", + "summaries": " is the only official account of the history of the world\u2019s largest social network, explaining why it\u2019s so successful and how it\u2019s changed both the world and us.", + "categories": "technology", + "review_score": 7.2 + }, + { + "Unnamed: 0": 4523, + "book_name": "Without Their Permission", + "summaries": " is Reddit co-founder Alexis Ohanian\u2019s plea to you to start something, as he lays out how anyone can use the internet to shape the future of the 21st century without having to get a yes from somebody else first.", + "categories": "technology", + "review_score": 6.4 + }, + { + "Unnamed: 0": 4524, + "book_name": "The Evolution Of Everything", + "summaries": " compares creationist to evolutionist thinking, showing how the process of evolution we know from biology underlies and permeates the entire world, including society, morality, religion, culture, economics, money, innovation and even the internet.", + "categories": "technology", + "review_score": 6.6 + }, + { + "Unnamed: 0": 4525, + "book_name": "The Singularity Is Near", + "summaries": " outlines the future of technology by describing how change keeps accelerating, what computers will look like and be made of, why biology and technology will become indistinguishable and how we can\u2019t possibly predict what\u2019ll happen after 2045.", + "categories": "technology", + "review_score": 2.8 + }, + { + "Unnamed: 0": 4526, + "book_name": "Elon Musk", + "summaries": " is the first official biography of the creator of SolarCity, SpaceX and Tesla, based on over 30 hours of conversation time between author\u00a0Ashlee Vance", + "categories": "technology", + "review_score": 8.3 + }, + { + "Unnamed: 0": 4527, + "book_name": "Hackers and Painters", + "summaries": " is a collection of essays by Y Combinator founder Paul Graham about what makes a good computer programmer and how you can\u00a0code\u00a0the future if you are one, making a fortune in the process.", + "categories": "technology", + "review_score": 6.0 + }, + { + "Unnamed: 0": 4528, + "book_name": "The Third Wave", + "summaries": " lays out the history of the internet and how it\u2019s about to permeate everything in our lives, as well as what it takes for entrepreneurs to make use of this mega-trend and thrive in an omni-connected, always-online world.", + "categories": "technology", + "review_score": 4.1 + }, + { + "Unnamed: 0": 4529, + "book_name": "Hatching Twitter", + "summaries": " details the story and human drama behind the creation and meteoric rise of Twitter, the social media platform that\u2019s changed how we communicate over the past ten years.", + "categories": "technology", + "review_score": 5.3 + }, + { + "Unnamed: 0": 4530, + "book_name": "Abundance", + "summaries": " shows you the key technological trends being developed today, to give you a glimpse of a future that\u2019s a lot brighter than you think and help you embrace the optimism we need to make it happen.", + "categories": "technology", + "review_score": 9.6 + }, + { + "Unnamed: 0": 4531, + "book_name": "Rework", + "summaries": " shows you that you need less than you think to start a business \u2013 way less \u2013 by explaining why plans are actually harmful, how productivity isn\u2019t a result from working long hours and why hiring and seeking investors should be your absolute last resort.", + "categories": "technology", + "review_score": 4.4 + }, + { + "Unnamed: 0": 4532, + "book_name": "Tribes", + "summaries": " turns you from a sheepwalker into a heretic, by giving you the tools to start your own tribe, explaining why they\u2019re the future of business and showing you that you too, can be a leader.", + "categories": "technology", + "review_score": 2.1 + }, + { + "Unnamed: 0": 4533, + "book_name": "Bold", + "summaries": " shows you that exponential technology has democratized the power to change the world and build wealth, by putting it into everyone\u2019s hands and explains which trends entrepreneurs will most benefit from in the future, how to capitalize on them and which challenges are really bold enough to impact us all.", + "categories": "technology", + "review_score": 3.5 + }, + { + "Unnamed: 0": 4534, + "book_name": "Trust Me, I\u2019m Lying", + "summaries": "\u00a0is a marketer\u2019s take on how influential blogs have become, why that\u2019s something to worry about, and which broken dynamics govern the internet today, including his own confessions of how he gamed that very system to successfully generate press for his clients.", + "categories": "technology", + "review_score": 4.8 + }, + { + "Unnamed: 0": 4535, + "book_name": "The Thank You Economy", + "summaries": " announces the return of small town courtesy to the world of business, thanks to social media, and shows you why business must not neglect nurturing its one-on-one relationships with customers through the new channels online, to thrive in the modern world.", + "categories": "technology", + "review_score": 7.2 + }, + { + "Unnamed: 0": 4536, + "book_name": "Launch", + "summaries": " is an early internet entrepreneurs step-by-step blueprint to creating products people want, launching them from the comfort of your home and building the life you\u2019ve always wanted, thanks to the power of psychology, email, and of course the internet.", + "categories": "technology", + "review_score": 1.6 + }, + { + "Unnamed: 0": 4537, + "book_name": "The Everything Store", + "summaries": " is the closest biographical documentation of the unprecedented rise of Amazon as an online retail store with an almost infinite amount of choice, based on over 300 interviews with current and former Amazon employees and executives, family members of the founder and the hard facts available to the public.", + "categories": "technology", + "review_score": 2.6 + }, + { + "Unnamed: 0": 4538, + "book_name": "Crush It", + "summaries": " is the blueprint you need to turn your passion into your profession and will give you the tools to turn yourself into a brand, leverage social media, produce great content and reap the financial benefits of it.", + "categories": "technology", + "review_score": 1.6 + }, + { + "Unnamed: 0": 4539, + "book_name": "Permission Marketing", + "summaries": " explains why nobody pays attention to TV commercials and flyers anymore, and shows you how in today\u2019s crowded market, you can cheaply start a dialogue with your ideal customer, build a relationship over time and sell to them much more effectively.", + "categories": "technology", + "review_score": 4.4 + }, + { + "Unnamed: 0": 4540, + "book_name": "The Art Of Social Media", + "summaries": " is a compendium of over 100 practical tips to treat your social media presence like a business and use a bottom-up approach to get the attention your brand, product or business deserves.", + "categories": "technology", + "review_score": 2.8 + }, + { + "Unnamed: 0": 4541, + "book_name": "Crossing The Chasm", + "summaries": " gives high tech startups a marketing blueprint, in order to make their product get the initial traction it needs to eventually reach the majority of the market and not die in the chasm between early adopters and pragmatists.", + "categories": "technology", + "review_score": 8.1 + }, + { + "Unnamed: 0": 4542, + "book_name": "SuperBetter", + "summaries": " not only breaks down the science behind games and how they help us become physically, emotionally, mentally and socially stronger, but also gives you a 7-step system you can use to turn your own life into a game, have more fun than ever before and overcome your biggest challenges.", + "categories": "technology", + "review_score": 5.7 + }, + { + "Unnamed: 0": 4543, + "book_name": "Dear Girls", + "summaries": " is a collection of letters written by comedian Ali Wong to her two daughters, recounting tales from her youth and life in an attempt to pass on some hard-earned wisdom to them and anyone willing to listen to her story.", + "categories": "work", + "review_score": 2.0 + }, + { + "Unnamed: 0": 4544, + "book_name": "Automate Your Busywork", + "summaries": "\u00a0is a step-by-step guide to getting rid of your most dreaded tasks, fueled by the simple but sophisticated \u201cAutomation Flywheel,\u201d which will help you reduce stress, get more done, and find time for your most meaningful work.", + "categories": "work", + "review_score": 4.9 + }, + { + "Unnamed: 0": 4545, + "book_name": "On Writing", + "summaries": " details Stephen King\u2019s journey to becoming one of the best-selling authors of all time while delivering hard-won advice on the craft to aspiring writers.", + "categories": "work", + "review_score": 2.0 + }, + { + "Unnamed: 0": 4546, + "book_name": "Never Finished", + "summaries": " is an inspiring blueprint for leveling up in the game of life that never ends, offering 8 evolutions of thought, painful truths, and motivating stories to help you smash any and all glass ceilings in your life.", + "categories": "work", + "review_score": 8.5 + }, + { + "Unnamed: 0": 4547, + "book_name": "The Highly Sensitive Person", + "summaries": "\u00a0is a self-assessment guide and how-to-live template for people who feel, relate, process, and notice more deeply than others, and who frequently suffer from overstimulation as a result.", + "categories": "work", + "review_score": 9.2 + }, + { + "Unnamed: 0": 4548, + "book_name": "The Wealthy Gardener is a series of stories told from the perspective of an old, wealthy man, who shares the financial wisdom he\u2019s acquired over many years with the members in his community, showing them how to", + "summaries": " build wealth step-by-step through short yet meaningful anecdotes.", + "categories": "work", + "review_score": 3.4 + }, + { + "Unnamed: 0": 4549, + "book_name": "The Midnight Library", + "summaries": " tells the story of Nora, a depressed woman in her 30s, who, on the day she decides to die, finds herself in a library full of lives she could have lived, where she discovers there\u2019s a lot more to life, even her current one, than she had ever imagined.", + "categories": "work", + "review_score": 2.4 + }, + { + "Unnamed: 0": 4550, + "book_name": "Stolen Focus", + "summaries": "\u00a0explains why our attention spans have been dwindling for decades, how technology accelerates this worrying trend, and what we can do to reclaim our focus and thus our capacity to live meaningful lives.", + "categories": "work", + "review_score": 7.5 + }, + { + "Unnamed: 0": 4551, + "book_name": "The Infinite Game", + "summaries": " argues that business is not a competition but an infinite journey, and that to do well in it, leaders must advance a \u201cJust Cause,\u201d build trusting teams, learn from their \u201cWorthy Rivals,\u201d and practice existential flexibility.", + "categories": "work", + "review_score": 2.1 + }, + { + "Unnamed: 0": 4552, + "book_name": "Dear Girls", + "summaries": " is a collection of letters written by comedian Ali Wong to her two daughters, recounting tales from her youth and life in an attempt to pass on some hard-earned wisdom to them and anyone willing to listen to her story.", + "categories": "work", + "review_score": 8.7 + }, + { + "Unnamed: 0": 4553, + "book_name": "Automate Your Busywork", + "summaries": "\u00a0is a step-by-step guide to getting rid of your most dreaded tasks, fueled by the simple but sophisticated \u201cAutomation Flywheel,\u201d which will help you reduce stress, get more done, and find time for your most meaningful work.", + "categories": "work", + "review_score": 5.1 + }, + { + "Unnamed: 0": 4554, + "book_name": "On Writing", + "summaries": " details Stephen King\u2019s journey to becoming one of the best-selling authors of all time while delivering hard-won advice on the craft to aspiring writers.", + "categories": "work", + "review_score": 8.3 + }, + { + "Unnamed: 0": 4555, + "book_name": "Never Finished", + "summaries": " is an inspiring blueprint for leveling up in the game of life that never ends, offering 8 evolutions of thought, painful truths, and motivating stories to help you smash any and all glass ceilings in your life.", + "categories": "work", + "review_score": 8.0 + }, + { + "Unnamed: 0": 4556, + "book_name": "The Highly Sensitive Person", + "summaries": "\u00a0is a self-assessment guide and how-to-live template for people who feel, relate, process, and notice more deeply than others, and who frequently suffer from overstimulation as a result.", + "categories": "work", + "review_score": 9.3 + }, + { + "Unnamed: 0": 4557, + "book_name": "The Wealthy Gardener is a series of stories told from the perspective of an old, wealthy man, who shares the financial wisdom he\u2019s acquired over many years with the members in his community, showing them how to", + "summaries": " build wealth step-by-step through short yet meaningful anecdotes.", + "categories": "work", + "review_score": 7.1 + }, + { + "Unnamed: 0": 4558, + "book_name": "The Midnight Library", + "summaries": " tells the story of Nora, a depressed woman in her 30s, who, on the day she decides to die, finds herself in a library full of lives she could have lived, where she discovers there\u2019s a lot more to life, even her current one, than she had ever imagined.", + "categories": "work", + "review_score": 5.2 + }, + { + "Unnamed: 0": 4559, + "book_name": "Stolen Focus", + "summaries": "\u00a0explains why our attention spans have been dwindling for decades, how technology accelerates this worrying trend, and what we can do to reclaim our focus and thus our capacity to live meaningful lives.", + "categories": "work", + "review_score": 2.3 + }, + { + "Unnamed: 0": 4560, + "book_name": "The Infinite Game", + "summaries": " argues that business is not a competition but an infinite journey, and that to do well in it, leaders must advance a \u201cJust Cause,\u201d build trusting teams, learn from their \u201cWorthy Rivals,\u201d and practice existential flexibility.", + "categories": "work", + "review_score": 7.6 + }, + { + "Unnamed: 0": 4561, + "book_name": "The Daily Laws", + "summaries": "\u00a0is a page-a-day, calendar-style book covering the three big topics of mastery, power, and emotions, sharing Robert Greene\u2019s best lessons from 20 years of research of the dynamics within and between humans.", + "categories": "work", + "review_score": 3.8 + }, + { + "Unnamed: 0": 4562, + "book_name": "Discipline Is Destiny", + "summaries": " is a three-part manual to master and implement the Stoic virtue of temperance, aka discipline, in your life, thus improving your body, mind, and spirit.", + "categories": "work", + "review_score": 5.7 + }, + { + "Unnamed: 0": 4563, + "book_name": "The Art of Statistics", + "summaries": " is a non-technical book that shows how statistics is helping humans everywhere get a new hold of data, interpret numbers, fact-check information, and reveal valuable insights, all while keeping the world as we know it afloat.", + "categories": "work", + "review_score": 6.9 + }, + { + "Unnamed: 0": 4564, + "book_name": "Will", + "summaries": " is world-famous actor and musician Will Smith\u2019s autobiography, outlining his life\u2019s story all the way from his humble beginnings in West Philadelphia to achieving fame as a musician and then global stardom as an actor and, ultimately, one of the most influential people of our time.", + "categories": "work", + "review_score": 1.0 + }, + { + "Unnamed: 0": 4565, + "book_name": "Rich Dad\u2019s Cashflow Quadrant", + "summaries": " is an inspiring read by Kiyosaki which comes as a sequel after his first groundbreaking book and presents how hard work doesn\u2019t always equal becoming rich, as wealth is likely a result of smart money decisions.", + "categories": "work", + "review_score": 1.9 + }, + { + "Unnamed: 0": 4566, + "book_name": "No Hard Feelings", + "summaries": " is a practical book for better managing the emotional side of work and building the skills needed to enhance your performance both within your role and more broadly throughout your career path by finding motivation again and managing negative emotions.", + "categories": "work", + "review_score": 7.1 + }, + { + "Unnamed: 0": 4567, + "book_name": "Loonshots", + "summaries": " explores the process of innovation, specifically how groundbreaking ideas emerge from simple thoughts and how important it is for organizations to give course to them by creating learning environments where people feel safe exploring and creating.", + "categories": "work", + "review_score": 3.1 + }, + { + "Unnamed: 0": 4568, + "book_name": "The Book of Mistakes", + "summaries": " follows the adventures of David, a young adult who is going through a rough patch and receives guidance from a wise man who teaches him the nine mistakes he should avoid, how to become successful, and a series of valuable life lessons that can save anyone many years of their life.", + "categories": "work", + "review_score": 7.9 + }, + { + "Unnamed: 0": 4569, + "book_name": "The Slight Edge", + "summaries": " outlines the importance of doing small, little improvements in our everyday life to achieve a successful bigger picture, and how by focusing more on making better day-by-day choices you can shape a remarkable future.", + "categories": "work", + "review_score": 9.2 + }, + { + "Unnamed: 0": 4570, + "book_name": "Expert Secrets", + "summaries": " teaches you how to create and implement an informative marketing plan and putting it into practice, while also showing you what problem you must solve for your prospects or teach them how to do it themselves.", + "categories": "work", + "review_score": 7.4 + }, + { + "Unnamed: 0": 4571, + "book_name": "Everyday Millionaires", + "summaries": " proves how anyone can become a millionaire if they have a solid actionable plan and the willingness to work hard by drawing conclusions from the largest study ever conducted on the lives of millionaires.", + "categories": "work", + "review_score": 4.8 + }, + { + "Unnamed: 0": 4572, + "book_name": "Daily Rituals", + "summaries": " is a compilation of the best practices and habits of successful people from different fields aimed to help anyone increase productivity, get past writer\u2019s block, and become more creative and efficient in their everyday work.", + "categories": "work", + "review_score": 6.1 + }, + { + "Unnamed: 0": 4573, + "book_name": "The Worldly Philosophers", + "summaries": " is your hands-on guide to economics, how the world works overall but especially from a financial point of view, what are the social and economic systems that existed throughout history, and how certain people\u2019s concepts got to shape the world we know today.", + "categories": "work", + "review_score": 5.8 + }, + { + "Unnamed: 0": 4574, + "book_name": "A World Without Email", + "summaries": " presents a utopia where people engage in their usual professional activities without using emails as a means of communication, and explores a new way of working that doesn\u2019t rely on instant messaging, which is known for decreasing productivity at the workplace.", + "categories": "work", + "review_score": 9.8 + }, + { + "Unnamed: 0": 4575, + "book_name": "Blue Ocean Strategy", + "summaries": " talks about a new type of business strategy that doesn\u2019t necessarily rely on gaining a competitive advantage over your rivals, but on innovating your way out of the current market to create your own ocean of opportunities.", + "categories": "work", + "review_score": 4.6 + }, + { + "Unnamed: 0": 4576, + "book_name": "The 5 Choices", + "summaries": " teaches us how to reach our highest potential in the workplace and achieve the top level of productivity through a series of tips and tricks and work habits that can change your life right away if you\u2019re willing to give them a try.", + "categories": "work", + "review_score": 8.7 + }, + { + "Unnamed: 0": 4577, + "book_name": "The Daily Stoic", + "summaries": " is a year-long compilation of short, daily meditations from ancient Stoic philosophers like Seneca, Epictetus, Marcus Aurelius, and others, teaching you equanimity, resilience, and perseverance\u00a0", + "categories": "work", + "review_score": 1.7 + }, + { + "Unnamed: 0": 4578, + "book_name": "Designing Your Work Life", + "summaries": " is a helpful guidebook for anyone who wants to create and maintain a work environment that is both happy and productive by working with what they already have, rather than keep on changing jobs in hope of finding better.", + "categories": "work", + "review_score": 7.8 + }, + { + "Unnamed: 0": 4579, + "book_name": "Hug Your Haters", + "summaries": " talks about the importance of acknowledging your haters or dissatisfied customers and valuing their opinion in the process of building better products, improving the existing offerings, and growing your strategies overall.", + "categories": "work", + "review_score": 9.5 + }, + { + "Unnamed: 0": 4580, + "book_name": "Mastermind: How to Think Like Sherlock Holmes", + "summaries": " presents the story of one of the most famous detectives we\u2019ve ever known and his adventures in the world of uncovering mysteries while highlighting the secrets of his powerful mind, psychological tricks, deduction games, and teaching you how to strengthen your cognitive capacity.", + "categories": "work", + "review_score": 6.8 + }, + { + "Unnamed: 0": 4581, + "book_name": "The Invincible Company", + "summaries": " explores the secrets of a successful company by proving how focusing on strengthening the core business values and operations while concentrating on R&D in parallel is a better strategy than just disrupting continuously and seeking new markets.", + "categories": "work", + "review_score": 5.2 + }, + { + "Unnamed: 0": 4582, + "book_name": "Bored and Brilliant", + "summaries": " explores the idea of how just doing nothing, daydreaming and spacing out can improve our cognitive functions, enhance creativity and original thinking overall while also helping us relieve stress.", + "categories": "work", + "review_score": 1.4 + }, + { + "Unnamed: 0": 4583, + "book_name": "Not Today", + "summaries": " talks about what it really means to be productive and presents nine effective strategies to achieve higher returns on your work input from the perspective of two entrepreneurs who are used to working hard.", + "categories": "work", + "review_score": 4.7 + }, + { + "Unnamed: 0": 4584, + "book_name": "Elite Minds", + "summaries": " delves into the idea of success and teaches you how to train your mind to tap into its highest potential, adopt a winning mentality, embrace the gifts you\u2019ve been given and improve mental toughness.", + "categories": "work", + "review_score": 7.0 + }, + { + "Unnamed: 0": 4585, + "book_name": "The Lost Art of Connecting", + "summaries": " explores ways to build meaningful and genuine relationships in life by using the Gather, Ask, Do method and relying less on gaining benefits from networking, but rather on deepening your connection with other human beings and cultivating authentic emotions.", + "categories": "work", + "review_score": 3.7 + }, + { + "Unnamed: 0": 4586, + "book_name": "Die Empty", + "summaries": " talks about the importance of following your dreams and aspirations, living a meaningful, active life, and using your native gifts to create a legacy and inspire others to tap into their own potential as well.", + "categories": "work", + "review_score": 2.7 + }, + { + "Unnamed: 0": 4587, + "book_name": "The Sales Advantage", + "summaries": " offers a practical guide to acquiring customers, closing sales, and increasing profits by following a series of proven techniques from a corporate coaching course about sales procedures.", + "categories": "work", + "review_score": 7.7 + }, + { + "Unnamed: 0": 4588, + "book_name": "Masters of Scale", + "summaries": " teaches entrepreneurs ways to open up a successful company and scale it from the grounds-up by going into detail about the right business practices, how to seize opportunities, and foster an organizational culture that encourages innovation and customer-centricity.", + "categories": "work", + "review_score": 7.2 + }, + { + "Unnamed: 0": 4589, + "book_name": "The Mom Test", + "summaries": " talks about ways to tell if your business idea is great or terrible by assessing the opinions of your friends, family, and investors accordingly, and not believing everything they say just to make you feel good.", + "categories": "work", + "review_score": 4.5 + }, + { + "Unnamed: 0": 4590, + "book_name": "Words That Work", + "summaries": " outlines the importance of using the right words and the appropriate body language in a given situation to make yourself understood properly and get the most out of the dialogue, while also teaching you some tips-and-tricks on how to win arguments, tame conflicts, and get your point across using a wise selection of words.", + "categories": "work", + "review_score": 3.1 + }, + { + "Unnamed: 0": 4591, + "book_name": "Invent & Wander", + "summaries": " is a collection of Jeff Bezos\u2019s writings and letters to its shareholders, in which he expresses his philosophy of life and his way of doing business, which ultimately led him to know tremendous success and write history with his two companies: Amazon and Blue Origin.", + "categories": "work", + "review_score": 6.0 + }, + { + "Unnamed: 0": 4592, + "book_name": "Your Erroneous Zones", + "summaries": " offers a hands-on guide on how to escape negative thinking, falling into your own self-destructive patterns, take charge of your thoughts and implicitly, your emotions, and how to build a better version of yourself starting with putting yourself first and not caring about what others may think.", + "categories": "work", + "review_score": 8.9 + }, + { + "Unnamed: 0": 4593, + "book_name": "Indistractable", + "summaries": " how our modern gadgets and technology distract us from work and cause real concentration issues, impacting our performance and even the quality of our lives, and how we can address the root cause of the problem to solve it. ", + "categories": "work", + "review_score": 1.9 + }, + { + "Unnamed: 0": 4594, + "book_name": "Courage Is Calling", + "summaries": "\u00a0analyzes the actions taken in difficult situations by some of history\u2019s leading figures, thus drawing conclusions about what makes someone courageous and showing you how to become a braver person day-by-day, step-by-step.", + "categories": "work", + "review_score": 1.3 + }, + { + "Unnamed: 0": 4595, + "book_name": "Keep Going", + "summaries": " teaches us how to persist in creative work when our brain wants to take a million different paths, showing us how to harness our brain power in moments of innovation as well as tediousness.", + "categories": "work", + "review_score": 6.3 + }, + { + "Unnamed: 0": 4596, + "book_name": "Unlimited Memory", + "summaries": " explores the most effective ways to retain information and improve memory skills by teaching its readers some key aspects about the brain and explaining advanced learning strategies in an easy-to-follow manner.", + "categories": "work", + "review_score": 3.3 + }, + { + "Unnamed: 0": 4597, + "book_name": "The Almanack of Naval Ravikant", + "summaries": " compiles the valuable lessons of Naval Ravikant, who teaches people how to build wealth and achieve long-term happiness by working on a few essential skills, all while discovering the secrets of living a good life.", + "categories": "work", + "review_score": 3.5 + }, + { + "Unnamed: 0": 4598, + "book_name": "The Nicomachean Ethics", + "summaries": "\u00a0is a historically important text compiling Aristotle\u2019s extensive discussion of existential questions concerning happiness, ethics, friendship, knowledge, pleasure, virtue, and even society at large.", + "categories": "work", + "review_score": 1.3 + }, + { + "Unnamed: 0": 4599, + "book_name": "Richard Nixon: The Life", + "summaries": " presents the detailed biography of the thirty-seventh president of the United States, who became famous for his successful endeavors that put him in the White House and for his controversial life the complexities of being such a top tier political figure.", + "categories": "work", + "review_score": 1.7 + }, + { + "Unnamed: 0": 4600, + "book_name": "High-Impact Tools for Teams", + "summaries": " aims to combat recurring project-management problems that take place in teams and especially during meetings, which tend to get chaotic and deviate from their initial purpose, all through the Team Alignment Map, a solution proposed by the authors. ", + "categories": "work", + "review_score": 9.8 + }, + { + "Unnamed: 0": 4601, + "book_name": "Trust Yourself", + "summaries": " offers career and wellbeing advice from a sensitive striver\u2019s point of view, a introvert-leaning character type that comes with plenty of positive traits but is also prone to burnout, giving practical tips on breaking free from stress and perfectionism for a healthier, more balanced life.", + "categories": "work", + "review_score": 5.9 + }, + { + "Unnamed: 0": 4602, + "book_name": "Perfectly Confident", + "summaries": " explores the idea of confidence and offers a series of valuable practices that anyone can implement in their life to improve this aspect, as well as an overview of how confidence is supposed to look and feel like in its realest form, without adding or subtracting too much of it. ", + "categories": "work", + "review_score": 6.1 + }, + { + "Unnamed: 0": 4603, + "book_name": "No More Mr. Nice Guy", + "summaries": " explores ways to eliminate the \u201cNice Guy Syndrome\u201d, which implies being a man that avoids conflicts at all costs and prefers to show only his nice side to the world, even when it affects him negatively by damaging his personality and preventing him from achieving his goals in life.", + "categories": "work", + "review_score": 6.8 + }, + { + "Unnamed: 0": 4604, + "book_name": "How to Think More Effectively", + "summaries": " delves into the subject of thinking mechanisms and cognitive processes, and explores how you can think more efficiently and draw better insights from the world around you by adopting a few key practices, such as filtering your thoughts or prioritizing work. ", + "categories": "work", + "review_score": 7.0 + }, + { + "Unnamed: 0": 4605, + "book_name": "Anxiety at Work", + "summaries": " outlines the importance of having a harmonious working environment due to the constant increase in people\u2019s stress levels from their professional lives, and how managers, direct supervisors, CEOs, and other executive bodies can help reduce it by fostering a healthy environment.", + "categories": "work", + "review_score": 1.5 + }, + { + "Unnamed: 0": 4606, + "book_name": "Real Help", + "summaries": " offers a hands-on approach to improving your life and achieving unconventional success through a happy, fulfilled, ordinary life, rather than fighting the broken system until you\u2019ve got millions in the bank and out-of-the-ordinary achievements.", + "categories": "work", + "review_score": 2.3 + }, + { + "Unnamed: 0": 4607, + "book_name": "The Art of Rhetoric", + "summaries": " is an ancient, time-proven reference book that explores the secrets behind persuasion, rhetoric, and good public speaking by providing compelling information on what a good speech should consist of and how truth and virtue are at the foundation of every good story.", + "categories": "work", + "review_score": 1.5 + }, + { + "Unnamed: 0": 4608, + "book_name": "The Self-Discipline Blueprint", + "summaries": " delves into the subject of self-actualization and why it is crucial for humans to achieve a fulfilled and successful life by creating a routine and becoming focused, self-disciplined and hard-working.", + "categories": "work", + "review_score": 4.8 + }, + { + "Unnamed: 0": 4609, + "book_name": "Boss It", + "summaries": " is a hands-on guide to entrepreneurship and what running business implies, from motivation, to hard work, consistency, great time management and a series of practical skills that are needed to fully succeed in this environment.", + "categories": "work", + "review_score": 9.3 + }, + { + "Unnamed: 0": 4610, + "book_name": "Humor, Seriously", + "summaries": " explores how bringing fun and entertainment into the workplace can enhance team productivity, spark creativity, increase trust between members and improve people\u2019s overall sentiment in relation to work and job-related activities.", + "categories": "work", + "review_score": 9.8 + }, + { + "Unnamed: 0": 4611, + "book_name": "Do What Matters Most", + "summaries": " outlines the importance of time management in anyone\u2019s life and explores highly efficient methods to set goals for short-term and long-term intervals, as well as how to achieve them by being more productive and learning how to prioritize.", + "categories": "work", + "review_score": 5.0 + }, + { + "Unnamed: 0": 4612, + "book_name": "Hiring Success", + "summaries": " highlights the importance of the human resource for any company and describes a successful business approach that focuses on finding highly trained and skilled future employees as a source of competitive advantage on the market.", + "categories": "work", + "review_score": 3.4 + }, + { + "Unnamed: 0": 4613, + "book_name": "Fail Fast Fail Often", + "summaries": " outlines the importance of accepting failure as a natural part of our life, and how by embracing it instead of fearing it can improve the way we evolve, grow, learn and respond to new experiences and people.", + "categories": "work", + "review_score": 6.7 + }, + { + "Unnamed: 0": 4614, + "book_name": "The Joy of Missing Out", + "summaries": " explores today\u2019s idea of productivity and common misconceptions about what it means to be productive, as well as how eliminating unnecessary stress by prioritizing effectively can help us live a better life.", + "categories": "work", + "review_score": 6.2 + }, + { + "Unnamed: 0": 4615, + "book_name": "Legendary Service", + "summaries": " talks about the principles behind extraordinary customer service and how a company can implement them to achieve a competitive advantage and stand out on the market using simple, yet crucial tactics to satisfy customers.", + "categories": "work", + "review_score": 7.7 + }, + { + "Unnamed: 0": 4616, + "book_name": "Disney U", + "summaries": " outlines the principles that create the customer-centric philosophy of Disney and contribute to the company\u2019s massive success, while also highlighting some aspects of their organizational culture, such as caring for their staff and providing high-quality training.", + "categories": "work", + "review_score": 6.2 + }, + { + "Unnamed: 0": 4617, + "book_name": "Stealing Fire", + "summaries": " examines how a state of ecstasy can enhance the body-brain connection and allow humans to achieve excellent performance by accelerating their neural processes.", + "categories": "work", + "review_score": 8.8 + }, + { + "Unnamed: 0": 4618, + "book_name": "The Leader In You", + "summaries": " explores how the world leaders managed to achieve performance in their lives by creating meaningful connections and reaching a higher level of productivity through a positive, proactive mindset.", + "categories": "work", + "review_score": 4.7 + }, + { + "Unnamed: 0": 4619, + "book_name": "Work Less Finish More", + "summaries": " is a hands-on guide to adopting a more focused frame of mind and developing habits that will enhance your productivity levels, give you a sense of accomplishment and put you in the right direction in order to achieve your objectives.", + "categories": "work", + "review_score": 7.8 + }, + { + "Unnamed: 0": 4620, + "book_name": "Long Life Learning", + "summaries": " questions the current educational systems worldwide in relation to an increasing trend in job automation, growing life expectancy, and a devaluation in higher degrees, all with a strong focus on the future of work and urgency to adapt to it.", + "categories": "work", + "review_score": 2.3 + }, + { + "Unnamed: 0": 4621, + "book_name": "The Power of Focus", + "summaries": " offers its readers a focus-based approach that they can use to achieve their financial and personal goals through practical exercises and habits that they can implement into their daily lives to actively shape their future.", + "categories": "work", + "review_score": 7.4 + }, + { + "Unnamed: 0": 4622, + "book_name": "The Hidden Habits of Genius", + "summaries": " looks at how geniuses separate themselves from the rest by having in common a distinctive set of characteristics and habits that form a unique way of thinking and cultivating brilliance. ", + "categories": "work", + "review_score": 2.9 + }, + { + "Unnamed: 0": 4623, + "book_name": "The Burnout Fix", + "summaries": " delivers practical advice on how to thrive in the dynamic working environment we revolve around every day by setting healthy boundaries, keeping a work-life balance, and prioritizing our well-being.", + "categories": "work", + "review_score": 3.4 + }, + { + "Unnamed: 0": 4624, + "book_name": "The Law Says What", + "summaries": " is a book that delivers significant insights into various everyday aspects of the law that most of us don\u2019t know about but really should, how we should navigate between them and get a better understanding of how they can protect us.", + "categories": "work", + "review_score": 6.1 + }, + { + "Unnamed: 0": 4625, + "book_name": "Collaborative Intelligence", + "summaries": " helps you enhance your unique thinking traits and develop an individualized form of intelligence based on what works best for you, what your strengths are, and how you communicate with others.", + "categories": "work", + "review_score": 7.2 + }, + { + "Unnamed: 0": 4630, + "book_name": "Bounce Back", + "summaries": " is a book by Susan Kahn, a business coach who will teach you the psychology of resilience from the perspectives of Greek philosophy, Sigmund Freud, and modern neuroscience, so you can recover quickly from professional blunders of all kinds by changing your thinking.", + "categories": "work", + "review_score": 5.0 + }, + { + "Unnamed: 0": 4631, + "book_name": "Make Money Trading Options", + "summaries": " teaches the art of trading stock options, including the pitfalls to watch out for and how to use simple tools like the Test Trading Strategy and virtual trading tools to find stocks that are most likely to be profitable, so you don\u2019tm have to just guess where to invest.", + "categories": "work", + "review_score": 1.1 + }, + { + "Unnamed: 0": 4632, + "book_name": "Born To Win", + "summaries": " explores how planning and preparation is the only way to win in life and shows you how to use these tools in combination with a vision, goals, and thinking positively to become a winner in all aspects of life.", + "categories": "work", + "review_score": 3.3 + }, + { + "Unnamed: 0": 4633, + "book_name": "Doesn\u2019t Hurt To Ask", + "summaries": "\u00a0teaches persuasion via asking the right questions, explaining that intentional questions are the key to sharing your ideas, connecting with your audience, and convincing people both in the office and at home.", + "categories": "work", + "review_score": 1.8 + }, + { + "Unnamed: 0": 4634, + "book_name": "Open", + "summaries": " is the autobiography of world-famous tennis player Andre Agassi in which he details his struggles and successes on the way to self-awareness and balance while he was also trying to handle the constant pressures and difficulties that came from being one of the best tennis players in the world.", + "categories": "work", + "review_score": 2.5 + }, + { + "Unnamed: 0": 4635, + "book_name": "Hyper-Learning", + "summaries": " shows how people and companies can adapt in the rapidly changing world we live in today, explaining how a growth mindset, colleaboration, and losing your ego will build your confidence that you can stay relevant and competitive as the world around you accelerates.", + "categories": "work", + "review_score": 5.0 + }, + { + "Unnamed: 0": 4636, + "book_name": "How To Be A Leader", + "summaries": " is Greek philosopher Plutarch\u2019s guide to leadership and uses practical ideas, historical narratives, political events, and more to outline the qualities of the best leaders, including serving for the right reasons, speaking persuasively, and following more experienced leaders.", + "categories": "work", + "review_score": 9.1 + }, + { + "Unnamed: 0": 4637, + "book_name": "Hyperfocus", + "summaries": " teaches you how to become more efficient and improve your concentration by deciding on one thing to work on, focusing only on that task, learning to understand when your mind has wandered and redirecting your attention back to your work, and thinking creatively when you\u2019re not working.", + "categories": "work", + "review_score": 8.4 + }, + { + "Unnamed: 0": 4638, + "book_name": "Greenlights", + "summaries": " is the autobiography of Matthew McConaughey, in which he takes us on a wild ride of his journey through a childhood of tough love, rising to fame and success in Hollywood, changing his career, and more, guided by the green lights he saw that led him forward at each step.", + "categories": "work", + "review_score": 1.6 + }, + { + "Unnamed: 0": 4639, + "book_name": "No Rules Rules", + "summaries": " explains the incredibly unique and efficient company culture of Netflix, including the amazing levels of freedom and responsibility it gives employees and how this innovative way of running the business is the very reason that Netflix is so successful.", + "categories": "work", + "review_score": 4.6 + }, + { + "Unnamed: 0": 4640, + "book_name": "See You On The Internet", + "summaries": " is the ultimate beginner-level digital marketing guide that teaches you how to build an online business presence by doing everything from starting a website to managing social media accounts.", + "categories": "work", + "review_score": 3.4 + }, + { + "Unnamed: 0": 4641, + "book_name": "Small Giants", + "summaries": " is your guide to keeping your company little but mighty that will allow you to pass up deliberate growth for staying true to what\u2019s really important, which is your ideals, time, passions, and doing what you do best so well that customers can\u2019t help but flock to you.", + "categories": "work", + "review_score": 2.1 + }, + { + "Unnamed: 0": 4642, + "book_name": "Unlearn", + "summaries": " will show you how to win even in changing circumstances by revealing why the patterns you used for past successes won\u2019t always work and how to adopt a learning attitude to stop them from holding you back.", + "categories": "work", + "review_score": 9.1 + }, + { + "Unnamed: 0": 4643, + "book_name": "Mindful Work", + "summaries": " is your guide to understanding how the practice of meditation got its roots in Western society, the many ways it radically improves your brain\u2019s ability to do almost everything, and how it will improve your productivity.", + "categories": "work", + "review_score": 5.6 + }, + { + "Unnamed: 0": 4644, + "book_name": "Subscribed", + "summaries": " helps your company move to a subscription model by identifying the history of this innovative idea, how it makes businesses so successful, and what you need to do to implement it in your own company.", + "categories": "work", + "review_score": 4.8 + }, + { + "Unnamed: 0": 4645, + "book_name": "The Coach\u2019s Survival Guide", + "summaries": " gives you all the tools that you need to become a successful coach and make the biggest positive impact on your clients.", + "categories": "work", + "review_score": 6.5 + }, + { + "Unnamed: 0": 4646, + "book_name": "Pivot", + "summaries": " will give you the confidence you need to change careers by showing you how to prepare by examining your strengths, working with the right people, testing ideas, and creating opportunities.", + "categories": "work", + "review_score": 5.8 + }, + { + "Unnamed: 0": 4647, + "book_name": "Titan", + "summaries": " will inspire you to keep working hard to make your business goals happen by sharing the life story of John D. Rockefeller Sr., from his humble beginnings to his astronomical success as an oil tycoon and beyond.", + "categories": "work", + "review_score": 5.3 + }, + { + "Unnamed: 0": 4648, + "book_name": "The Charge", + "summaries": " shows you how to unlock the baseline and forward human drives within you that will help you get energized, grounded, and working so that you can have the life of happiness and fulfillment you\u2019ve always wanted.", + "categories": "work", + "review_score": 5.6 + }, + { + "Unnamed: 0": 4649, + "book_name": "Maximize Your Potential", + "summaries": " shows you how to make your work life one that\u2019s both fulfilling and productive by shifting your mindset and taking advantage of your ambitions, skills, and creativity.", + "categories": "work", + "review_score": 1.2 + }, + { + "Unnamed: 0": 4650, + "book_name": "Power Relationships", + "summaries": " shows you how to have a fantastic career and a fulfilling life by connecting with the right people early and growing those relationships.", + "categories": "work", + "review_score": 1.3 + }, + { + "Unnamed: 0": 4651, + "book_name": "First, Break All The Rules", + "summaries": "\u00a0claims that everything you think you know about managing people is wrong, revealing how you can challenge the status quo so that both you and those you lead will achieve their full potential.", + "categories": "work", + "review_score": 4.4 + }, + { + "Unnamed: 0": 4652, + "book_name": "Limitless", + "summaries": " shows you how to unlock the full potential that your brain has for memory, reading, learning, and much more by showing you how to take the brakes off of your mental powers with tools like mindset, visualization, music, and more.", + "categories": "work", + "review_score": 4.0 + }, + { + "Unnamed: 0": 4653, + "book_name": "Team Of Teams", + "summaries": " reveals the incredible power that small teams have to manage the difficult and complicated issues that arise in every company and how even large organizations can take advantage of them by building a system of many teams that work together.", + "categories": "work", + "review_score": 9.1 + }, + { + "Unnamed: 0": 4654, + "book_name": "The Leadership Challenge", + "summaries": " shares the top leadership lessons from 25 years of experience and research of authors James Kouzes and Barry Posner and explains what makes successful managers and how you can apply the same principles to become one yourself.", + "categories": "work", + "review_score": 9.1 + }, + { + "Unnamed: 0": 4655, + "book_name": "Eat Sleep Work Repeat", + "summaries": " identifies why so many workplaces are unnecessarily stressful, how it makes employees unhappy and businesses less profitable, and what we all need to do to fix this growing problem.", + "categories": "work", + "review_score": 6.6 + }, + { + "Unnamed: 0": 4656, + "book_name": "The Apology Impulse", + "summaries": " will help you and your business become more authentic in your relationships with others by identifying how much companies say sorry, why they do, how they get it wrong, and the right way to do it.", + "categories": "work", + "review_score": 8.4 + }, + { + "Unnamed: 0": 4657, + "book_name": "Think Like A Rocket Scientist", + "summaries": " teaches you how to think like an engineer in your everyday life so that you can accomplish your personal and professional goals and reach your full potential.", + "categories": "work", + "review_score": 8.0 + }, + { + "Unnamed: 0": 4658, + "book_name": "Good People", + "summaries": " is a book about business and leadership which explains the importance of focusing on and building integrity in the workplace, including why it\u2019s so vital if you want your company to be successful, how you can get it, and why an emphasis on competencies alone won\u2019t cut it anymore.", + "categories": "work", + "review_score": 6.0 + }, + { + "Unnamed: 0": 4659, + "book_name": "Mind Over Money", + "summaries": " is the ultimate guide to understanding the psychology of personal finance, explaining how your beliefs about money began forming when you were very young and what you can do to make your brain your financial friend instead of your enemy.", + "categories": "work", + "review_score": 8.1 + }, + { + "Unnamed: 0": 4660, + "book_name": "The Alchemist", + "summaries": " is a classic novel in which a boy named Santiago embarks on a journey seeking treasure in the Egyptian pyramids after having a recurring dream about it and on the way meets mentors, falls in love, and most importantly, learns the true importance of who he is and how to improve himself and focus on what really matters in life.", + "categories": "work", + "review_score": 2.8 + }, + { + "Unnamed: 0": 4661, + "book_name": "Fit For Growth", + "summaries": " is a guide to expanding your company\u2019s influence and profits by looking for ways to cut costs in the right places, restructuring your business model, and eliminating unnecessary departments to pave the way for exponential success.", + "categories": "work", + "review_score": 9.8 + }, + { + "Unnamed: 0": 4662, + "book_name": "High Performance Habits", + "summaries": " is your guide to building the six systems that science and the lives of the most successful people in the world prove will turn you into a productive, fulfilled, and extraordinary person.", + "categories": "work", + "review_score": 3.9 + }, + { + "Unnamed: 0": 4663, + "book_name": "Getting To Yes", + "summaries": " is a handbook for having successful negotiations that teaches everything you need to know about resolving conflicts of all kinds and reaching win-win solutions in every discussion without giving in or making the other person unhappy.", + "categories": "work", + "review_score": 6.1 + }, + { + "Unnamed: 0": 4664, + "book_name": "Presence", + "summaries": " is a life-changing guide to growing your self-confidence that shows how posture, mindset, and body language all expand your feeling of empowerment and your communication skills.", + "categories": "work", + "review_score": 5.6 + }, + { + "Unnamed: 0": 4665, + "book_name": "Radical Candor", + "summaries": "\u00a0will teach you how to connect with people at work, push them to be their best, know when and how to fire them, and create an environment of trust and innovation in the workplace.", + "categories": "work", + "review_score": 5.0 + }, + { + "Unnamed: 0": 4666, + "book_name": "Becoming The Boss", + "summaries": " shows leaders of all kinds, whether new or experienced, how to identify the pitfalls that stand in the way of influencing others for the better and overcome them.", + "categories": "work", + "review_score": 4.5 + }, + { + "Unnamed: 0": 4667, + "book_name": "Who Not How", + "summaries": " will skyrocket your success, happiness, and fulfillment in all areas of your life by identifying why you\u2019re looking at your problems the wrong way and how simply seeking to get the right people to help you will make all the difference.", + "categories": "work", + "review_score": 8.1 + }, + { + "Unnamed: 0": 4668, + "book_name": "The Ride Of A Lifetime", + "summaries": "\u00a0illustrates Robert Iger\u2019s journey to becoming the CEO of Disney, and how his vision, strategy, and guidance successfully led the company through a time when its future was highly uncertain.", + "categories": "work", + "review_score": 2.7 + }, + { + "Unnamed: 0": 4669, + "book_name": "You\u2019ll See It When You Believe It", + "summaries": " shows you how to discover your true, best self by revealing how to use the power of your mind to find peace with yourself, the people around you, and the universe.", + "categories": "work", + "review_score": 2.2 + }, + { + "Unnamed: 0": 4670, + "book_name": "Imagine It Forward", + "summaries": " inspires businesses and individuals to challenge outdated thinking and ways of doing work by sharing the life and business experiences of Beth Comstock, one of America\u2019s most innovative businesswomen.", + "categories": "work", + "review_score": 5.3 + }, + { + "Unnamed: 0": 4671, + "book_name": "The Four Steps To The Epiphany", + "summaries": " shows startups how to plan for and achieve success by giving examples of companies that failed and outlining the path they need to take to flourish.", + "categories": "work", + "review_score": 7.2 + }, + { + "Unnamed: 0": 4672, + "book_name": "Super Attractor", + "summaries": " will help you become happier, find your purpose, overcome your fears, and begin living the life you\u2019ve always wanted by identifying the steps you need to take to connect with a higher spiritual power.", + "categories": "work", + "review_score": 4.6 + }, + { + "Unnamed: 0": 4673, + "book_name": "Winners Dream", + "summaries": " will inspire you to get up and get moving to make your biggest goals happen by sharing the incredible rags to riches story of Bill McDermott, who went from humble beginnings to CEO of the biggest software company in the world simply by having a vision of what he wanted in life.", + "categories": "work", + "review_score": 6.9 + }, + { + "Unnamed: 0": 4674, + "book_name": "Everybody Matters", + "summaries": " identifies the best way to become successful in business, help your team members trust you, and enable people to reach their full potential by showing the power of taking better care of your employees as if they were family.", + "categories": "work", + "review_score": 1.9 + }, + { + "Unnamed: 0": 4675, + "book_name": "Why \u201cA\u201d Students Work For \u201cC\u201d Students", + "summaries": " contains Robert Kiyosaki\u2019s lessons on how the global financial crisis is the result of a lack of education and shows parents how to become truly money literate so they can teach their kids to do the same and attain financial freedom.", + "categories": "work", + "review_score": 2.5 + }, + { + "Unnamed: 0": 4676, + "book_name": "See You At The Top", + "summaries": " shows you how to have a spiritually, socially, financially, and physically successful and meaningful life by utilizing tools like positive thinking, kindness to others, and goal-setting.", + "categories": "work", + "review_score": 1.8 + }, + { + "Unnamed: 0": 4677, + "book_name": "Own Your Everyday", + "summaries": " shows you how to let go of comparison, stress, and distractions so you can find your purpose and live a more fulfilling life by sharing inspiring lessons from the experiences of author Jordan Lee Dooley.", + "categories": "work", + "review_score": 7.2 + }, + { + "Unnamed: 0": 4678, + "book_name": "Willpower Doesn\u2019t Work", + "summaries": " shows you how to change your life in a more efficient way than relying on sheer grit alone by identifying the importance of your environment and other factors that affect your productivity so you can become your best self.", + "categories": "work", + "review_score": 9.9 + }, + { + "Unnamed: 0": 4679, + "book_name": "The Fifth Discipline", + "summaries": " shows you how to find joy at work again as an employee and improve your company\u2019s productivity if you\u2019re an employer by outlining the five values you must adopt to turn your workplace into a learning environment.", + "categories": "work", + "review_score": 9.2 + }, + { + "Unnamed: 0": 4680, + "book_name": "Building A StoryBrand", + "summaries": " is your guide to turning your sales pages and product into an adventure for your clients by identifying the seven steps to successful storytelling as a company and how to craft the clearest message possible so that they will understand and want to be part of it.", + "categories": "work", + "review_score": 3.4 + }, + { + "Unnamed: 0": 4681, + "book_name": "Get Out Of Your Own Way", + "summaries": " guides you through the process of overcoming what\u2019s holding you back from being your best self and reaching success you\u2019ve never dreamed of by identifying how Dave Hollis came to realize his limiting beliefs and beat them.", + "categories": "work", + "review_score": 2.0 + }, + { + "Unnamed: 0": 4682, + "book_name": "Living In Your Top 1%", + "summaries": " shows you how to become your best self and live up to your full potential by outlining nine science-backed ways to beat the odds and achieve your goals and dreams.", + "categories": "work", + "review_score": 7.6 + }, + { + "Unnamed: 0": 4683, + "book_name": "Joy At Work", + "summaries": " takes Marie Kondo\u2019s famous tidying-up tips and applies it to your job to help you be happier in the physical areas, digital spaces, and uses of your time in the office.", + "categories": "work", + "review_score": 7.1 + }, + { + "Unnamed: 0": 4684, + "book_name": "How To Do Nothing", + "summaries": " makes you more productive and helps you have more peace by identifying the problems with our current 24/7 work culture, where it came from, and how pausing to reflect helps you overcome it.", + "categories": "work", + "review_score": 7.7 + }, + { + "Unnamed: 0": 4685, + "book_name": "The 15 Invaluable Laws Of Growth", + "summaries": " will inspire you to get up and improve your life by showing you how change only happens when we actively nurture it and identifying the steps and strategies to thrive in your career and life.", + "categories": "work", + "review_score": 1.2 + }, + { + "Unnamed: 0": 4686, + "book_name": "Epic Content Marketing", + "summaries": " shows why traditional methods for selling like TV and direct mail are dead and how creating content is the new future of advertising because it actually grabs people\u2019s attention by focusing on what they care about instead of your product.", + "categories": "work", + "review_score": 7.0 + }, + { + "Unnamed: 0": 4687, + "book_name": "Be A Free Range Human", + "summaries": " inspires you to finally quit that 9-5 job that is sucking the life out of you and begin working for yourself by explaining why the \u201cjob security\u201d doesn\u2019t exist anymore, helping you discover your passions, and identifying the steps you need to follow if you want to start a life of freedom and happiness.", + "categories": "work", + "review_score": 4.0 + }, + { + "Unnamed: 0": 4688, + "book_name": "Agile Selling", + "summaries": " helps you become a great salesperson by identifying how successful people thrive in any sales position with the skills of learning and adapting quickly.", + "categories": "work", + "review_score": 9.7 + }, + { + "Unnamed: 0": 4689, + "book_name": "Success Through A Positive Mental Attitude", + "summaries": " is a classic self-improvement book that will boost your happiness and give you the life of your dreams by identifying what Napoleon Hill learned interviewing hundreds of successful people and sharing how their outlook on life helped them get to the top.", + "categories": "work", + "review_score": 6.8 + }, + { + "Unnamed: 0": 4690, + "book_name": "Best Self", + "summaries": " will help you become the hero you\u2019ve always wanted to be by teaching you how to be honest with yourself about what you desire, identify your toxic anti-self, and discover the traits of the greatest possible version of you that you can imagine.", + "categories": "work", + "review_score": 1.3 + }, + { + "Unnamed: 0": 4691, + "book_name": "Personality Isn\u2019t Permanent", + "summaries": " will shatter your long-held beliefs that you\u2019re stuck as yourself, flaws and all, by identifying why the person you are is changeable and giving you specific and actionable steps to change.", + "categories": "work", + "review_score": 7.9 + }, + { + "Unnamed: 0": 4692, + "book_name": "The 4 Day Week", + "summaries": " will help you improve your personal productivity and that of everyone around you by outlining a powerful technique to reduce the workweek by one day and implement other changes to help employees be healthier, happier, and more focused.", + "categories": "work", + "review_score": 8.0 + }, + { + "Unnamed: 0": 4693, + "book_name": "Change By Design", + "summaries": " makes you a better problem solver at every aspect of life by outlining the design thinking process that companies can use to innovate and improve.", + "categories": "work", + "review_score": 8.1 + }, + { + "Unnamed: 0": 4694, + "book_name": "Your Best Year Ever", + "summaries": " gives powerful inspiration to change your life by helping you identify what you should improve on, how to get over the hurdles in your way, and the patterns and habits you need to set so that achieving your dreams is more possible than ever.", + "categories": "work", + "review_score": 2.1 + }, + { + "Unnamed: 0": 4695, + "book_name": "Built To Sell", + "summaries": " shows you how to become a successful entrepreneur by explaining the steps necessary to grow a small service company and one day sell it.", + "categories": "work", + "review_score": 7.4 + }, + { + "Unnamed: 0": 4696, + "book_name": "Design Your Future", + "summaries": " motivates you to get out of your limiting beliefs and fears that are holding you back from building a life you love by identifying why you got stuck in a career or job you hate and what steps you must take to finally live your dreams.", + "categories": "work", + "review_score": 2.4 + }, + { + "Unnamed: 0": 4697, + "book_name": "Business Model Generation", + "summaries": " teaches you how to start your own company by explaining the details of matching your customer\u2019s needs with your product\u2019s capabilities, managing finances, and everything else involved in the planning stages of entrepreneurship.", + "categories": "work", + "review_score": 2.0 + }, + { + "Unnamed: 0": 4698, + "book_name": " Outer Order, Inner Calm", + "summaries": " gives you advice to declutter your space and keep it orderly, to foster your inner peace and allow you to flourish.", + "categories": "work", + "review_score": 8.8 + }, + { + "Unnamed: 0": 4699, + "book_name": "Boost!", + "summaries": " is a guide for becoming more productive at work by using the preparation and performance techniques that world-class athletes use to win gold medals.", + "categories": "work", + "review_score": 7.2 + }, + { + "Unnamed: 0": 4700, + "book_name": "AI Superpowers", + "summaries": " will help you understand what to expect of the effect that artificial intelligence will have on your future job opportunities by diving into where China and the US, the world\u2019s two leaders in AI, are heading with this breakthrough technology.", + "categories": "work", + "review_score": 8.6 + }, + { + "Unnamed: 0": 4701, + "book_name": "The Coaching Habit", + "summaries": " outlines the questions, attitudes, and habits required of managers who want to become great at motivating their team to become self-sustaining.", + "categories": "work", + "review_score": 9.0 + }, + { + "Unnamed: 0": 4702, + "book_name": "The Psychology Of Selling", + "summaries": " motivates you to work on your self-image and how you relate to customers so that you can close more deals.", + "categories": "work", + "review_score": 1.6 + }, + { + "Unnamed: 0": 4703, + "book_name": "The 4 Disciplines Of Execution", + "summaries": " outlines the path that company leaders and individuals must follow to set the right goals and improve behavior to achieve success on a bigger, long-term scale.", + "categories": "work", + "review_score": 1.4 + }, + { + "Unnamed: 0": 4704, + "book_name": "The Confidence Code", + "summaries": " empowers women to become more courageous by explaining their natural tendencies toward timidity and how to break them even in a world dominated by men. ", + "categories": "work", + "review_score": 1.7 + }, + { + "Unnamed: 0": 4705, + "book_name": "Educated", + "summaries": " will help you become more grateful for your schooling, freedom, and normal relationships by explaining the family difficulties that Tara Westover had to break free of so that she could get her own education.", + "categories": "work", + "review_score": 4.4 + }, + { + "Unnamed: 0": 4706, + "book_name": "The Advice Trap", + "summaries": "\u00a0will drastically improve your communication skills and make you more likable, thanks to explaining why defaulting to sharing your opinion about everything is a bad idea and how listening until you truly understand people\u2019s needs will make a much bigger positive difference in their lives.", + "categories": "work", + "review_score": 6.8 + }, + { + "Unnamed: 0": 4707, + "book_name": "Designing Your Life", + "summaries": " will show you how to break the shackles of your mundane 9-5 job by sharing exercises and tips that will direct you towards your true calling that fills you with passion, purpose, and fulfillment.", + "categories": "work", + "review_score": 3.7 + }, + { + "Unnamed: 0": 4708, + "book_name": "Ask", + "summaries": " shows you a method that helps you take the guesswork out of the equation so you can give your customers what they want even if they don\u2019t know what they want.", + "categories": "work", + "review_score": 5.4 + }, + { + "Unnamed: 0": 4709, + "book_name": "The Road Back To You", + "summaries": " will teach you more about what kind of person you are by identifying the pros and cons of each personality type within the Enneagram test.", + "categories": "work", + "review_score": 6.0 + }, + { + "Unnamed: 0": 4710, + "book_name": "The Hero Factor", + "summaries": " teaches by example that real leadership success focuses on people as much as profits.", + "categories": "work", + "review_score": 9.2 + }, + { + "Unnamed: 0": 4711, + "book_name": "The Business Romantic", + "summaries": " shows how doing business that is focused on passion and connection leads to more success in today\u2019s world.", + "categories": "work", + "review_score": 2.3 + }, + { + "Unnamed: 0": 4712, + "book_name": "Brotopia", + "summaries": " motivates you to be fairer in the workplace as an employee or employer by revealing the sad sexist state of Silicon Valley.", + "categories": "work", + "review_score": 8.2 + }, + { + "Unnamed: 0": 4713, + "book_name": "It Doesn\u2019t Have To Be Crazy At Work", + "summaries": " helps you relax about the current hurry-up and work yourself to death culture and instead see why getting rid of these stressful mentalities will make you and your company more focused, calm, and productive.", + "categories": "work", + "review_score": 5.7 + }, + { + "Unnamed: 0": 4714, + "book_name": "Alibaba", + "summaries": " shares the inspiring story of Jack Ma\u2019s hard work, entrepreneurial vision, and smart thinking that helped him build one of the most successful and influential companies in the world. ", + "categories": "work", + "review_score": 5.3 + }, + { + "Unnamed: 0": 4715, + "book_name": "Playing With FIRE", + "summaries": " will teach you how to be happier with your financial life and worry less about money by getting into the Financial Independence, Retire Early (FIRE) movement.", + "categories": "work", + "review_score": 8.1 + }, + { + "Unnamed: 0": 4716, + "book_name": "The Introvert\u2019s Complete Career Guide", + "summaries": " will teach those who have a hard time talking to people how to gain confidence in navigating the workplace from job interview to office relationships.", + "categories": "work", + "review_score": 3.2 + }, + { + "Unnamed: 0": 4717, + "book_name": "Creative Confidence", + "summaries": " helps break the mundanity of everyday work and life by exploring the power that being more innovative has to improve happiness and success in many different areas.", + "categories": "work", + "review_score": 6.3 + }, + { + "Unnamed: 0": 4718, + "book_name": "What They Don\u2019t Teach You At Harvard Business School", + "summaries": " teaches why succeeding in business has less to do with accumulated theoretical knowledge through schooling and books, and more about people and communication.", + "categories": "work", + "review_score": 5.6 + }, + { + "Unnamed: 0": 4719, + "book_name": "The Path Made Clear", + "summaries": " contains Oprah Winfrey\u2019s tips for how to discover your real purpose so you can live a life of success and significance.", + "categories": "work", + "review_score": 4.2 + }, + { + "Unnamed: 0": 4720, + "book_name": "Measure What Matters", + "summaries": " teaches you how to implement tracking systems into your company and life that will help you record your progress, stay accountable, and make reaching your goals almost inevitable.", + "categories": "work", + "review_score": 2.6 + }, + { + "Unnamed: 0": 4721, + "book_name": "Be Obsessed Or Be Average", + "summaries": " motivates you to get your heart into your work and live up to your true potential by identifying the thinking patterns and work habits of the passionate, successful, and driven Grant Cardone.", + "categories": "work", + "review_score": 8.9 + }, + { + "Unnamed: 0": 4722, + "book_name": "Do What You Are", + "summaries": " will help you discover your personality type and how it can lead you to a more satisfying career that corresponds to your talents and interests.", + "categories": "work", + "review_score": 5.2 + }, + { + "Unnamed: 0": 4723, + "book_name": "Leadership Strategy And Tactics", + "summaries": " shows you how to become effective when you\u2019re in charge by using the power of traits like accountability, humility, and others that Jocko Willink uses to lead his team of Navy SEALs.", + "categories": "work", + "review_score": 6.0 + }, + { + "Unnamed: 0": 4724, + "book_name": "Tiny Habits", + "summaries": " shows you the power of applying small changes to your routine to unleash the full power that habits have to make your life better.", + "categories": "work", + "review_score": 8.8 + }, + { + "Unnamed: 0": 4725, + "book_name": "The Algebra of Happiness", + "summaries": " outlines the variables in the equation for happiness and how to build them in your life.", + "categories": "work", + "review_score": 5.9 + }, + { + "Unnamed: 0": 4726, + "book_name": "The Power Paradox", + "summaries": " frames the concept of power in an inspiring new narrative, which can help us create better and more equal relationships, workplaces, and societies.", + "categories": "work", + "review_score": 3.2 + }, + { + "Unnamed: 0": 4727, + "book_name": "What Got You Here Won\u2019t Get You There", + "summaries": " helps you overcome your personality traits and behaviors that stop you from achieving even more success.\u00a0", + "categories": "work", + "review_score": 3.2 + }, + { + "Unnamed: 0": 4728, + "book_name": "Born A Crime", + "summaries": " will inspire you to make great things happen no matter what circumstances you\u2019re born into by revealing the story of how Trevor Noah grew up as a mixed child in South Africa on the way to becoming an adult.", + "categories": "work", + "review_score": 8.3 + }, + { + "Unnamed: 0": 4729, + "book_name": "Trillion Dollar Coach", + "summaries": " will help you become a better leader in the office by sharing the life and teachings of businessman Bill Campbell who helped build multi-billion dollar companies in Silicon Valley.", + "categories": "work", + "review_score": 1.3 + }, + { + "Unnamed: 0": 4730, + "book_name": "Business Adventures", + "summaries": " will teach you how to run a company, invest in the stock market, change jobs, and many other things by sharing some of the most interesting experiences that big companies and their leaders have had over the last century.", + "categories": "work", + "review_score": 9.1 + }, + { + "Unnamed: 0": 4731, + "book_name": "Brave", + "summaries": " will help you have the relationships, career, and everything else in life that you\u2019ve always wanted but have been afraid to go for by teaching you how to become more courageous. ", + "categories": "work", + "review_score": 7.2 + }, + { + "Unnamed: 0": 4732, + "book_name": "Range", + "summaries": " shows that having a broad spectrum of skills and interests and taking your time to figure them out is better than specializing in just one area.", + "categories": "work", + "review_score": 6.2 + }, + { + "Unnamed: 0": 4733, + "book_name": "When Breath Becomes Air", + "summaries": " helps you see what\u2019s really important by diving into Paul Kalanithi\u2019s life of loving neuroscience, literature, meaning, and his family that ended from cancer in his mid-thirties. ", + "categories": "work", + "review_score": 3.5 + }, + { + "Unnamed: 0": 4734, + "book_name": "Why Are We Yelling?", + "summaries": " will improve your relationships, professional life, and the way you view the world by showing you that arguments aren\u2019t bad, but important growing experiences if we learn to make them productive.", + "categories": "work", + "review_score": 7.7 + }, + { + "Unnamed: 0": 4735, + "book_name": "Alchemy", + "summaries": " is your guide to making magic happen in business and life by teaching you how to practice irrational thinking to stand out and come up with powerful solutions to your problems and those of others. ", + "categories": "work", + "review_score": 4.1 + }, + { + "Unnamed: 0": 4736, + "book_name": "The Go-Giver", + "summaries": " teaches a pattern for becoming a better person and seeing more success in business and work by focusing on being authentic and giving as much value as possible. ", + "categories": "work", + "review_score": 1.1 + }, + { + "Unnamed: 0": 4737, + "book_name": "Arise, Awake", + "summaries": " will inspire you to move forward with your entrepreneurial dreams by sharing the inspirational stories of six Indian entrepreneurs and the lessons they learned on the path to success.", + "categories": "work", + "review_score": 9.3 + }, + { + "Unnamed: 0": 4738, + "book_name": "Money", + "summaries": " is your guide for learning how to stop pushing yourself to do more at your job and live a happier and more fulfilling life by making your money work hard for you. ", + "categories": "work", + "review_score": 2.7 + }, + { + "Unnamed: 0": 4739, + "book_name": "The Next Right Thing", + "summaries": " is your guide for making wise, thoughtful, and intentional decisions simply by looking for the single best action to take at the moment.", + "categories": "work", + "review_score": 8.9 + }, + { + "Unnamed: 0": 4740, + "book_name": "7 Strategies For Wealth And Happiness", + "summaries": " is the ultimate guide to improving your wealth through self-discipline, action, and a positive attitude toward work, money, and the people around you.", + "categories": "work", + "review_score": 9.9 + }, + { + "Unnamed: 0": 4741, + "book_name": "A Whole New Mind", + "summaries": " is your guide to standing out in the competitive workplace by taking advantage of the big-picture skills of the right side of your brain.", + "categories": "work", + "review_score": 7.9 + }, + { + "Unnamed: 0": 4742, + "book_name": "Extraordinary Influence", + "summaries": " helps you become a better leader by revealing what neuroscience has to say about effective leadership, identifying communication as the key to the highest levels of performance.", + "categories": "work", + "review_score": 2.7 + }, + { + "Unnamed: 0": 4743, + "book_name": "The Passion Paradox", + "summaries": " explains the risks of blindly following what we love to do the most and teaches us how to cultivate our passions in a way that can lead us to a fulfilling life.\u00a0", + "categories": "work", + "review_score": 2.4 + }, + { + "Unnamed: 0": 4744, + "book_name": "Irresistible", + "summaries": " reveals how alarmingly stuck to our devices we are, shows the negative consequences of technology addiction, and gives tips for a healthier relationship with the digital world.\n", + "categories": "work", + "review_score": 8.0 + }, + { + "Unnamed: 0": 4745, + "book_name": "Making It All Work", + "summaries": " explains how to balance your daily tasks with your long-term goals to bring them all together for a happy and productive life.", + "categories": "work", + "review_score": 4.1 + }, + { + "Unnamed: 0": 4746, + "book_name": "A More Beautiful Question", + "summaries": " will teach you how to ask more and better questions, showing you the power that the right questions have to transform your life for the better.", + "categories": "work", + "review_score": 3.7 + }, + { + "Unnamed: 0": 4747, + "book_name": "A Return To Love", + "summaries": " will help you let go of resentment, fear, and anger to have happier and healthier jobs and relationships by teaching you how to embrace the power of love.", + "categories": "work", + "review_score": 3.3 + }, + { + "Unnamed: 0": 4748, + "book_name": "60 Seconds & You\u2019re Hired!", + "summaries": " is a guide to getting your dream job that will help you feel confident in your next interview by teaching you how to impress your interviewer with being concise, focusing on your strengths, and knowing what to do at every step of the process.", + "categories": "work", + "review_score": 4.4 + }, + { + "Unnamed: 0": 4749, + "book_name": "A Message To Garcia", + "summaries": " teaches you how to be the best at your job by becoming a dedicated worker with a good attitude about whatever tasks your company gives you.", + "categories": "work", + "review_score": 5.4 + }, + { + "Unnamed: 0": 4750, + "book_name": "Blue Ocean Shift", + "summaries": " guides you through the steps to beating out your competition by creating new markets that aren\u2019t overcrowded.", + "categories": "work", + "review_score": 7.2 + }, + { + "Unnamed: 0": 4751, + "book_name": "Time And How To Spend It", + "summaries": " is your guide to becoming more productive by not focusing on working extra hours but instead using the time off more effectively.", + "categories": "work", + "review_score": 9.5 + }, + { + "Unnamed: 0": 4752, + "book_name": "Unlocking Potential", + "summaries": " is a guide that will help you as a leader make a difference in people\u2019s lives in the long run by learning how to coach people in a way that brings to light their greatest strengths and capabilities.", + "categories": "work", + "review_score": 1.4 + }, + { + "Unnamed: 0": 4753, + "book_name": "Bullshit Jobs", + "summaries": " asserts that roughly two out of every five people are stuck in work that is bereft of purpose, and these workers could suffer psychological damage as a result. ", + "categories": "work", + "review_score": 7.7 + }, + { + "Unnamed: 0": 4754, + "book_name": "The 5 Levels Of Leadership", + "summaries": " will teach you how to lead others with lasting influence by focusing on your people instead of your position.", + "categories": "work", + "review_score": 3.3 + }, + { + "Unnamed: 0": 4755, + "book_name": "Big Potential", + "summaries": " will show you that the real secret to success and thriving in all aspects of life is developing strong connections with others and treating them in a way that lifts them up.", + "categories": "work", + "review_score": 6.6 + }, + { + "Unnamed: 0": 4756, + "book_name": "Millionaire Success Habits", + "summaries": " will teach you the habits you need to become financially successful and make a big difference in the world along the way.", + "categories": "work", + "review_score": 3.2 + }, + { + "Unnamed: 0": 4757, + "book_name": "Game Changers", + "summaries": " reveals the secrets that some of the most impactful people in the world use to hack their biology and win at life and will teach you how to achieve your goals and be happy. ", + "categories": "work", + "review_score": 2.7 + }, + { + "Unnamed: 0": 4758, + "book_name": "You Are A Badass At Making Money", + "summaries": " will help you stop making excuses and get over your bad relationship with money to become a money-making machine.", + "categories": "work", + "review_score": 2.6 + }, + { + "Unnamed: 0": 4759, + "book_name": "Extreme Ownership", + "summaries": " contains useful leadership advice from two Navy SEALs who learned to stay strong, disciplined, and level-headed in high-stakes combat scenarios.", + "categories": "work", + "review_score": 1.1 + }, + { + "Unnamed: 0": 4760, + "book_name": "Finite And Infinite Games", + "summaries": "\u00a0offers the theory that we play many different games in life, showing you that work and relationships are long-term endeavors and how to play them in order to win.", + "categories": "work", + "review_score": 3.9 + }, + { + "Unnamed: 0": 4761, + "book_name": "The Dip", + "summaries": " teaches us that, between starting and succeeding, there\u2019s a time of struggle when we should either pursue excellence or quit strategically while helping us choose between the two.", + "categories": "work", + "review_score": 1.4 + }, + { + "Unnamed: 0": 4762, + "book_name": "Catalyst", + "summaries": " explains why extraordinary career growth requires the right stimuli at the right time to propel you to the next level, and shows you how to cultivate them.", + "categories": "work", + "review_score": 6.9 + }, + { + "Unnamed: 0": 4763, + "book_name": "The Organized Mind", + "summaries": " will show you how to adapt your mind to our modern information culture so\u00a0 you can work efficiently without feeling exhausted.", + "categories": "work", + "review_score": 6.5 + }, + { + "Unnamed: 0": 4764, + "book_name": "QBQ!", + "summaries": " will teach you to ask better questions and stay accountable and why doing so will change every aspect of your life for the better.", + "categories": "work", + "review_score": 4.9 + }, + { + "Unnamed: 0": 4765, + "book_name": "Multipliers", + "summaries": "\u00a0explains the five types of people who inspire, support, and improve others in their organization, showing you how to become one as well as avoid diminishers, the people who drag down others and make it harder for them to perform.", + "categories": "work", + "review_score": 5.3 + }, + { + "Unnamed: 0": 4766, + "book_name": "EntreLeadership", + "summaries": " provides you with a path to becoming a great leader in your company by identifying the necessary management and entrepreneurial skills.", + "categories": "work", + "review_score": 5.2 + }, + { + "Unnamed: 0": 4767, + "book_name": "The Messy Middle", + "summaries": " challenges the notion that projects grow slowly and smoothly toward success by outlining the rocky but important intermediate stages of any journey and how to survive them.", + "categories": "work", + "review_score": 5.1 + }, + { + "Unnamed: 0": 4768, + "book_name": "The Start-Up of You", + "summaries": " explains why you need manage your career as if you were running a start-up to get ahead in today\u2019s ultra-competitive and ever-changing business world. ", + "categories": "work", + "review_score": 6.8 + }, + { + "Unnamed: 0": 4769, + "book_name": "The Effective Executive", + "summaries": " gives leaders a step-by-step formula to become more productive, developing their own strengths and those of their employees.", + "categories": "work", + "review_score": 9.7 + }, + { + "Unnamed: 0": 4770, + "book_name": "The Checklist Manifesto", + "summaries": "\u00a0explains\u00a0why checklists can\u00a0save lives and teaches you how to implement them correctly.", + "categories": "work", + "review_score": 7.7 + }, + { + "Unnamed: 0": 4771, + "book_name": "Girl, Wash Your Face", + "summaries": " inspires women to take their lives into their own hands and make their dreams happen, no matter how discouraged they may feel at the moment.", + "categories": "work", + "review_score": 9.5 + }, + { + "Unnamed: 0": 4772, + "book_name": "Search Inside Yourself", + "summaries": " adapts the ancient ethos of \u201cknowing thyself\u201d to the realities of a modern, fast-paced workplace by introducing mindfulness exercises to enhance emotional intelligence.", + "categories": "work", + "review_score": 2.8 + }, + { + "Unnamed: 0": 4773, + "book_name": "The 12 Week Year", + "summaries": " will teach you how to reliably hit your goals by planning in 12-week cycles instead of following our typical 12-month routine.", + "categories": "work", + "review_score": 4.4 + }, + { + "Unnamed: 0": 4774, + "book_name": "The Five Dysfunctions of a Team", + "summaries": " uses a fable to explain why even the best teams struggle to work together, offering actionable strategies to overcome distrust and office politics in order to achieve important goals as a cohesive, effective unit.", + "categories": "work", + "review_score": 9.1 + }, + { + "Unnamed: 0": 4775, + "book_name": "Ikigai", + "summaries": " explains how you can live a longer and happier life by having a purpose, eating healthy, and not retiring.", + "categories": "work", + "review_score": 2.7 + }, + { + "Unnamed: 0": 4776, + "book_name": "Founders at Work", + "summaries": " shows you how to start a successful business based on the principles of the founders of some of the world\u2019s most famous and accomplished startups.", + "categories": "work", + "review_score": 3.8 + }, + { + "Unnamed: 0": 4777, + "book_name": "An Audience Of One", + "summaries": " is a practical and inspiring manual for creators who want to live from their art, showing a simple, purpose-driven path to achieve that goal.", + "categories": "work", + "review_score": 3.3 + }, + { + "Unnamed: 0": 4778, + "book_name": "Hit Refresh", + "summaries": " tells the inspiring story of an Indian boy named Satya Nadella", + "categories": "work", + "review_score": 3.7 + }, + { + "Unnamed: 0": 4779, + "book_name": "Great At Work", + "summaries": " examines what it takes to be a top performer and gives practical advice to achieve significant results at work while maintaining an excellent work-life balance.", + "categories": "work", + "review_score": 2.1 + }, + { + "Unnamed: 0": 4780, + "book_name": "Tribal Leadership", + "summaries": "\u00a0explains the various roles people take on in organizations, showing you how to navigate, connect, and lead change across the five different stages of your company\u2019s \u201ctribal society.\u201d", + "categories": "work", + "review_score": 5.0 + }, + { + "Unnamed: 0": 4781, + "book_name": "#GIRLBOSS", + "summaries": " shows that even an unconventional life can lead to success when you discover your passions and improve your skills in unusual and unpredictable ways.", + "categories": "work", + "review_score": 4.4 + }, + { + "Unnamed: 0": 4782, + "book_name": "The 5 AM Club", + "summaries": " helps you get up at 5 AM every morning, build a morning routine, and make time for the self-improvement you need to find success.", + "categories": "work", + "review_score": 5.2 + }, + { + "Unnamed: 0": 4783, + "book_name": "Rest", + "summaries": " examines why traditional methods of working too long and hard are inefficient compared to working less, resting, and playing to accomplish your best work.", + "categories": "work", + "review_score": 3.4 + }, + { + "Unnamed: 0": 4784, + "book_name": "The Antidote", + "summaries": " will explain everything that\u2019s wrong with positivity-based self-help advice and what you should do instead to feel, live, and be happier. ", + "categories": "work", + "review_score": 8.9 + }, + { + "Unnamed: 0": 4785, + "book_name": "Company Of One", + "summaries": " will teach you how going small, not big when creating your own company will bring you independence, income, and lots of free time without the hassles of having to manage employees, long meetings, and forced growth.", + "categories": "work", + "review_score": 2.6 + }, + { + "Unnamed: 0": 4786, + "book_name": "Peak Performance", + "summaries": " shows you how to perform at your highest level by exploring the most significant factors that contribute to delivering our best work, such as stress, rest, focus, and purpose.\u00a0", + "categories": "work", + "review_score": 6.9 + }, + { + "Unnamed: 0": 4787, + "book_name": "Make Time", + "summaries": " is about creating space in your life for what truly matters using highlights, laser-style focus, energizing breaks, and regularly reflecting on how you spend your most valuable asset.", + "categories": "work", + "review_score": 8.2 + }, + { + "Unnamed: 0": 4788, + "book_name": "The Energy Bus", + "summaries": " is a fable that will help you create positive energy with ten simple rules and make it the center of your life, work, and relationships.", + "categories": "work", + "review_score": 6.9 + }, + { + "Unnamed: 0": 4789, + "book_name": "Atomic Habits", + "summaries": " is the definitive guide to breaking bad behaviors and adopting good ones in four steps, showing you how small, incremental, everyday routines compound into massive, positive change over time.", + "categories": "work", + "review_score": 3.8 + }, + { + "Unnamed: 0": 4790, + "book_name": "Reinvent Yourself", + "summaries": " is a template for how to best adapt in a world in which the only constant is change, so that you may find happiness, success, wealth, meaningful work, and whatever else you desire in life.", + "categories": "work", + "review_score": 2.1 + }, + { + "Unnamed: 0": 4791, + "book_name": "Dare To Lead", + "summaries": " dispels common myths about modern-day workplace culture and shows you that true leadership requires nothing but vulnerability, values, trust, and resilience.", + "categories": "work", + "review_score": 9.4 + }, + { + "Unnamed: 0": 4792, + "book_name": "How Successful People Think", + "summaries": " lays out eleven specific ways of thinking you can practice to live a better, happier, more successful life.", + "categories": "work", + "review_score": 2.5 + }, + { + "Unnamed: 0": 4793, + "book_name": "How To Talk To Anyone", + "summaries": " is a collection of actionable tips to help you master the art of human communication, leave great first impressions and make people feel comfortable around you in all walks of life.", + "categories": "work", + "review_score": 4.4 + }, + { + "Unnamed: 0": 4794, + "book_name": "The Culture Code", + "summaries": " examines the dynamics of groups, large and small, formal and informal, to help you understand how great teams work and what you can do to improve your relationships wherever you cooperate with others.", + "categories": "work", + "review_score": 1.5 + }, + { + "Unnamed: 0": 4795, + "book_name": "12 Rules For Life", + "summaries": "\u00a0is a story-based, stern yet entertaining self-help manual for young people laying out a set of simple rules to help us become more disciplined, behave better, act with integrity, and balance our lives while enjoying them as much as we can.", + "categories": "work", + "review_score": 6.7 + }, + { + "Unnamed: 0": 4796, + "book_name": "How To Fail At Almost Everything And Still Win Big", + "summaries": " is the memoir of Dilbert cartoonist Scott Adams", + "categories": "work", + "review_score": 4.7 + }, + { + "Unnamed: 0": 4797, + "book_name": "Problem Solving 101", + "summaries": "\u00a0is a universal, four-step template for overcoming challenges in life, based on a traditional method Japanese school children learn early on.", + "categories": "work", + "review_score": 8.6 + }, + { + "Unnamed: 0": 4798, + "book_name": "Crushing It", + "summaries": " is Gary Vaynerchuk\u2019s follow-up to his personal branding manifesto Crush It, in which he reiterates the importance of a personal brand and shows you the endless possibilities that come with building one today.", + "categories": "work", + "review_score": 5.3 + }, + { + "Unnamed: 0": 4799, + "book_name": "The Big Leap", + "summaries": " is about changing your overall perspective, so you can embrace a philosophy that\u2019ll help you achieve your full potential in work, relationships, finance, and all other walks of life.", + "categories": "work", + "review_score": 3.7 + }, + { + "Unnamed: 0": 4800, + "book_name": "When: The Scientific Secrets of Perfect Timing", + "summaries": " breaks down the science of time so you can stop guessing when to do things and pick the best times to work, eat, sleep, have your coffee and even quit your job.", + "categories": "work", + "review_score": 8.0 + }, + { + "Unnamed: 0": 4801, + "book_name": "Leonardo Da Vinci", + "summaries": " is Walter Isaacson\u2019s account of the life of one of the most brilliant artists, thinkers, and innovators who ever lived.", + "categories": "work", + "review_score": 4.9 + }, + { + "Unnamed: 0": 4802, + "book_name": "Barking Up The Wrong Tree", + "summaries": " turns standard success advice on its head by looking at both sides of many common arguments, like confidence, extroversion, or being nice, concluding it\u2019s really other factors that decide if we win, and we control more of them than we think.", + "categories": "work", + "review_score": 3.3 + }, + { + "Unnamed: 0": 4803, + "book_name": "Find Your Why", + "summaries": " is an actionable guide to discover your mission in life, figure out how you can live it on a daily basis and share it with the world.", + "categories": "work", + "review_score": 2.3 + }, + { + "Unnamed: 0": 4804, + "book_name": "Principles", + "summaries": " holds the set of rules for work and life billionaire investor and CEO of the most successful fund in history, Ray Dalio, has acquired through his 40-year career in finance.", + "categories": "work", + "review_score": 4.0 + }, + { + "Unnamed: 0": 4805, + "book_name": "Finish", + "summaries": " identifies perfectionism as the biggest enemy of your goals, in order to then help you defeat it with research backed strategies to get things out the door while having fun, taking the pressure off and cutting yourself some slack.", + "categories": "work", + "review_score": 1.5 + }, + { + "Unnamed: 0": 4806, + "book_name": "Finding My Virginity", + "summaries": " is Richard Branson\u2019s follow-up biography, which shares the highlights of his entrepreneurial journey over the past two decades.", + "categories": "work", + "review_score": 7.5 + }, + { + "Unnamed: 0": 4807, + "book_name": "Side Hustle", + "summaries": "\u00a0shows you how to set up new income streams without quitting your day job, taking you all the way from your initial idea to your first earned dollars in just 27 days.", + "categories": "work", + "review_score": 2.3 + }, + { + "Unnamed: 0": 4808, + "book_name": "The 5 Second Rule", + "summaries": " is a simple tool that undercuts most of the psychological weapons your brain employs to keep you from taking action, which will allow you to procrastinate less, live happier and reach your goals.", + "categories": "work", + "review_score": 8.4 + }, + { + "Unnamed: 0": 4809, + "book_name": "The Myth Of Multitasking", + "summaries": " explains why doing everything at once is neither efficient, nor even possible, and gives you practical steps for more focus in the workplace.", + "categories": "work", + "review_score": 6.0 + }, + { + "Unnamed: 0": 4810, + "book_name": "The Productivity Project", + "summaries": " recounts the lessons Chris Bailey learned over the course of a year running various productivity experiments to help you get more done in all areas of your life.", + "categories": "work", + "review_score": 8.3 + }, + { + "Unnamed: 0": 4811, + "book_name": "The Monk Who Sold His Ferrari", + "summaries": " is a self-help classic telling the story of fictional lawyer Julian Mantle, who sold his mansion and Ferrari to study the seven virtues of the Sages of Sivana in the Himalayan mountains.", + "categories": "work", + "review_score": 5.2 + }, + { + "Unnamed: 0": 4812, + "book_name": "Real Artists Don\u2019t Starve", + "summaries": "\u00a0debunks all myths around the starving artist and shows you you can, will and deserve to make a living from your creative work.", + "categories": "work", + "review_score": 7.9 + }, + { + "Unnamed: 0": 4813, + "book_name": "What Color Is Your Parachute", + "summaries": " is a classic for job seekers, equipping you with the tools, tips and strategies you need to quickly find the right gig in today\u2019s fast-moving market.", + "categories": "work", + "review_score": 4.3 + }, + { + "Unnamed: 0": 4814, + "book_name": "The 10X Rule", + "summaries": " will show you how to achieve extraordinary success by pointing out what\u2019s wrong with shooting for average, why you should aim ten times higher when tackling your goals, and how to back up your new, bold targets with the right actions.", + "categories": "work", + "review_score": 5.2 + }, + { + "Unnamed: 0": 4815, + "book_name": "Your Move: The Underdog\u2019s Guide to Building Your Business", + "summaries": " is Ramit Sethi\u2019s no-BS guide to starting your own business that\u2019ll help you escape the 9-to-5, all the way from coming up with profitable ideas, overcoming psychological barriers and figuring out who to sell to to growing, maintaining and systematizing your business in the future.", + "categories": "work", + "review_score": 3.6 + }, + { + "Unnamed: 0": 4816, + "book_name": "You Are A Badass", + "summaries": " helps you become self-aware, figure out what you want in life and then summon the guts to not worry about the how, kick others\u2019 opinions to the curb and focus your life on the thing that will make you happy.", + "categories": "work", + "review_score": 3.0 + }, + { + "Unnamed: 0": 4817, + "book_name": "Peak", + "summaries": " accumulates everything the pioneer researcher on deliberate practice has learned about expert performance through decades of exploration and analysis of what separates those, who are average, from those, who are world-class at what they do.", + "categories": "work", + "review_score": 4.7 + }, + { + "Unnamed: 0": 4818, + "book_name": "Ego Is The Enemy", + "summaries": " reveals why a tendency that\u2019s hardwired into our brains \u2014 the belief that the world revolves around us and us alone \u2014 keeps holding us back from living the very life it dreams up for us, including what we can do to overcome our ego, be kinder to others and ourselves, and achieve true greatness.", + "categories": "work", + "review_score": 5.0 + }, + { + "Unnamed: 0": 4819, + "book_name": "The Creative Habit", + "summaries": " is a dancer\u2019s blueprint to making creativity a habit, which she\u2019s successfully done for over 50 years in the entertainment industry.", + "categories": "work", + "review_score": 6.5 + }, + { + "Unnamed: 0": 4820, + "book_name": "Six Thinking Hats", + "summaries": "\u00a0divides thinking into six distinct areas and perspectives, which will help you, your team, and your company tackle problems from different angles, thus solving them with the power of parallel thinking and saving time, money, and energy as a result.", + "categories": "work", + "review_score": 4.7 + }, + { + "Unnamed: 0": 4821, + "book_name": "Steal Like An Artist", + "summaries": " gives you permission to copy your heroes\u2019 work and use it as a springboard to find your own, unique style, all while remembering to have fun, creating the right work environment for your art and letting neither criticism nor praise drive you off track.", + "categories": "work", + "review_score": 4.4 + }, + { + "Unnamed: 0": 4822, + "book_name": "How Will You Measure Your Life", + "summaries": " shows you how to sustain motivation at work and in life to spend your time on earth happily and fulfilled, by focusing not just on money and your career, but your family, relationships and personal well-being.", + "categories": "work", + "review_score": 1.6 + }, + { + "Unnamed: 0": 4823, + "book_name": "Lean In", + "summaries": " explains why women are still underrepresented in the workforce, what holds them back, how we can enable and support them, and how any woman can take the lead and hold the flag of female leadership high.", + "categories": "work", + "review_score": 9.2 + }, + { + "Unnamed: 0": 4824, + "book_name": "Finding Your Element", + "summaries": " shows you how to find your talents and passions, embrace them, and come up with your own definition of happiness, so you can combine what you love with what you\u2019re good at to live a long, happy life.", + "categories": "work", + "review_score": 5.1 + }, + { + "Unnamed: 0": 4825, + "book_name": "Move Your Bus", + "summaries": "\u00a0illustrates the different kinds of groups in organizations, how leaders can inspire those groups, and what individuals can do to become highly valued, productive members of the organizations they serve.", + "categories": "work", + "review_score": 9.2 + }, + { + "Unnamed: 0": 4826, + "book_name": "The 8th Habit", + "summaries": " is about finding your voice and helping others discover their own, in order to thrive at work in the Information Age, where interdependence is more important than independence.", + "categories": "work", + "review_score": 1.1 + }, + { + "Unnamed: 0": 4827, + "book_name": "Switch", + "summaries": " is about how you can lead and encourage changes of human behavior, both in yourself and in your organization, by focusing on the three forces that influence it: the rider, the elephant and the path.", + "categories": "work", + "review_score": 9.7 + }, + { + "Unnamed: 0": 4828, + "book_name": "Disrupt Yourself", + "summaries": " explains how you can harness\u00a0the ever-accelerating power of disruptive innovation in your personal life, be it to advance your career or to build a company that thrives, by embracing your limitations, focusing on your strengths and staying flexible and curious along the way.", + "categories": "work", + "review_score": 3.0 + }, + { + "Unnamed: 0": 4829, + "book_name": "iWoz", + "summaries": " is Steve Wozniak\u2019s autobiography, detailing his story in his own words, from early tinkering with electronics in his home, to college and his first job, all the way to singlehandedly creating the world\u2019s first desktop\u00a0computer, the Apple I and founding what would become the most valuable company in the world.", + "categories": "work", + "review_score": 5.4 + }, + { + "Unnamed: 0": 4830, + "book_name": "Winners: And How They Succeed", + "summaries": " draws on years of research and extensive interviews with a wide array of successful people to deliver a blueprint for what it takes to win in life based on strategy, leadership and team-building.", + "categories": "work", + "review_score": 1.7 + }, + { + "Unnamed: 0": 4831, + "book_name": "Benjamin Franklin: An American Life", + "summaries": " takes a thorough look at the life of one of the most influential humans that ever lived and explains how he could achieve such greatness in so many different fields and areas.", + "categories": "work", + "review_score": 7.8 + }, + { + "Unnamed: 0": 4832, + "book_name": "Grit", + "summaries": " describes what creates outstanding achievements, based on science, interviews with high achievers from various fields and the personal history of success of the author, Angela Duckworth, uncovering that achievement isn\u2019t reserved for the talented only, but for those with passion and perseverance.", + "categories": "work", + "review_score": 5.1 + }, + { + "Unnamed: 0": 4833, + "book_name": "Made To Stick", + "summaries": " examines advertising campaigns, urban myths and compelling stories to determine the six traits that make ideas stick in our brains, so you don\u2019t just know why you remember some things better than others, but can also spread your own ideas more easily among the right people.", + "categories": "work", + "review_score": 1.8 + }, + { + "Unnamed: 0": 4834, + "book_name": "Creativity, Inc.", + "summaries": " is an instruction manual for instilling inspiration into employees, managers and bosses, by revealing the hidden forces that get in the way, based on over\u00a030\u00a0years of experience of the president of Pixar, Ed Catmull.", + "categories": "work", + "review_score": 1.5 + }, + { + "Unnamed: 0": 4835, + "book_name": "Born For This", + "summaries": " shows you how to find the work you were meant to do, which actually might consist of many different forms of work over the course of your life, by showing you the power of a side hustle, proper risk-assessment, creating your own job and pursuing all of your passions \u2013 one at a time.", + "categories": "work", + "review_score": 8.1 + }, + { + "Unnamed: 0": 4836, + "book_name": "Remote", + "summaries": " explains why offices are a thing of the past and what both companies and employees can do to thrive in a company that\u2019s spread all across the globe with people working wherever they choose to.", + "categories": "work", + "review_score": 4.7 + }, + { + "Unnamed: 0": 4837, + "book_name": "The Now Habit", + "summaries": " is a strategic program to help you eliminate procrastination from your life, bring fun and motivation back to your work and enjoy your well-earned spare time without feeling guilty.", + "categories": "work", + "review_score": 9.3 + }, + { + "Unnamed: 0": 4838, + "book_name": "The Millionaire Real Estate Agent", + "summaries": " is about how you can systematically build a thriving real estate business, drawing lessons both about the professional as well as the personal side of things.", + "categories": "work", + "review_score": 7.3 + }, + { + "Unnamed: 0": 4839, + "book_name": "Einstein: His Life And Universe", + "summaries": " takes a close look at the life of Albert Einstein, beginning in how his childhood shaped him, what his biggest discoveries and personal struggles were and how his focus changed in later years, without his genius\u00a0ever fading until his very last moment.", + "categories": "work", + "review_score": 7.7 + }, + { + "Unnamed: 0": 4840, + "book_name": "How to Become a Straight-A Student", + "summaries": " gives you the techniques A+ students have used to pass college with flying colors and summa cum laude degrees, without compromising their entire lives and spending every minute in the library, ranging from time management and note-taking tactics all the way to how you can write a great thesis.", + "categories": "work", + "review_score": 3.4 + }, + { + "Unnamed: 0": 4841, + "book_name": "Smartcuts", + "summaries": " explains how some people and businesses achieve rapid growth and build sustainable, profitable companies in the time it takes you to get another promotion, by working smart, not hard and hacking into the ladder of success, instead of climbing it one step at a time.", + "categories": "work", + "review_score": 7.8 + }, + { + "Unnamed: 0": 4842, + "book_name": "To Sell Is Human", + "summaries": " shows you that selling is part of your life, no matter what you do, and what a successful salesperson looks like in the 21st century, with practical ideas to help you convince others in a more honest, natural and sustainable way.", + "categories": "work", + "review_score": 9.6 + }, + { + "Unnamed: 0": 4843, + "book_name": "The Personal MBA", + "summaries": " will save you a few hundred grand by outlining everything you really need to know to get started on a thriving business, none of which is taught in expensive colleges.", + "categories": "work", + "review_score": 9.6 + }, + { + "Unnamed: 0": 4844, + "book_name": "Are You Fully Charged", + "summaries": " shows you the three keys to arriving at work and life with a battery that\u2019s brimming with happiness and motivation, which are energy, interactions and meaning, and how to implement them in your day.", + "categories": "work", + "review_score": 3.8 + }, + { + "Unnamed: 0": 4845, + "book_name": "Why We Work", + "summaries": " looks at the purpose of work in our lives by examining how different people view their work, what traits make work feel meaningful, and which questions companies should ask to maximize the motivation of their employees.", + "categories": "work", + "review_score": 9.5 + }, + { + "Unnamed: 0": 4846, + "book_name": "Deep Work", + "summaries": " proposes that we have lost our ability to focus deeply and immerse ourselves in a complex task, showing you how to cultivate this skill again and focus more than ever before with four simple rules.", + "categories": "work", + "review_score": 9.4 + }, + { + "Unnamed: 0": 4847, + "book_name": "Who Moved My Cheese", + "summaries": " tells a parable, which you can directly apply to your own life, in order to stop fearing what lies ahead and instead thrive in an environment of change and uncertainty.", + "categories": "work", + "review_score": 5.7 + }, + { + "Unnamed: 0": 4848, + "book_name": "Singletasking", + "summaries": " digs into neuroscientific research to explain why we\u2019re not meant to multitask, how you can go back to the old, singletasking ways, and why that\u2019s better for your work, relationships and happiness.", + "categories": "work", + "review_score": 9.3 + }, + { + "Unnamed: 0": 4849, + "book_name": "The Da Vinci Curse", + "summaries": " explains why people with many talents don\u2019t fit into a world where we need specialists and, if you have many talents yourself, shows you how you can lift this curse, by giving you a framework to follow and find your true vocation in life.", + "categories": "work", + "review_score": 2.6 + }, + { + "Unnamed: 0": 4850, + "book_name": "Never Eat Alone", + "summaries": " is a modern classic, which explains the art of networking and gives you actionable advice on how you can harness the power of good relationships and become a good networker to build a career you love.", + "categories": "work", + "review_score": 1.3 + }, + { + "Unnamed: 0": 4851, + "book_name": "How To Be A Positive Leader", + "summaries": " taps into the expertise of 17 leadership experts to show you how you can become a positive leader, who empowers everyone around him, whether at work or at home, with small changes, that compound into a big impact.", + "categories": "work", + "review_score": 1.1 + }, + { + "Unnamed: 0": 4852, + "book_name": "Losing My Virginity", + "summaries": " details Richard Branson\u2019s meteoric rise to success and digs into what made him the adventurous, fun-loving, daring entrepreneur he is today and what lessons you can learn about business from him.", + "categories": "work", + "review_score": 3.5 + }, + { + "Unnamed: 0": 4853, + "book_name": "Strengthsfinder 2.0", + "summaries": " argues that we should forget about fixing our weaknesses, and go all in on our strengths instead, by showing you ways to figure out which 5 key strengths are an innate part of you and giving you advice on how to use them in your life and work.", + "categories": "work", + "review_score": 1.7 + }, + { + "Unnamed: 0": 4854, + "book_name": "The Art of Non-Conformity", + "summaries": " teaches you how to play life by your own rules by giving you practical glimpses into the world of self-employment, a new approach to travel, to-do list minimalism and conscious spending habits.", + "categories": "work", + "review_score": 2.4 + }, + { + "Unnamed: 0": 4855, + "book_name": "Uncertainty", + "summaries": " shows you that the condition of not knowing is nothing to fear, but the birthplace of innovation, which, if you embrace it while anchoring yourself, has an unlimited potential for growth, wealth and happiness.", + "categories": "work", + "review_score": 5.6 + }, + { + "Unnamed: 0": 4856, + "book_name": "A Year With Peter Drucker", + "summaries": " compiles 52 lessons with weekly exercises into one comprehensive, year-long curriculum\u00a0for managers, leaders, and those who aspire to be one or the other, based on the teachings of the father of modern management.", + "categories": "work", + "review_score": 5.9 + }, + { + "Unnamed: 0": 4857, + "book_name": "Linchpin", + "summaries": " shows you why the time of simply following instructions at your job is over and how to make yourself indispensable, which is a must for success today.", + "categories": "work", + "review_score": 9.6 + }, + { + "Unnamed: 0": 4858, + "book_name": "Focus", + "summaries": " shows you that attention is the thing that makes life worth living and helps you develop more of it to\u00a0become focused in every area of life: work, relationships and your own attitude towards life and the planet.", + "categories": "work", + "review_score": 3.0 + }, + { + "Unnamed: 0": 4859, + "book_name": "Sam Walton: Made In America", + "summaries": " shines a light on the man behind the biggest fortune ever amassed in business and explains how he built Walmart into a billion-dollar empire with hard work, incessant learning and an unrivaled resolve to make every single customer as happy as can be.", + "categories": "work", + "review_score": 9.3 + }, + { + "Unnamed: 0": 4860, + "book_name": "Rework", + "summaries": " shows you that you need less than you think to start a business \u2013 way less \u2013 by explaining why plans are actually harmful, how productivity isn\u2019t a result from working long hours and why hiring and seeking investors should be your absolute last resort.", + "categories": "work", + "review_score": 7.5 + }, + { + "Unnamed: 0": 4861, + "book_name": "Drive", + "summaries": " explores what has motivated humans throughout history and explains how we shifted from mere survival to the carrot and stick approach that\u2019s still practiced today \u2013 and why it\u2019s outdated.", + "categories": "work", + "review_score": 2.4 + }, + { + "Unnamed: 0": 4862, + "book_name": "The Success Principles", + "summaries": " condenses 64 lessons Jack Canfield learned on his journey to becoming a successful entrepreneur, author, coach and speaker into 6 sections, which will help you transform your mindset and take responsibility and control of your own life, so you can get from where you are to where you want to be.", + "categories": "work", + "review_score": 8.3 + }, + { + "Unnamed: 0": 4863, + "book_name": "Do Over", + "summaries": " shines a light on the four core skills you need to build an amazing career: relationships, skills, character and hustle, and shows you how to develop each one of them and use them in different stages of your career.", + "categories": "work", + "review_score": 2.0 + }, + { + "Unnamed: 0": 4864, + "book_name": "Outliers", + "summaries": " explains why \u201cthe self-made man\u201d is a myth and what truly lies behind the success of the best people in their field, which is often a series of lucky events, rare opportunities and other external factors, which are out of our control.", + "categories": "work", + "review_score": 2.8 + }, + { + "Unnamed: 0": 4865, + "book_name": "The Year Without Pants", + "summaries": " dives into the company culture of Automattic, the company behind WordPress.com and explains how they\u2019ve created a culture of work where employees thrive, creativity flows freely and new ideas are implemented on a daily basis.", + "categories": "work", + "review_score": 1.0 + }, + { + "Unnamed: 0": 4866, + "book_name": "Start", + "summaries": " shows you how you can flip the switch of your life from average to awesome by punching fear in the face, being realistic, living with purpose and going through the five stages of success, one step at a time.", + "categories": "work", + "review_score": 5.4 + }, + { + "Unnamed: 0": 4867, + "book_name": "Rookie Smarts", + "summaries": " argues against experience and for a mindset of learning in the modern workplace, due to knowledge growing and changing fast, which gives rookies a competitive advantage, as they\u2019re not bound by common practices and the status quo.", + "categories": "work", + "review_score": 2.3 + }, + { + "Unnamed: 0": 4868, + "book_name": "The Power Of Full Engagement", + "summaries": null, + "categories": "work", + "review_score": 1.5 + }, + { + "Unnamed: 0": 4869, + "book_name": "Your Brain At Work", + "summaries": " helps you overcome the daily challenges that take away\u00a0your brain power, like constant email and interruption madness, high levels of stress, lack of control and high expectations, by showing you what goes on inside your head and giving you new approaches to control it better.", + "categories": "work", + "review_score": 6.1 + }, + { + "Unnamed: 0": 4870, + "book_name": "Big Magic", + "summaries": " is the book that\u2019ll give you the courage you need to pursue your creative interests by showing you how to deal with your fears, notice ideas and act on them and take the stress out of creation.", + "categories": "work", + "review_score": 8.7 + }, + { + "Unnamed: 0": 4871, + "book_name": "The Power Of Starting Something Stupid", + "summaries": " shows you that most ideas are often falsely labeled stupid at first, and that if they are, that\u2019s a good indicator you should pursue them and not care what anyone thinks.", + "categories": "work", + "review_score": 1.6 + }, + { + "Unnamed: 0": 4872, + "book_name": "The Richest Man In Babylon", + "summaries": " gives common sense financial advice which you can apply today, told through tales and parables from the times of ancient Babylon.", + "categories": "work", + "review_score": 3.8 + }, + { + "Unnamed: 0": 4873, + "book_name": "The 80/20 Principle", + "summaries": " reveals how you can boost your effectiveness both in your own life and for your business by getting you in the mindset that not all inputs produce an equal amount of outputs and helping you embrace the Pareto principle.", + "categories": "work", + "review_score": 8.3 + }, + { + "Unnamed: 0": 4874, + "book_name": "Willpower", + "summaries": " is a blend of practical tips and the latest scientific research on self-control, explaining how willpower works, what you can do to improve it, how to optimize it and which steps to take when it fails you.", + "categories": "work", + "review_score": 9.9 + }, + { + "Unnamed: 0": 4875, + "book_name": "Less Doing More Living", + "summaries": " is based on the assumption that the less you have to do, the more life you have to live, and helps you implement this philosophy into your life by giving you real-world tools to boost efficiency in every aspect of your life.", + "categories": "work", + "review_score": 6.2 + }, + { + "Unnamed: 0": 4876, + "book_name": "How To Win Friends And Influence People", + "summaries": " teaches you countless principles to become a likable person, handle your relationships well, win others over and help them change their behavior without being intrusive.", + "categories": "work", + "review_score": 3.4 + }, + { + "Unnamed: 0": 4877, + "book_name": "Quiet", + "summaries": " shows the slow rise of the extrovert ideal for success throughout the 20th century, while making a case for the underappreciated power of introverts and showing up new ways for both forces to cooperate.", + "categories": "work", + "review_score": 4.7 + }, + { + "Unnamed: 0": 4878, + "book_name": "Getting Things Done", + "summaries": " is a manual for stress-free productivity, which helps you set up a system of lists, reminders and weekly reviews, in order to free your mind from having to remember tasks and to-dos and instead let it work at full focus on the task at hand.", + "categories": "work", + "review_score": 1.7 + }, + { + "Unnamed: 0": 4879, + "book_name": "Make Your Mark", + "summaries": " is a business book for creatives, telling them how to get started on turning their creative energy into a profitable business with simple, actionable ideas taken from 20 leading entrepreneurs and designers, who lead successful creative businesses.", + "categories": "work", + "review_score": 3.3 + }, + { + "Unnamed: 0": 4880, + "book_name": "Think And Grow Rich", + "summaries": " is a curation of the 13 most common habits of wealthy and successful people, distilled from studying over 500 individuals over the course of 20 years.", + "categories": "work", + "review_score": 2.9 + }, + { + "Unnamed: 0": 4881, + "book_name": "Talent Is Overrated", + "summaries": " debunks both talent and experience as the determining factors and instead makes a case for deliberate practice, intrinsic motivation and starting early.", + "categories": "work", + "review_score": 3.3 + }, + { + "Unnamed: 0": 4882, + "book_name": "The Achievement Habit", + "summaries": " shows you that being an achiever can be learned, by using the principles of design thinking to walk you through several stories and exercises, which will get you to stop wishing and start doing.", + "categories": "work", + "review_score": 7.2 + }, + { + "Unnamed: 0": 4883, + "book_name": "Quitter", + "summaries": " is a blueprint to help you close the gap between your day job and your dream job, showing you simple steps you can take towards your dream without turning it into a nightmare.", + "categories": "work", + "review_score": 3.5 + }, + { + "Unnamed: 0": 4884, + "book_name": "Jab, Jab, Jab, Right Hook", + "summaries": " is a message to everyone who\u2019s not on the social media train yet, showing them how to tell their story the right way on social media, so that it\u2019ll actually get heard.", + "categories": "work", + "review_score": 2.2 + }, + { + "Unnamed: 0": 4885, + "book_name": "The Art Of Work", + "summaries": " is the instruction manual to find your vocation by looking into your passions, connecting them to the needs of the world, and thus building a legacy that\u2019s bigger than yourself.", + "categories": "work", + "review_score": 8.3 + }, + { + "Unnamed: 0": 4886, + "book_name": "Great By Choice", + "summaries": " analyzes what makes the world\u2019s best companies thrive in even the most uncertain and chaotic times, by distilling nine years of research and great stories into three actionable principles.", + "categories": "work", + "review_score": 1.2 + }, + { + "Unnamed: 0": 4887, + "book_name": "Work The System", + "summaries": " will fundamentally change the way you view the world, by showing you the systems all around you and giving you the guiding principles to influence the right ones to make your business successful.", + "categories": "work", + "review_score": 10.0 + }, + { + "Unnamed: 0": 4888, + "book_name": "Start With Why", + "summaries": " is Simon Sinek\u2019s mission to help others do work, which inspires them, and uses real-world examples of great leaders to show you how they communicate and how you can adapt their mindset to inspire others yourself.", + "categories": "work", + "review_score": 7.8 + }, + { + "Unnamed: 0": 4889, + "book_name": "The War Of Art", + "summaries": " brings some much needed tough love to all artists, business people and creatives who spend more time battling the resistance against work than actually working, by identifying the procrastinating forces at play and pulling out the rug from under their feet.", + "categories": "work", + "review_score": 1.4 + }, + { + "Unnamed: 0": 4890, + "book_name": "Essentialism", + "summaries": "\u00a0will show you a new, better way of looking at productivity\u00a0by giving you permission to be extremely selective about what\u2019s truly essential in your life and then ruthlessly cutting out everything else.", + "categories": "work", + "review_score": 3.7 + }, + { + "Unnamed: 0": 4891, + "book_name": "Mastery", + "summaries": " debunks the myth of talent and shows you there are proven steps you can take to achieve mastery in a discipline of your own choosing, by analyzing the paths of some of history\u2019s most famous masters, such as Einstein, Darwin and Da Vinci.", + "categories": "work", + "review_score": 5.0 + }, + { + "Unnamed: 0": 4892, + "book_name": "The Pomodoro Technique", + "summaries": " is the simplest way to productively manage your time with only two lists and a timer, by breaking down your workload into small, manageable chunks to stay fresh and focused throughout your day.", + "categories": "work", + "review_score": 9.0 + }, + { + "Unnamed: 0": 4893, + "book_name": "The Power Of Habit", + "summaries": " helps you understand why\u00a0habits are at the core of everything you\u00a0do, how you can change them, and what impact that will have on your life, your business and society.", + "categories": "work", + "review_score": 9.6 + }, + { + "Unnamed: 0": 4894, + "book_name": "So Good They Can\u2019t Ignore You", + "summaries": " sheds some much needed light on the \u201cfollow your passion\u201d myth and shows you that the true path to work you love lies in becoming a craftsman of the work you already have, collecting rare skills and taking control of your hours in the process.", + "categories": "work", + "review_score": 4.6 + }, + { + "Unnamed: 0": 4895, + "book_name": "Bounce", + "summaries": " shows you that training\u00a0trumps talent every time, by explaining the science of deliberate practice, the mindset of high performers and how you can use those tools to become a master of whichever\u00a0skill you choose.", + "categories": "work", + "review_score": 9.9 + }, + { + "Unnamed: 0": 4896, + "book_name": "Zero To One", + "summaries": " is an inside look at Peter Thiel\u2019s philosophy and strategy for making your startup a success by looking at the lessons he learned from founding and selling PayPal, investing in Facebook and becoming a billionaire in the process.", + "categories": "work", + "review_score": 3.3 + }, + { + "Unnamed: 0": 4897, + "book_name": "Choose Yourself", + "summaries": " is a call to give up traditional career paths and take your life into your own hands by building good habits, creating your own career, and making a decision to choose yourself.", + "categories": "work", + "review_score": 7.1 + }, + { + "Unnamed: 0": 4898, + "book_name": "The Happiness Of Pursuit", + "summaries": " is a call to take control of your own life by going on a quest, which will fill your life with meaning, purpose, and a whole lot of adventure.", + "categories": "work", + "review_score": 6.4 + }, + { + "Unnamed: 0": 4899, + "book_name": "The Millionaire Fastlane", + "summaries": " points out what\u2019s wrong with the old get a degree, get a job, work hard, retire rich model, defines wealth in a new way, and shows you the path to retiring young.", + "categories": "work", + "review_score": 8.0 + }, + { + "Unnamed: 0": 4900, + "book_name": "The ONE Thing", + "summaries": " gives you a very simple approach to productivity, based around a single question, to help you have less clutter, distractions and stress, and more focus, energy and success.", + "categories": "work", + "review_score": 7.7 + }, + { + "Unnamed: 0": 4901, + "book_name": "Winning", + "summaries": " is Jack Welch\u2019s manual to becoming an astonishing manager and leader, which gives you practical tools to manage the finances, strategy and, most importantly, the people of your company.", + "categories": "work", + "review_score": 8.1 + }, + { + "Unnamed: 0": 4902, + "book_name": "Influence", + "summaries": " has been the go-to book for marketers since its release in 1984, which delivers\u00a0six key principles behind human influence and explains them with countless practical examples.", + "categories": "work", + "review_score": 8.4 + }, + { + "Unnamed: 0": 4903, + "book_name": "The 7 Habits Of Highly Effective People", + "summaries": " teaches you both personal and professional effectiveness by\u00a0changing your view of how the world works and giving you 7 habits, which, if adopted well, will lead you to immense success.", + "categories": "work", + "review_score": 3.6 + }, + { + "Unnamed: 0": 4904, + "book_name": "Steve Jobs", + "summaries": " is the most detailed and accurate account of the life of the man who created Apple, the most valuable technology company in the world.", + "categories": "work", + "review_score": 4.9 + }, + { + "Unnamed: 0": 4905, + "book_name": "The Upside Of Stress", + "summaries": " helps you change your mindset from one that avoids anxiety at all costs to a belief that embraces stress as a normal part of life, which helps you respond to it in better ways and actually be healthier.", + "categories": "work", + "review_score": 8.9 + }, + { + "Unnamed: 0": 4906, + "book_name": "The 4-Hour Workweek", + "summaries": " is the step-by-step blueprint to free yourself from the shackles of a corporate job, create a business to fund the lifestyle of your dreams, and live life like a millionaire, without actually having to be one.", + "categories": "work", + "review_score": 5.9 + }, + { + "Unnamed: 0": 4907, + "book_name": "The Wisdom Of Crowds", + "summaries": " researches why groups reach better decisions than individuals, what makes groups smart, where the dangers of group decisions lie, and how each of us can encourage the groups we are part of to work together.", + "categories": "work", + "review_score": 7.6 + }, + { + "Unnamed: 0": 4908, + "book_name": "The Willpower Instinct", + "summaries": " breaks down willpower into 3 categories, and gives you science-backed systems to improve your self-control, break bad habits and choose long-term goals over instant gratification.", + "categories": "work", + "review_score": 5.2 + }, + { + "Unnamed: 0": 4909, + "book_name": "Flow", + "summaries": " explains why we seek happiness in externals and what\u2019s wrong with it, where you can really find enjoyment in life, and how you can truly become happy by creating your own meaning of life.", + "categories": "work", + "review_score": 2.7 + }, + { + "Unnamed: 0": 4910, + "book_name": "Eat That Frog", + "summaries": " provides 21 techniques and strategies to stop procrastinating and get more done.", + "categories": "work", + "review_score": 9.0 + }, + { + "Unnamed: 0": 4911, + "book_name": "Do The Work", + "summaries": " is Steven Pressfield\u2019s follow-up to The War Of Art, where he gives you actionable tactics and strategies to overcome resistance, the force behind procrastination.", + "categories": "work", + "review_score": 9.9 + }, + { + "Unnamed: 0": 4912, + "book_name": "Leaders Eat Last", + "summaries": " teaches you where the need for leadership comes from historically, what the consequences of bad leadership are and how you can be a good leader in the modern world.", + "categories": "work", + "review_score": 9.4 + }, + { + "Unnamed: 0": 4913, + "book_name": "Built To Last", + "summaries": " examines what lies behind the extraordinary success of 18 visionary companies and which principles and ideas\u00a0they\u2019ve used\u00a0to thrive for a century.", + "categories": "work", + "review_score": 9.0 + }, + { + "Unnamed: 0": 4914, + "book_name": "The Happiness Advantage", + "summaries": " turns the tables on happiness, by proving it\u2019s a tool for success, instead of the result of it, and gives you 7 actionable principles you can use to\u00a0increase both.", + "categories": "work", + "review_score": 7.6 + }, + { + "Unnamed: 0": 4915, + "book_name": "I Will Teach You To Be Rich", + "summaries": " helps you save money on autopilot while allowing yourself to spend guilt-free on the things you enjoy.", + "categories": "work", + "review_score": 4.2 + }, + { + "Unnamed: 0": 4916, + "book_name": "Better Than Before", + "summaries": " breaks down\u00a0the latest research on\u00a0how to break bad habits and develop good ones, in order to help\u00a0you find your habit tendency and give you a few simple tools\u00a0to\u00a0start improving your own habits.", + "categories": "work", + "review_score": 2.9 + }, + { + "Unnamed: 0": 4917, + "book_name": "The Happiness Hypothesis", + "summaries": " is the most thorough analysis of how you can find\u00a0happiness in our modern society, backed by plenty of scientific research, real-life examples and even a formula for happiness.", + "categories": "work", + "review_score": 5.9 + }, + { + "Unnamed: 0": 4918, + "book_name": "Rich Dad Poor Dad", + "summaries": " tells the story of a boy with two fathers, one rich, one poor, to help you develop the mindset and financial knowledge you need to build a life of wealth and freedom.", + "categories": "work", + "review_score": 7.1 + }, + { + "Unnamed: 0": 4919, + "book_name": "The Little Prince", + "summaries": " is a beautiful children\u2019s story full of valuable lessons for adults, recounting the tale of an aviator and a little boy from a distant planet, both stranded in the desert, looking to get home, sharing what they\u2019ve learned about life.", + "categories": "mindfulness", + "review_score": 6.5 + }, + { + "Unnamed: 0": 4920, + "book_name": "The Light We Carry", + "summaries": " is a set of practices to help you stay calm, optimistic, and confident in an unpredictable world, based on Michelle Obama\u2019s life experiences as a woman, mother, lawyer, daughter, leader, and the former First Lady of the United States.", + "categories": "mindfulness", + "review_score": 2.7 + }, + { + "Unnamed: 0": 4921, + "book_name": "Bittersweet", + "summaries": " explains where emotions like sorrow, longing, and sadness come from and what their purpose in our lives is, as well as helping us deal with grief, loss, and our own mortality.", + "categories": "mindfulness", + "review_score": 1.4 + }, + { + "Unnamed: 0": 4922, + "book_name": "Why Has Nobody Told Me This Before?", + "summaries": " is a collection of a clinical psychologist\u2019s best practical advice to combat anxiety and depression and improve our mental health in small increments, collected from over a decade of 1-on-1 work with patients.", + "categories": "mindfulness", + "review_score": 5.2 + }, + { + "Unnamed: 0": 4923, + "book_name": "The Midnight Library", + "summaries": " tells the story of Nora, a depressed woman in her 30s, who, on the day she decides to die, finds herself in a library full of lives she could have lived, where she discovers there\u2019s a lot more to life, even her current one, than she had ever imagined.", + "categories": "mindfulness", + "review_score": 5.5 + }, + { + "Unnamed: 0": 4924, + "book_name": "Brave New World", + "summaries": " presents a futuristic society engineered perfectly around capitalism and scientific efficiency, in which everyone is happy, conform, and content \u2014 but only at first glance.", + "categories": "mindfulness", + "review_score": 1.2 + }, + { + "Unnamed: 0": 4925, + "book_name": "Stolen Focus", + "summaries": "\u00a0explains why our attention spans have been dwindling for decades, how technology accelerates this worrying trend, and what we can do to reclaim our focus and thus our capacity to live meaningful lives.", + "categories": "mindfulness", + "review_score": 9.9 + }, + { + "Unnamed: 0": 4926, + "book_name": "The Daily Laws", + "summaries": "\u00a0is a page-a-day, calendar-style book covering the three big topics of mastery, power, and emotions, sharing Robert Greene\u2019s best lessons from 20 years of research of the dynamics within and between humans.", + "categories": "mindfulness", + "review_score": 9.6 + }, + { + "Unnamed: 0": 4927, + "book_name": "Dopamine Nation", + "summaries": "talks about the importance of living a balanced life in relation to all the pleasure and stimuli we\u2019re surrounded with on a daily basis, such as drugs, devices, porn, gambling facilities, showing us how to avoid becoming dopamine addicts by restricting our access to them.\u00a0", + "categories": "mindfulness", + "review_score": 9.0 + }, + { + "Unnamed: 0": 4928, + "book_name": "The How of Happiness", + "summaries": " describes a scientific approach to being happier by giving you a short quiz to determine your \u201chappiness set point,\u201d followed by various tools and tactics to help you take control of the large chunk of happiness that\u2019s fully within your grasp.", + "categories": "mindfulness", + "review_score": 4.4 + }, + { + "Unnamed: 0": 4929, + "book_name": "The Little Prince", + "summaries": " is a beautiful children\u2019s story full of valuable lessons for adults, recounting the tale of an aviator and a little boy from a distant planet, both stranded in the desert, looking to get home, sharing what they\u2019ve learned about life.", + "categories": "mindfulness", + "review_score": 5.4 + }, + { + "Unnamed: 0": 4930, + "book_name": "The Light We Carry", + "summaries": " is a set of practices to help you stay calm, optimistic, and confident in an unpredictable world, based on Michelle Obama\u2019s life experiences as a woman, mother, lawyer, daughter, leader, and the former First Lady of the United States.", + "categories": "mindfulness", + "review_score": 5.3 + }, + { + "Unnamed: 0": 4931, + "book_name": "Bittersweet", + "summaries": " explains where emotions like sorrow, longing, and sadness come from and what their purpose in our lives is, as well as helping us deal with grief, loss, and our own mortality.", + "categories": "mindfulness", + "review_score": 9.2 + }, + { + "Unnamed: 0": 4932, + "book_name": "Why Has Nobody Told Me This Before?", + "summaries": " is a collection of a clinical psychologist\u2019s best practical advice to combat anxiety and depression and improve our mental health in small increments, collected from over a decade of 1-on-1 work with patients.", + "categories": "mindfulness", + "review_score": 4.8 + }, + { + "Unnamed: 0": 4933, + "book_name": "The Midnight Library", + "summaries": " tells the story of Nora, a depressed woman in her 30s, who, on the day she decides to die, finds herself in a library full of lives she could have lived, where she discovers there\u2019s a lot more to life, even her current one, than she had ever imagined.", + "categories": "mindfulness", + "review_score": 8.1 + }, + { + "Unnamed: 0": 4934, + "book_name": "Brave New World", + "summaries": " presents a futuristic society engineered perfectly around capitalism and scientific efficiency, in which everyone is happy, conform, and content \u2014 but only at first glance.", + "categories": "mindfulness", + "review_score": 5.2 + }, + { + "Unnamed: 0": 4935, + "book_name": "Stolen Focus", + "summaries": "\u00a0explains why our attention spans have been dwindling for decades, how technology accelerates this worrying trend, and what we can do to reclaim our focus and thus our capacity to live meaningful lives.", + "categories": "mindfulness", + "review_score": 8.8 + }, + { + "Unnamed: 0": 4936, + "book_name": "The Daily Laws", + "summaries": "\u00a0is a page-a-day, calendar-style book covering the three big topics of mastery, power, and emotions, sharing Robert Greene\u2019s best lessons from 20 years of research of the dynamics within and between humans.", + "categories": "mindfulness", + "review_score": 9.8 + }, + { + "Unnamed: 0": 4937, + "book_name": "Dopamine Nation", + "summaries": "talks about the importance of living a balanced life in relation to all the pleasure and stimuli we\u2019re surrounded with on a daily basis, such as drugs, devices, porn, gambling facilities, showing us how to avoid becoming dopamine addicts by restricting our access to them.\u00a0", + "categories": "mindfulness", + "review_score": 7.8 + }, + { + "Unnamed: 0": 4938, + "book_name": "The How of Happiness", + "summaries": " describes a scientific approach to being happier by giving you a short quiz to determine your \u201chappiness set point,\u201d followed by various tools and tactics to help you take control of the large chunk of happiness that\u2019s fully within your grasp.", + "categories": "mindfulness", + "review_score": 3.3 + }, + { + "Unnamed: 0": 4939, + "book_name": "No Self No Problem", + "summaries": " is a provocative read about the implications of Buddhism in neuroscience, and more specifically about the idea that the self is only a product of the mind, meaning that there is no \u201cI\u201d.", + "categories": "mindfulness", + "review_score": 1.1 + }, + { + "Unnamed: 0": 4940, + "book_name": "The Greatest Secret", + "summaries": " comes as a sequel to \u201cThe Secret,\u201d which was a worldwide phenomenon when it first came out as it presented the idea that one can change their own life by tapping into the Universe\u2019s powers and asking for their wildest dreams to come true using the law of attraction.", + "categories": "mindfulness", + "review_score": 3.6 + }, + { + "Unnamed: 0": 4941, + "book_name": "Loserthink", + "summaries": " talks about the sabotaging thinking habits that run our minds and paralyze us when it comes to taking charge of life, and how we can overcome them with small, incremental steps that drive powerful change.", + "categories": "mindfulness", + "review_score": 5.6 + }, + { + "Unnamed: 0": 4942, + "book_name": "Siddhartha", + "summaries": " presents the self-discovery expedition of a man during the time of the Buddha who, unsure of what life really means to him, takes an exploratory journey to pursue the highs and lows of life, which ultimately leads him to discover the equilibrium in all things and a higher wisdom within.", + "categories": "mindfulness", + "review_score": 2.1 + }, + { + "Unnamed: 0": 4943, + "book_name": "The Art of Living", + "summaries": " talks about living a peaceful life through meditation and gratitude, especially by using the Vipassana meditation technique and the philosophy behind Buddhism, which promotes developing a clearer vision of life and seeing things as they truly are.", + "categories": "mindfulness", + "review_score": 2.0 + }, + { + "Unnamed: 0": 4944, + "book_name": "One Decision", + "summaries": " explains how flawed decisions occur and how you can avoid them by analyzing data at first, asking for fact-checked opinions, eliminating your biases and prejudice, and many more useful practices derived from psychological research.", + "categories": "mindfulness", + "review_score": 5.7 + }, + { + "Unnamed: 0": 4945, + "book_name": "The Universe Has Your Back", + "summaries": " explores the importance of spiritual elevation, meditation, and ways to live by a mantra that serves you in your self-discovery journey that will shape your reality through new and improved thoughts and inner beliefs.", + "categories": "mindfulness", + "review_score": 2.2 + }, + { + "Unnamed: 0": 4946, + "book_name": "Love Warrior", + "summaries": " delves into the life of Glennon Doyle, a woman who battled with self-destructive behaviors, eating disorders, depression, and many more challenges before finally embracing the life she deserved and started living meaningfully while being true to herself.", + "categories": "mindfulness", + "review_score": 3.0 + }, + { + "Unnamed: 0": 4947, + "book_name": "The Mind Illuminated", + "summaries": " is the definitive guide to meditation and consciousness, as it teaches its readers how meditation works, and how to navigate the ten stages of conscious breathing and intentional practice of mindfulness, all while highlighting why meditation is so crucial in everyone\u2019s lives.", + "categories": "mindfulness", + "review_score": 8.0 + }, + { + "Unnamed: 0": 4948, + "book_name": "The Courage to Be Happy", + "summaries": " offers a hands-on guide to living a meaningful life and letting go of negative thoughts by compiling the groundbreaking theories of psychologist Alfred Adler with other valuable research into an all-in-one book for becoming a happy and fulfilled person.", + "categories": "mindfulness", + "review_score": 2.3 + }, + { + "Unnamed: 0": 4949, + "book_name": "How to Break Up With Your Phone ", + "summaries": "explores a common problem for all of us who are engaging with social media and constant use of phones, namely our addiction to these devices and the internet, and ways to ditch it for good and find meaning in our lives outside of our virtual encounters.", + "categories": "mindfulness", + "review_score": 4.1 + }, + { + "Unnamed: 0": 4950, + "book_name": "Untamed", + "summaries": " is an inspiring memoir of Glennon Doyle, a woman who found peace and inner strength by challenging life in all its areas, from love to parenting, personal growth, and work, after going through a powerful change that led her to discover crucial aspects about herself and allowed her to build a new life.", + "categories": "mindfulness", + "review_score": 3.9 + }, + { + "Unnamed: 0": 4951, + "book_name": "The Slight Edge", + "summaries": " outlines the importance of doing small, little improvements in our everyday life to achieve a successful bigger picture, and how by focusing more on making better day-by-day choices you can shape a remarkable future.", + "categories": "mindfulness", + "review_score": 6.1 + }, + { + "Unnamed: 0": 4952, + "book_name": "Good Vibes, Good Life", + "summaries": " explores ways to unlock your true potential by loving yourself more, practicing self-care, manifesting your wishes, and transforming negative emotions into positive ones using simple tips and tricks for a happy life.", + "categories": "mindfulness", + "review_score": 7.7 + }, + { + "Unnamed: 0": 4953, + "book_name": "What to Say When You Talk to Yourself", + "summaries": " is a book by Shad Helmstetter, a self-help guru who has written several pieces on the subject of self-talk, and who argues that in order to achieve our highest self we need to work on how we talk to ourselves and identify our biggest challenge to conquer.", + "categories": "mindfulness", + "review_score": 6.1 + }, + { + "Unnamed: 0": 4954, + "book_name": "Daily Rituals", + "summaries": " is a compilation of the best practices and habits of successful people from different fields aimed to help anyone increase productivity, get past writer\u2019s block, and become more creative and efficient in their everyday work.", + "categories": "mindfulness", + "review_score": 4.7 + }, + { + "Unnamed: 0": 4955, + "book_name": "Chasing Excellence", + "summaries": " breaks down how world-class athletes achieve the mental strength they need to succeed, highlighting", + "categories": "mindfulness", + "review_score": 5.8 + }, + { + "Unnamed: 0": 4956, + "book_name": "A World Without Email", + "summaries": " presents a utopia where people engage in their usual professional activities without using emails as a means of communication, and explores a new way of working that doesn\u2019t rely on instant messaging, which is known for decreasing productivity at the workplace.", + "categories": "mindfulness", + "review_score": 5.4 + }, + { + "Unnamed: 0": 4957, + "book_name": "The 5 Choices", + "summaries": " teaches us how to reach our highest potential in the workplace and achieve the top level of productivity through a series of tips and tricks and work habits that can change your life right away if you\u2019re willing to give them a try.", + "categories": "mindfulness", + "review_score": 9.0 + }, + { + "Unnamed: 0": 4958, + "book_name": "The 100-Year Life", + "summaries": " teaches you how to be resourceful and prepare ahead of time for a world in which people not only live longer but reach an age in the triple-digits, and talks about what you should be doing right now to ensure you have enough money for retirement.", + "categories": "mindfulness", + "review_score": 5.5 + }, + { + "Unnamed: 0": 4959, + "book_name": "The Daily Stoic", + "summaries": " is a year-long compilation of short, daily meditations from ancient Stoic philosophers like Seneca, Epictetus, Marcus Aurelius, and others, teaching you equanimity, resilience, and perseverance\u00a0", + "categories": "mindfulness", + "review_score": 6.7 + }, + { + "Unnamed: 0": 4960, + "book_name": "That Sounds Fun", + "summaries": " uncovers the secrets of a happy life: mindfulness, love, joy, and a good dose of doing whatever makes us happy as often as we can, starting from simple, day-to-day activities, to much bigger life experiences that speak to our soul.", + "categories": "mindfulness", + "review_score": 8.9 + }, + { + "Unnamed: 0": 4961, + "book_name": "Designing Your Work Life", + "summaries": " is a helpful guidebook for anyone who wants to create and maintain a work environment that is both happy and productive by working with what they already have, rather than keep on changing jobs in hope of finding better.", + "categories": "mindfulness", + "review_score": 7.4 + }, + { + "Unnamed: 0": 4962, + "book_name": "Hug Your Haters", + "summaries": " talks about the importance of acknowledging your haters or dissatisfied customers and valuing their opinion in the process of building better products, improving the existing offerings, and growing your strategies overall.", + "categories": "mindfulness", + "review_score": 1.9 + }, + { + "Unnamed: 0": 4963, + "book_name": "Eats, Shoots & Leaves", + "summaries": " offers a humorous, yet instructive overview of how punctuation rules play a huge part in our writing language and how today\u2019s society has become overly relaxed about using the right punctuations marks, leaving grammar-concerned people like her frustrated.", + "categories": "mindfulness", + "review_score": 1.0 + }, + { + "Unnamed: 0": 4964, + "book_name": "The Year of Magical Thinking", + "summaries": " ", + "categories": "mindfulness", + "review_score": 1.6 + }, + { + "Unnamed: 0": 4965, + "book_name": "Mastermind: How to Think Like Sherlock Holmes", + "summaries": " presents the story of one of the most famous detectives we\u2019ve ever known and his adventures in the world of uncovering mysteries while highlighting the secrets of his powerful mind, psychological tricks, deduction games, and teaching you how to strengthen your cognitive capacity.", + "categories": "mindfulness", + "review_score": 6.3 + }, + { + "Unnamed: 0": 4966, + "book_name": "Managing Oneself", + "summaries": " is a guide to developing a skillful persona and learning more about your strengths, weaknesses, inclinations, and how you collaborate with others, all while making yourself more knowledgeable about how to thrive in your career.", + "categories": "mindfulness", + "review_score": 4.1 + }, + { + "Unnamed: 0": 4967, + "book_name": "Bored and Brilliant", + "summaries": " explores the idea of how just doing nothing, daydreaming and spacing out can improve our cognitive functions, enhance creativity and original thinking overall while also helping us relieve stress.", + "categories": "mindfulness", + "review_score": 2.8 + }, + { + "Unnamed: 0": 4968, + "book_name": "Real Change", + "summaries": " offers a way out of the burdening problems around the world that sometimes weigh on our spirit and make us feel powerless by presenting meditation practices that help us alleviate negative emotions and face these issues with determination and change them for the better.", + "categories": "mindfulness", + "review_score": 3.1 + }, + { + "Unnamed: 0": 4969, + "book_name": "Not Today", + "summaries": " talks about what it really means to be productive and presents nine effective strategies to achieve higher returns on your work input from the perspective of two entrepreneurs who are used to working hard.", + "categories": "mindfulness", + "review_score": 1.9 + }, + { + "Unnamed: 0": 4970, + "book_name": "Elite Minds", + "summaries": " delves into the idea of success and teaches you how to train your mind to tap into its highest potential, adopt a winning mentality, embrace the gifts you\u2019ve been given and improve mental toughness.", + "categories": "mindfulness", + "review_score": 5.1 + }, + { + "Unnamed: 0": 4971, + "book_name": "Intuitive Eating", + "summaries": " explores the philosophy of eating according to your body\u2019s needs and ditching diets, eating trends, and other limiting eating programs in favor of a well-balanced lifestyle built on personal body-related needs.", + "categories": "mindfulness", + "review_score": 3.3 + }, + { + "Unnamed: 0": 4972, + "book_name": "The Art of Possibility", + "summaries": " explores the remarkable effects of an open mentality and being prepared to seize opportunities, allowing a variety of possibilities into your life, and finding solutions to problems by being a hopeful person.", + "categories": "mindfulness", + "review_score": 6.7 + }, + { + "Unnamed: 0": 4973, + "book_name": "The Complete Ketogenic Diet for Beginners", + "summaries": " explores the principles of a ketogenic diet, which implies eating little to no carbs, and introducing multiple sources of fat in your daily meals to boost your metabolism and lose unwanted weight. ", + "categories": "mindfulness", + "review_score": 9.7 + }, + { + "Unnamed: 0": 4974, + "book_name": "Mind Hacking", + "summaries": " is a hands-on guide on how to transform your mind in just 21 days, which is the time required for your brain to form new habits and adapt to changes, and teaches you how to reprogram your brain to follow healthier, better habits, and ditch the self-sabotaging patterns that stand in your way.", + "categories": "mindfulness", + "review_score": 8.3 + }, + { + "Unnamed: 0": 4975, + "book_name": "Surrounded by Idiots", + "summaries": " offers great advice on how to get your point across more effectively, communicate better, and work your way up in your personal and professional life by getting to know the four types of personalities people generally have and how to address each one in particular to kickstart a beneficial dialogue, instead of engaging in a conflict.", + "categories": "mindfulness", + "review_score": 4.5 + }, + { + "Unnamed: 0": 4976, + "book_name": "Everyday Zen", + "summaries": " explains the philosophy of a meaningful life and teaches you how to reinvent yourself by accepting the grand wisdom and energy of the universe and learning to sit still, have more compassion, love more, and find beauty in your life.", + "categories": "mindfulness", + "review_score": 7.6 + }, + { + "Unnamed: 0": 4977, + "book_name": "Words That Work", + "summaries": " outlines the importance of using the right words and the appropriate body language in a given situation to make yourself understood properly and get the most out of the dialogue, while also teaching you some tips-and-tricks on how to win arguments, tame conflicts, and get your point across using a wise selection of words.", + "categories": "mindfulness", + "review_score": 6.9 + }, + { + "Unnamed: 0": 4978, + "book_name": "Your Erroneous Zones", + "summaries": " offers a hands-on guide on how to escape negative thinking, falling into your own self-destructive patterns, take charge of your thoughts and implicitly, your emotions, and how to build a better version of yourself starting with putting yourself first and not caring about what others may think.", + "categories": "mindfulness", + "review_score": 2.2 + }, + { + "Unnamed: 0": 4979, + "book_name": "Indistractable", + "summaries": " how our modern gadgets and technology distract us from work and cause real concentration issues, impacting our performance and even the quality of our lives, and how we can address the root cause of the problem to solve it. ", + "categories": "mindfulness", + "review_score": 6.2 + }, + { + "Unnamed: 0": 4980, + "book_name": "Keep Going", + "summaries": " teaches us how to persist in creative work when our brain wants to take a million different paths, showing us how to harness our brain power in moments of innovation as well as tediousness.", + "categories": "mindfulness", + "review_score": 5.3 + }, + { + "Unnamed: 0": 4981, + "book_name": "Fat For Fuel", + "summaries": " explores the \u201c", + "categories": "mindfulness", + "review_score": 5.7 + }, + { + "Unnamed: 0": 4982, + "book_name": "Chatter", + "summaries": " will help you make sense of the inner mind chatter that frequently takes over your mind, showing you how to quiet negative thoughts, stop overthinking, feel less anxious, and develop useful practices to consistently alleviate negative emotions.", + "categories": "mindfulness", + "review_score": 7.3 + }, + { + "Unnamed: 0": 4983, + "book_name": "The Mountain Is You", + "summaries": " is a self-discovery book that aims to help its readers tap into their own power and discover their potential by overcoming trauma, life\u2019s challenges, and working on their emotional damages, all through accepting change, envisioning a prosperous future, and stopping the self-sabotage.", + "categories": "mindfulness", + "review_score": 3.3 + }, + { + "Unnamed: 0": 4984, + "book_name": "Wintering", + "summaries": " highlights the similarities between the cold season of the year and the period of hardship in a human life, by emphasizing how everything eventually passes in time, and how we can learn to embrace challenging times by learning from wolves, from the cold, and how our ancestors dealt with the winter.", + "categories": "mindfulness", + "review_score": 5.9 + }, + { + "Unnamed: 0": 4985, + "book_name": "The Shallows", + "summaries": " explores the effects of the Internet on the human brain, which aren\u2019t entirely positive, as our constant exposure to the online environment through digital devices strips our ability to target our focus and stay concentrated, all while modifying our brain neurologically and anatomically. ", + "categories": "mindfulness", + "review_score": 6.1 + }, + { + "Unnamed: 0": 4986, + "book_name": "The Comfort Crisis", + "summaries": " addresses contemporary people who live a stressful life and talks about being comfortable with discomfort and reclaiming a happy, healthy mindset by implementing a few odd, but highly effective practices in their daily lives.", + "categories": "mindfulness", + "review_score": 9.0 + }, + { + "Unnamed: 0": 4987, + "book_name": "Discourses", + "summaries": " is a transcription of Epictetus\u2019s lectures which aim to address a series of life ethics and tales that can help us make sense of certain things happening to us, such as hardship, challenges, and life events that ultimately lead to a stronger character.", + "categories": "mindfulness", + "review_score": 1.5 + }, + { + "Unnamed: 0": 4988, + "book_name": "The Almanack of Naval Ravikant", + "summaries": " compiles the valuable lessons of Naval Ravikant, who teaches people how to build wealth and achieve long-term happiness by working on a few essential skills, all while discovering the secrets of living a good life.", + "categories": "mindfulness", + "review_score": 1.6 + }, + { + "Unnamed: 0": 4989, + "book_name": "Four Thousand Weeks", + "summaries": " explores the popularized concept of time management from a different point of view, by tapping into ancient knowledge from famous philosophers, researchers, and spiritual figures, rather than promoting the contemporary idea of high-level productivity and constant self-optimization.", + "categories": "mindfulness", + "review_score": 5.9 + }, + { + "Unnamed: 0": 4990, + "book_name": "The Nicomachean Ethics", + "summaries": "\u00a0is a historically important text compiling Aristotle\u2019s extensive discussion of existential questions concerning happiness, ethics, friendship, knowledge, pleasure, virtue, and even society at large.", + "categories": "mindfulness", + "review_score": 2.3 + }, + { + "Unnamed: 0": 4991, + "book_name": "I Hear You", + "summaries": " explores the idea of becoming a better listener, engaging in productive conversations and avoiding building up frustrations by taking charge of your communication patterns and improving them in your further dialogues.", + "categories": "mindfulness", + "review_score": 9.2 + }, + { + "Unnamed: 0": 4992, + "book_name": "Effortless", + "summaries": " takes the idea of productivity to another level by explaining how doing the most with a minimum input of effort and time is a much more desired outcome than the idea of being constantly busy that is glamorized nowadays.", + "categories": "mindfulness", + "review_score": 1.4 + }, + { + "Unnamed: 0": 4993, + "book_name": "Happy Together", + "summaries": " is written by two of the world\u2019s most renowned psychologists, and it explores the concept of love and relationships by teaching its readers how to build and maintain happy, flourishing connections and how to optimize their couple life by focusing on the good and healthily dealing with the bad.", + "categories": "mindfulness", + "review_score": 5.5 + }, + { + "Unnamed: 0": 4994, + "book_name": "The Practice of Groundedness", + "summaries": " provides a more grounded way of living by eliminating the cult of being productive all the time to achieve success, instead offering a way to be at peace with yourself, prioritizing mental health and a simple yet meaningful life. ", + "categories": "mindfulness", + "review_score": 3.2 + }, + { + "Unnamed: 0": 4995, + "book_name": "Make It Stick", + "summaries": " explores ways to memorize faster and make learning easier, all while debunking myths and common misconceptions about learning being difficult and attributed to those who have highly native cognitive skills, with the help of researchers who\u2019ve studied the science of memory their entire life.", + "categories": "mindfulness", + "review_score": 4.7 + }, + { + "Unnamed: 0": 4996, + "book_name": "AI 2041", + "summaries": " explores the concept of artificial intelligence and delves into some thought-provoking ideas about AI taking over the world in the next twenty years, from our day-to-day lives to our jobs, becoming a worldwide used tool that will shake the world as we know it from the ground up.", + "categories": "mindfulness", + "review_score": 4.8 + }, + { + "Unnamed: 0": 4997, + "book_name": "Atlas of the Heart", + "summaries": " maps out a series of human emotions and their meaning and explores the psychology behind a human\u2019s feelings and how they make up our lives and change our behaviors, and how to build meaningful connections by learning how to deal with them.", + "categories": "mindfulness", + "review_score": 3.5 + }, + { + "Unnamed: 0": 4998, + "book_name": "The High 5 Habit", + "summaries": " is a self-improvement book that aims to help anyone who deals with self-limitations take charge of their life by establishing a morning routine, ditching negative talk, and transforming their life through positivity and confidence.", + "categories": "mindfulness", + "review_score": 3.5 + }, + { + "Unnamed: 0": 4999, + "book_name": "10-Minute Toughness", + "summaries": " is a hands-on guide to becoming the best version of yourself and achieving success through consistent good practices such as eating right, forming meaningful relationships, committing to your goals publicly, visualizing your achievements, and many others.", + "categories": "mindfulness", + "review_score": 5.0 + }, + { + "Unnamed: 0": 5000, + "book_name": "Don Quixote", + "summaries": " is a classic novel from 1605 which portraits the life and insightful journey of Don Quixote de la Mancha, a Spanish man who seems to be losing his mind on his quest to become a knight and restore chivalry alongside with a farmer named Sancho Panza, with whom he fights multiple imaginary enemies and faces a series of fantastic challenges.", + "categories": "mindfulness", + "review_score": 1.2 + }, + { + "Unnamed: 0": 5001, + "book_name": "Why Zebras Don\u2019t Get Ulcers", + "summaries": " explores the leading causes of stress and how to keep it under control, as well as the biological science behind stress, which can be a catalyst for performance in the short term, but a potential threat in the long run.", + "categories": "mindfulness", + "review_score": 6.7 + }, + { + "Unnamed: 0": 5002, + "book_name": "Toward a Psychology of Being", + "summaries": "\u00a0encompasses the extended research of Abraham Maslow on the human condition, how people view their wants and needs, the process of psychological growth and how achieving a sense of fulfillment is possible by understanding your perspective on needs and the way your mind works.", + "categories": "mindfulness", + "review_score": 8.1 + }, + { + "Unnamed: 0": 5003, + "book_name": "Trust Yourself", + "summaries": " offers career and wellbeing advice from a sensitive striver\u2019s point of view, a introvert-leaning character type that comes with plenty of positive traits but is also prone to burnout, giving practical tips on breaking free from stress and perfectionism for a healthier, more balanced life.", + "categories": "mindfulness", + "review_score": 1.3 + }, + { + "Unnamed: 0": 5004, + "book_name": "Unbeatable Mind", + "summaries": " explores the idea that everyone has a higher self-potential lying underneath that they ought to explore and tap into in order to live their life to the fullest and maximize their happiness and success, all possible through the 20X rule.", + "categories": "mindfulness", + "review_score": 3.6 + }, + { + "Unnamed: 0": 5005, + "book_name": "Love Worth Making", + "summaries": " delves into the subject of sexuality and explores ways to create meaningful and exciting sexual experiences in a long-lasting relationship, based on his experience of over thirty years working with couples, all by focusing on the sexual feelings instead of the techniques.", + "categories": "mindfulness", + "review_score": 2.7 + }, + { + "Unnamed: 0": 5006, + "book_name": "The Great Mental Models", + "summaries": " will improve your decision-making process by sharing some unique but well-documented thinking models you can use to interact more efficiently with the world and other people.", + "categories": "mindfulness", + "review_score": 7.5 + }, + { + "Unnamed: 0": 5007, + "book_name": "The Motivation Manifesto", + "summaries": " explores how we can find purpose and meaningfulness in our lives by discovering our inner motivators and overcoming our fears, tapping into our inner power and living life fully and freely.", + "categories": "mindfulness", + "review_score": 6.3 + }, + { + "Unnamed: 0": 5008, + "book_name": "No More Mr. Nice Guy", + "summaries": " explores ways to eliminate the \u201cNice Guy Syndrome\u201d, which implies being a man that avoids conflicts at all costs and prefers to show only his nice side to the world, even when it affects him negatively by damaging his personality and preventing him from achieving his goals in life.", + "categories": "mindfulness", + "review_score": 4.1 + }, + { + "Unnamed: 0": 5009, + "book_name": "The Alter Ego Effect", + "summaries": " offers a practical approach on how to construct and benefit from alter egos, or the little heroes inside you, so as to achieve your desired goals and build a successful life with the help of a few key role models that you can borrow some attributes from or even impersonate in times of need.", + "categories": "mindfulness", + "review_score": 9.2 + }, + { + "Unnamed: 0": 5010, + "book_name": "How to Think More Effectively", + "summaries": " delves into the subject of thinking mechanisms and cognitive processes, and explores how you can think more efficiently and draw better insights from the world around you by adopting a few key practices, such as filtering your thoughts or prioritizing work. ", + "categories": "mindfulness", + "review_score": 2.0 + }, + { + "Unnamed: 0": 5011, + "book_name": "Real Help", + "summaries": " offers a hands-on approach to improving your life and achieving unconventional success through a happy, fulfilled, ordinary life, rather than fighting the broken system until you\u2019ve got millions in the bank and out-of-the-ordinary achievements.", + "categories": "mindfulness", + "review_score": 3.5 + }, + { + "Unnamed: 0": 5012, + "book_name": "The Comfort Book", + "summaries": " explores how depression feels like and its effects on our mind and body, and how we can overcome it by taking small, but significant steps in that direction, starting with finding hope, being more present at the moment, and acknowledging that we\u2019re enough.", + "categories": "mindfulness", + "review_score": 3.5 + }, + { + "Unnamed: 0": 5013, + "book_name": "The Self-Discipline Blueprint", + "summaries": " delves into the subject of self-actualization and why it is crucial for humans to achieve a fulfilled and successful life by creating a routine and becoming focused, self-disciplined and hard-working.", + "categories": "mindfulness", + "review_score": 1.3 + }, + { + "Unnamed: 0": 5014, + "book_name": "Do What Matters Most", + "summaries": " outlines the importance of time management in anyone\u2019s life and explores highly efficient methods to set goals for short-term and long-term intervals, as well as how to achieve them by being more productive and learning how to prioritize.", + "categories": "mindfulness", + "review_score": 7.7 + }, + { + "Unnamed: 0": 5015, + "book_name": "The Little Book of Talent", + "summaries": " explores the concept of talents, skills and capabilities, and offers a multitude of effective tips and tricks on how to acquire hard skills using methods tested by top performers worldwide.", + "categories": "mindfulness", + "review_score": 7.8 + }, + { + "Unnamed: 0": 5016, + "book_name": "Fail Fast Fail Often", + "summaries": " outlines the importance of accepting failure as a natural part of our life, and how by embracing it instead of fearing it can improve the way we evolve, grow, learn and respond to new experiences and people.", + "categories": "mindfulness", + "review_score": 6.5 + }, + { + "Unnamed: 0": 5017, + "book_name": "U Thrive", + "summaries": " explores the topic of college life and offers practical advice on how to diminish stress and anxiety from exams, deadlines, unfitting roommates, while thriving in the campus, academic life, and creating meaningful experiences.", + "categories": "mindfulness", + "review_score": 9.7 + }, + { + "Unnamed: 0": 5018, + "book_name": "The Joy of Missing Out", + "summaries": " explores today\u2019s idea of productivity and common misconceptions about what it means to be productive, as well as how eliminating unnecessary stress by prioritizing effectively can help us live a better life.", + "categories": "mindfulness", + "review_score": 3.3 + }, + { + "Unnamed: 0": 5019, + "book_name": "Unfu*k Yourself", + "summaries": " offers practical advice on how to get out of your self-destructive thoughts and take charge of your life by learning how to control them and motivate yourself to take more responsibility for your life than you ever have before.", + "categories": "mindfulness", + "review_score": 6.0 + }, + { + "Unnamed: 0": 5020, + "book_name": "Stealing Fire", + "summaries": " examines how a state of ecstasy can enhance the body-brain connection and allow humans to achieve excellent performance by accelerating their neural processes.", + "categories": "mindfulness", + "review_score": 9.5 + }, + { + "Unnamed: 0": 5021, + "book_name": "Radical Honesty", + "summaries": " looks into the concept of lying and how we can train ourselves to avoid doing it as only through morality we can live an honest life, although our natural inclination to lie can sometimes push us to alter the truth.", + "categories": "mindfulness", + "review_score": 5.9 + }, + { + "Unnamed: 0": 5022, + "book_name": "Thrivers", + "summaries": " explores the perspective of a child born in today\u2019s fast-paced, digital era and how the average minor is being educated towards higher-than-usual achievements, being mature, responsible and successful, instead of being happy and focused on their own definition of success.", + "categories": "mindfulness", + "review_score": 9.8 + }, + { + "Unnamed: 0": 5023, + "book_name": "Safe People", + "summaries": " focuses on the importance of recognizing the types of people, distinguishing between the safe and unsafe ones, avoiding toxic relationships, and establishing meaningful ones by reading people and trusting God.", + "categories": "mindfulness", + "review_score": 1.1 + }, + { + "Unnamed: 0": 5024, + "book_name": "Be Where Your Feet Are", + "summaries": " explores the enlightening life lessons that one of America\u2019s top-tier sports personalities has to give, from being present in the moment and living in a meaningful way, to achieving a more fulfilling and successful life.", + "categories": "mindfulness", + "review_score": 9.2 + }, + { + "Unnamed: 0": 5025, + "book_name": "The Leader In You", + "summaries": " explores how the world leaders managed to achieve performance in their lives by creating meaningful connections and reaching a higher level of productivity through a positive, proactive mindset.", + "categories": "mindfulness", + "review_score": 2.0 + }, + { + "Unnamed: 0": 5026, + "book_name": "The Last Lecture", + "summaries": "\u00a0is a college professor\u2019s final message to the world before his impending death of cancer at a relatively young age, offering meaningful life advice, significant words of wisdom, and a great deal of optimism and hope for humanity.", + "categories": "mindfulness", + "review_score": 1.3 + }, + { + "Unnamed: 0": 5027, + "book_name": "Work Less Finish More", + "summaries": " is a hands-on guide to adopting a more focused frame of mind and developing habits that will enhance your productivity levels, give you a sense of accomplishment and put you in the right direction in order to achieve your objectives.", + "categories": "mindfulness", + "review_score": 6.8 + }, + { + "Unnamed: 0": 5028, + "book_name": "How To Do The Work", + "summaries": " is a go-to guide that teaches us how to establish a mind-body-spirit connection and create better connections with the people around us by exploring how these aspects are interconnected and influenced by the way we eat, think, and feel.", + "categories": "mindfulness", + "review_score": 6.0 + }, + { + "Unnamed: 0": 5029, + "book_name": "The Power of Focus", + "summaries": " offers its readers a focus-based approach that they can use to achieve their financial and personal goals through practical exercises and habits that they can implement into their daily lives to actively shape their future.", + "categories": "mindfulness", + "review_score": 3.8 + }, + { + "Unnamed: 0": 5030, + "book_name": "The Case Against Sugar", + "summaries": " advocates against the use of sugar in the food industry and offers a critical look at how this harmful substance took over the world under the eyes of our highest institutions, who are very well aware of its toxicity but choose to remain silent.", + "categories": "mindfulness", + "review_score": 7.0 + }, + { + "Unnamed: 0": 5031, + "book_name": "The Hidden Habits of Genius", + "summaries": " looks at how geniuses separate themselves from the rest by having in common a distinctive set of characteristics and habits that form a unique way of thinking and cultivating brilliance. ", + "categories": "mindfulness", + "review_score": 2.1 + }, + { + "Unnamed: 0": 5032, + "book_name": "The Burnout Fix", + "summaries": " delivers practical advice on how to thrive in the dynamic working environment we revolve around every day by setting healthy boundaries, keeping a work-life balance, and prioritizing our well-being.", + "categories": "mindfulness", + "review_score": 2.1 + }, + { + "Unnamed: 0": 5033, + "book_name": "Collaborative Intelligence", + "summaries": " helps you enhance your unique thinking traits and develop an individualized form of intelligence based on what works best for you, what your strengths are, and how you communicate with others.", + "categories": "mindfulness", + "review_score": 6.9 + }, + { + "Unnamed: 0": 5035, + "book_name": "Forest Bathing", + "summaries": " explores the Japanese tradition of shinrin-yoku, a kind of forest therapy based on immersion in nature, and the various health and wellbeing benefits we can derive from it to live better, calmer lives.", + "categories": "mindfulness", + "review_score": 8.1 + }, + { + "Unnamed: 0": 5039, + "book_name": "Bounce Back", + "summaries": " is a book by Susan Kahn, a business coach who will teach you the psychology of resilience from the perspectives of Greek philosophy, Sigmund Freud, and modern neuroscience, so you can recover quickly from professional blunders of all kinds by changing your thinking.", + "categories": "mindfulness", + "review_score": 6.4 + }, + { + "Unnamed: 0": 5040, + "book_name": "Goals!", + "summaries": " By Brian Tracy shows you how to unleash the power of goal setting to help you get or become whatever you want, identifying ways to set goals that lead you to success by being specific, challenging yourself, thinking positively, preparing, adjusting your timelines on big goals, and more.", + "categories": "mindfulness", + "review_score": 8.6 + }, + { + "Unnamed: 0": 5041, + "book_name": "Now, Discover Your Strengths", + "summaries": " shows you how to find your top five strengths by outlining what strengths are, how you get them, why they\u2019re important to reaching your full potential, and how to discover your own through analyzing the times when your behavior is the most natural or instinctive and why.", + "categories": "mindfulness", + "review_score": 6.1 + }, + { + "Unnamed: 0": 5042, + "book_name": "The Kindness Method", + "summaries": " by Shahroo Izadi teaches how self-compassion and understanding make forming habits easier than being hard on yourself, using the personal experiences of the author and what she\u2019s learned as an addiction recovery therapist to show how self-esteem is the true key to behavior change.", + "categories": "mindfulness", + "review_score": 5.6 + }, + { + "Unnamed: 0": 5043, + "book_name": "Soundtracks", + "summaries": " teaches you how to beat overthinking by challenging whether your thoughts are true, retiring unhelpful and unkind ideas, adopting thought-boosting mantras from others, using symbols to reinforce positive thoughts, and more.", + "categories": "mindfulness", + "review_score": 1.5 + }, + { + "Unnamed: 0": 5044, + "book_name": "75 Hard", + "summaries": " is a fitness challenge and book that teaches mental toughness by making you commit to five daily critical tasks for 75 days straight, including drinking a gallon of water, reading 10 pages of a non-fiction book, doing two 45-minute workouts, taking a progress picture, and following a diet.", + "categories": "mindfulness", + "review_score": 9.6 + }, + { + "Unnamed: 0": 5045, + "book_name": "How To Fail", + "summaries": " shows the surprising benefits of going through a difficult time through the experiences of the author, Elizabeth Day, including the failures in her life that she\u2019s grateful for and how they\u2019ve helped her grow, uncovering why we shouldn\u2019t be so afraid of failure but instead embrace it.", + "categories": "mindfulness", + "review_score": 3.4 + }, + { + "Unnamed: 0": 5046, + "book_name": "How To Change", + "summaries": "\u00a0identifies the stumbling blocks that are in your way of reaching your goals and improving yourself and the research-backed ways to get over them, including how to beat some of the worst productivity and life problems like procrastination, laziness, and much more.", + "categories": "mindfulness", + "review_score": 9.1 + }, + { + "Unnamed: 0": 5047, + "book_name": "The Art of Stopping Time", + "summaries": " teaches a framework of mindfulness, philosophy, and time-management you can use to achieve Time Prosperity, which is having plenty of time to reach your dreams without overwhelm, tumult, or constriction.", + "categories": "mindfulness", + "review_score": 5.3 + }, + { + "Unnamed: 0": 5048, + "book_name": "What Are You Doing With Your Life?", + "summaries": " turns traditional ideas about happiness and the purpose of life on its head by diving into the details of life\u2019s most important questions, all so you can live with intention and joy more consistently.", + "categories": "mindfulness", + "review_score": 8.0 + }, + { + "Unnamed: 0": 5049, + "book_name": "The Way of Integrity", + "summaries": " uses science, spirituality, humor, and Dante\u2019s Divine Comedy to teach you how to find well-being, healing, a sense of purpose, and much more by rediscovering integrity, or the recently lost art of living true to yourself by what you do, think and say.", + "categories": "mindfulness", + "review_score": 4.5 + }, + { + "Unnamed: 0": 5050, + "book_name": "Journey of Awakening", + "summaries": " explains the basics of meditation using ideas from multiple spiritual sources, including how to avoid the mental traps that make it difficult so you can practice frequently and make mindfulness, and the many benefits that come with it, part of your daily life.", + "categories": "mindfulness", + "review_score": 5.2 + }, + { + "Unnamed: 0": 5051, + "book_name": "Feel Great Lose Weight", + "summaries": " goes beyond fad diets and quick fixes for weight problems and instead dives into the science of how your body really works when you put food into it and how you can use this information to be fitter and feel better.", + "categories": "mindfulness", + "review_score": 4.0 + }, + { + "Unnamed: 0": 5052, + "book_name": "Born To Win", + "summaries": " explores how planning and preparation is the only way to win in life and shows you how to use these tools in combination with a vision, goals, and thinking positively to become a winner in all aspects of life.", + "categories": "mindfulness", + "review_score": 3.0 + }, + { + "Unnamed: 0": 5053, + "book_name": "The Hero Code", + "summaries": " identifies the traits of real-life heroes through inspiring stories of bravery and determination, many taken directly from the author\u2019s experience as a four-star Navy admiral.", + "categories": "mindfulness", + "review_score": 6.3 + }, + { + "Unnamed: 0": 5054, + "book_name": "Boundaries", + "summaries": " explains, with the help of modern psychology and Christian ideals, how to improve your mental health and personal growth by establishing guidelines for self-care that include saying no more often and standing firm in your decisions rather than letting people walk all over you.", + "categories": "mindfulness", + "review_score": 7.3 + }, + { + "Unnamed: 0": 5055, + "book_name": "Do Nothing", + "summaries": " explores the idea that our focus on being productive all the time is making us less effective because of how little rest we get, identifying how the consequences of overworking ourselves, and the benefits of taking time off, make a compelling argument that we should spend more time doing nothing.", + "categories": "mindfulness", + "review_score": 6.8 + }, + { + "Unnamed: 0": 5056, + "book_name": "The Bullet Journal Method", + "summaries": " introduces a unique system for organizing you can use t", + "categories": "mindfulness", + "review_score": 4.3 + }, + { + "Unnamed: 0": 5057, + "book_name": "The Data Detective", + "summaries": " will make you smarter by showing how you can understand statistics well enough to see how they, and the beliefs and cognitive biases they can make you have, make such a huge impact in your life, for better or for worse, and how to separate fact from fiction.", + "categories": "mindfulness", + "review_score": 4.3 + }, + { + "Unnamed: 0": 5058, + "book_name": "What Happened to You?", + "summaries": " is Oprah\u2019s look into trauma, including how traumatic experiences affect our brains throughout our lives, what they mean about the way we handle stress, and why we need to see it as both a problem with our society and our brains if we want to get through it.", + "categories": "mindfulness", + "review_score": 4.8 + }, + { + "Unnamed: 0": 5059, + "book_name": "Intimacy And Desire", + "summaries": " uses case studies of couples in therapy to show how partners can turn their normal sexual struggles and issues with sexual desire into a journey of personal, spiritual, and psychological growth that leads to a stronger bond and deeper, healthier desires for each other.", + "categories": "mindfulness", + "review_score": 1.7 + }, + { + "Unnamed: 0": 5060, + "book_name": "Open", + "summaries": " is the autobiography of world-famous tennis player Andre Agassi in which he details his struggles and successes on the way to self-awareness and balance while he was also trying to handle the constant pressures and difficulties that came from being one of the best tennis players in the world.", + "categories": "mindfulness", + "review_score": 9.7 + }, + { + "Unnamed: 0": 5061, + "book_name": "Beyond Order", + "summaries": " is the follow-up to Jordan Peterson\u2019s bestselling book 12 Rules for Life and identifies another 12 rules to live by that help us live with and even embrace the chaos that we struggle with every day, identifying that too much order can be a problem just as much as too much disorder.", + "categories": "mindfulness", + "review_score": 9.4 + }, + { + "Unnamed: 0": 5062, + "book_name": "Hyperfocus", + "summaries": " teaches you how to become more efficient and improve your concentration by deciding on one thing to work on, focusing only on that task, learning to understand when your mind has wandered and redirecting your attention back to your work, and thinking creatively when you\u2019re not working.", + "categories": "mindfulness", + "review_score": 2.8 + }, + { + "Unnamed: 0": 5063, + "book_name": "Ten Arguments For Deleting Your Social Media Accounts Right Now", + "summaries": " shows why you should quit social media because it stops joy, makes you a jerk, erodes truth, kills empathy, takes free will, keeps the world insane, destroys authenticity, blocks economic dignity, makes politics a mess, and hates you.", + "categories": "mindfulness", + "review_score": 6.8 + }, + { + "Unnamed: 0": 5064, + "book_name": "The Drama Of The Gifted Child", + "summaries": " is an international bestseller that will help you unearth your sad, suppressed memories from childhood that still haunt you today and teach you how to confront them so you can avoid passing them on to your children, release yourself from the pains of your past, and finally be free to live a life of fulfillment.", + "categories": "mindfulness", + "review_score": 8.5 + }, + { + "Unnamed: 0": 5065, + "book_name": "Four Hundred Souls", + "summaries": "\u00a0tells the history of African Americans from the perspective of 90 authors who share insights on 400 years of conflict, oppression, and faith that with all the hard work of those fighting for equality, things would get better someday.", + "categories": "mindfulness", + "review_score": 6.3 + }, + { + "Unnamed: 0": 5066, + "book_name": "The Gift Of Fear", + "summaries": " is a guide to understanding how your fear and instincts about other people can protect you by showing you how to recognize and understand the warning signs that criminals and violent people exhibit before they strike.", + "categories": "mindfulness", + "review_score": 2.7 + }, + { + "Unnamed: 0": 5067, + "book_name": "Think Again", + "summaries": " will make you more intelligent, persuasive, and self-aware by identifying the power of being humble about what you don\u2019t know, how to recognize blind spots in your thinking before they start causing you problems, and what you can do to become more effective at convincing others of your way of thinking.", + "categories": "mindfulness", + "review_score": 4.8 + }, + { + "Unnamed: 0": 5068, + "book_name": "Forgiving What You Can\u2019t Forget", + "summaries": " teaches you how to heal from past traumas that still haunt you today by going through the lessons that author Lysa TerKeurst learned from childhood abuse and an unfaithful spouse, which have helped her find peace even in tough situations by forgiving those who have wronged her.", + "categories": "mindfulness", + "review_score": 7.1 + }, + { + "Unnamed: 0": 5069, + "book_name": "Caste", + "summaries": " unveils the hidden cultural and societal rules of our class system, including where it comes from, why it\u2019s so deeply entrenched in society, and how we can dismantle it forever and finally allow all people to have the equality they deserve.\u00a0", + "categories": "mindfulness", + "review_score": 3.9 + }, + { + "Unnamed: 0": 5070, + "book_name": "Raising A Secure Child", + "summaries": " teaches new parents how to feel confident that they can meet their child\u2019s needs without making them too attached by outlining the experience that Hoffman, Cooper, and Powell have in helping parents form healthy attachments with their kids in ways that help them avoid becoming too hard on themselves and their children.", + "categories": "mindfulness", + "review_score": 9.4 + }, + { + "Unnamed: 0": 5071, + "book_name": "The Grand Design", + "summaries": " explains the history of mankind from a scientific perspective, including how we came into existence and started to use science to explain the world and ourselves with laws like Newton\u2019s and Einstein\u2019s and more recent theories like quantum physics.", + "categories": "mindfulness", + "review_score": 5.7 + }, + { + "Unnamed: 0": 5072, + "book_name": "Unlearn", + "summaries": " will show you how to win even in changing circumstances by revealing why the patterns you used for past successes won\u2019t always work and how to adopt a learning attitude to stop them from holding you back.", + "categories": "mindfulness", + "review_score": 2.4 + }, + { + "Unnamed: 0": 5073, + "book_name": "My Morning Routine", + "summaries": " is the ultimate guide to building healthy habits in the hours right after you wake up with tips backed up by the experiences of some of the most successful people in the world, including Ryan Holiday, Chris Guillebeau, Nir Eyal, and many more.", + "categories": "mindfulness", + "review_score": 8.5 + }, + { + "Unnamed: 0": 5074, + "book_name": "Under Pressure", + "summaries": " uncovers the hidden anxieties and stresses that school-aged girls experience and what parents, educators, and all of us can do to help them break through it and succeed.", + "categories": "mindfulness", + "review_score": 1.0 + }, + { + "Unnamed: 0": 5075, + "book_name": "Mindful Work", + "summaries": " is your guide to understanding how the practice of meditation got its roots in Western society, the many ways it radically improves your brain\u2019s ability to do almost everything, and how it will improve your productivity.", + "categories": "mindfulness", + "review_score": 2.5 + }, + { + "Unnamed: 0": 5076, + "book_name": "Phantoms In The Brain", + "summaries": " will make you smarter about your own mind by sharing what scientists have learned from some of the most interesting experiences of patients with neurological disorders.", + "categories": "mindfulness", + "review_score": 9.9 + }, + { + "Unnamed: 0": 5077, + "book_name": "Pivot", + "summaries": " will give you the confidence you need to change careers by showing you how to prepare by examining your strengths, working with the right people, testing ideas, and creating opportunities.", + "categories": "mindfulness", + "review_score": 4.0 + }, + { + "Unnamed: 0": 5078, + "book_name": "The Charge", + "summaries": " shows you how to unlock the baseline and forward human drives within you that will help you get energized, grounded, and working so that you can have the life of happiness and fulfillment you\u2019ve always wanted.", + "categories": "mindfulness", + "review_score": 8.2 + }, + { + "Unnamed: 0": 5079, + "book_name": "Thoughts Without A Thinker", + "summaries": " helps you get more peace, overcome mental illness, and ease suffering by outlining the principles of Buddhism, mindfulness, and meditation as they relate to psychoanalysis.", + "categories": "mindfulness", + "review_score": 6.2 + }, + { + "Unnamed: 0": 5080, + "book_name": "Breath", + "summaries": " is a fascinating and helpful guide to understanding the science of breathing, including how doing it slowly and through your nose is best for your lungs and body, and the many proven mental and physical benefits of being more mindful of how you inhale and exhale.", + "categories": "mindfulness", + "review_score": 2.1 + }, + { + "Unnamed: 0": 5081, + "book_name": "Get Out Of Your Head", + "summaries": " shows you how to break the pattern of negative thinking so you can consistently entertain healthier and happier thoughts by teaching simple tips like being alone, connecting with others, and reconnecting with God.", + "categories": "mindfulness", + "review_score": 9.2 + }, + { + "Unnamed: 0": 5082, + "book_name": "Getting COMFY", + "summaries": " will show you how to improve each day of your life by identifying why you need to begin the right way and giving a step-by-step framework to make it happen.", + "categories": "mindfulness", + "review_score": 5.3 + }, + { + "Unnamed: 0": 5083, + "book_name": "When The Body Says No", + "summaries": " will help you become healthier by teaching you the truth behind the mind-body connection, revealing how your mental state does in fact affect your physical condition and how you can improve both.", + "categories": "mindfulness", + "review_score": 5.1 + }, + { + "Unnamed: 0": 5084, + "book_name": "How To Love", + "summaries": " teaches the secrets of caring for and connecting with yourself, your partner, and everyone in the world by looking at love through the lens of mindfulness.", + "categories": "mindfulness", + "review_score": 2.6 + }, + { + "Unnamed: 0": 5085, + "book_name": "Brain Wash", + "summaries": " will show you how to have a more peaceful, contented life by revealing what\u2019s wrong with all of the bad habits that society accepts as normal, how they affect our brains, and the 10-day program you can follow to fix it.", + "categories": "mindfulness", + "review_score": 5.1 + }, + { + "Unnamed: 0": 5086, + "book_name": "Unplug", + "summaries": " is your guide to utilizing meditation to enhance your brain, deal with stress, and become happier, explaining the basics of this practice, how to get started with it, and what science has to teach about its many benefits.", + "categories": "mindfulness", + "review_score": 2.0 + }, + { + "Unnamed: 0": 5087, + "book_name": "Ego Friendly", + "summaries": " brings a twist to the mainstream spiritual narrative by showing you how to befriend your ego and treat it as your ally, instead of \u201cletting go of it.\u201d", + "categories": "mindfulness", + "review_score": 2.5 + }, + { + "Unnamed: 0": 5088, + "book_name": "Eat Sleep Work Repeat", + "summaries": " identifies why so many workplaces are unnecessarily stressful, how it makes employees unhappy and businesses less profitable, and what we all need to do to fix this growing problem.", + "categories": "mindfulness", + "review_score": 5.6 + }, + { + "Unnamed: 0": 5089, + "book_name": "The Art Of Communicating", + "summaries": " will improve your interpersonal and relationship skills by identifying the power of using mindfulness when talking with others, showing you how to listen with respect, convey your ideas efficiently, and most of all deepen your connections with others.", + "categories": "mindfulness", + "review_score": 8.6 + }, + { + "Unnamed: 0": 5090, + "book_name": "Start Where You Are", + "summaries": " helps you discover the power of meditation and compassion by going beyond what incense to buy and giving you real and powerful advice on how to make these tools part of your daily life so you can live with greater happiness and peace.", + "categories": "mindfulness", + "review_score": 6.9 + }, + { + "Unnamed: 0": 5091, + "book_name": "Living Forward", + "summaries": " shows you how to finally get direction, purpose, and fulfillment by identifying why you need a Life Plan, how to write one, and the amazing life you can have if you implement it.", + "categories": "mindfulness", + "review_score": 7.0 + }, + { + "Unnamed: 0": 5092, + "book_name": "Emotional Intelligence 2.0", + "summaries": " explains what Emotional Intelligence is and how you can use it to build fantastic relationships in your personal life and career by utilizing the powers of self-awareness, self-management, social awareness, and relationship management.", + "categories": "mindfulness", + "review_score": 9.4 + }, + { + "Unnamed: 0": 5093, + "book_name": "The Happiness Trap", + "summaries": " offers an easy-to-follow, practical guide to implementing Acceptances and Commitment Therapy (ACT), an effective method for loosening the grip of negative emotions so you can follow your values in life. ", + "categories": "mindfulness", + "review_score": 9.7 + }, + { + "Unnamed: 0": 5094, + "book_name": "Mind Over Clutter", + "summaries": " helps you take steps to improve your mental health, physical health, and the environment by showing you why having too much junk is so bad for you and outlining how to get rid of it all.", + "categories": "mindfulness", + "review_score": 9.4 + }, + { + "Unnamed: 0": 5095, + "book_name": "Reasons To Stay Alive", + "summaries": " shows you the dangers and difficulties surrounding mental illness, uncovers the stigma around it, and identifies how to recover from it by sharing the story of Matt Haig\u2019s recovery after an awful panic attack and subsequent battle with depression and anxiety.", + "categories": "mindfulness", + "review_score": 3.0 + }, + { + "Unnamed: 0": 5096, + "book_name": "Metahuman", + "summaries": " shows you how to tap into your unlimited potential by discovering a higher level of awareness surrounding the limits of your everyday reality.", + "categories": "mindfulness", + "review_score": 7.7 + }, + { + "Unnamed: 0": 5097, + "book_name": "Happier", + "summaries": " will improve your mental state and level of success by identifying what you get wrong about joy and how to discover what\u2019s most important to you and how to make those things a more significant part of your life.", + "categories": "mindfulness", + "review_score": 3.4 + }, + { + "Unnamed: 0": 5098, + "book_name": "The Power Of Bad", + "summaries": " gives some excellent tips on how to become happier by identifying your tendency toward negativity and what psychology and research have to show you about how to beat it.", + "categories": "mindfulness", + "review_score": 4.4 + }, + { + "Unnamed: 0": 5099, + "book_name": "Who Will Cry When You Die?", + "summaries": " helps you leave a lasting legacy of greatness after you\u2019re gone by giving specific tips on how to become the best version of yourself and the kind that makes others grateful for all of your contributions to their lives and the world.", + "categories": "mindfulness", + "review_score": 1.3 + }, + { + "Unnamed: 0": 5100, + "book_name": "The Way Of Zen", + "summaries": " is the ultimate guide to understanding the history, principles, and benefits of Zen and how it can help us experience mental stillness and enjoy life even in uncertain times.", + "categories": "mindfulness", + "review_score": 4.3 + }, + { + "Unnamed: 0": 5101, + "book_name": "A Monk\u2019s Guide To Happiness", + "summaries": " will help you find more joy in life by identifying the mental pitfalls you fall into that make it so hard to have and how to shatter the shackles of suffering to finally find inner peace.", + "categories": "mindfulness", + "review_score": 5.7 + }, + { + "Unnamed: 0": 5102, + "book_name": "Resisting Happiness", + "summaries": " shows you how to get more joy in your life by exploring the roadblocks you unknowingly put in the way of it, explaining why it\u2019s a choice, and giving specific tips to help you make the decision to be content.", + "categories": "mindfulness", + "review_score": 5.5 + }, + { + "Unnamed: 0": 5103, + "book_name": "When Things Fall Apart", + "summaries": " gives you the confidence to make it through life\u2019s inevitable setbacks by sharing ideas and strategies like mindfulness to grow your resilience and come out on top.", + "categories": "mindfulness", + "review_score": 5.5 + }, + { + "Unnamed: 0": 5104, + "book_name": "Willpower Doesn\u2019t Work", + "summaries": " shows you how to change your life in a more efficient way than relying on sheer grit alone by identifying the importance of your environment and other factors that affect your productivity so you can become your best self.", + "categories": "mindfulness", + "review_score": 1.2 + }, + { + "Unnamed: 0": 5105, + "book_name": "Joy At Work", + "summaries": " takes Marie Kondo\u2019s famous tidying-up tips and applies it to your job to help you be happier in the physical areas, digital spaces, and uses of your time in the office.", + "categories": "mindfulness", + "review_score": 8.4 + }, + { + "Unnamed: 0": 5106, + "book_name": "How To Do Nothing", + "summaries": " makes you more productive and helps you have more peace by identifying the problems with our current 24/7 work culture, where it came from, and how pausing to reflect helps you overcome it.", + "categories": "mindfulness", + "review_score": 6.0 + }, + { + "Unnamed: 0": 5107, + "book_name": "The Unexpected Joy Of Being Sober", + "summaries": " will help you have a happier and healthier life by persuasively revealing the many disadvantages of alcohol and the benefits of going without it permanently. ", + "categories": "mindfulness", + "review_score": 4.4 + }, + { + "Unnamed: 0": 5108, + "book_name": "Status Anxiety", + "summaries": " identifies the ways that your desire to be seen as someone successful makes you mentally unhealthy and also shows ways that you can combat the disease of trying to climb the never-ending social ladder.", + "categories": "mindfulness", + "review_score": 4.2 + }, + { + "Unnamed: 0": 5109, + "book_name": "Personality Isn\u2019t Permanent", + "summaries": " will shatter your long-held beliefs that you\u2019re stuck as yourself, flaws and all, by identifying why the person you are is changeable and giving you specific and actionable steps to change.", + "categories": "mindfulness", + "review_score": 8.3 + }, + { + "Unnamed: 0": 5110, + "book_name": "Design Your Future", + "summaries": " motivates you to get out of your limiting beliefs and fears that are holding you back from building a life you love by identifying why you got stuck in a career or job you hate and what steps you must take to finally live your dreams.", + "categories": "mindfulness", + "review_score": 1.3 + }, + { + "Unnamed: 0": 5111, + "book_name": " Outer Order, Inner Calm", + "summaries": " gives you advice to declutter your space and keep it orderly, to foster your inner peace and allow you to flourish.", + "categories": "mindfulness", + "review_score": 8.6 + }, + { + "Unnamed: 0": 5112, + "book_name": "Self-Compassion", + "summaries": " teaches you the art of being kind to yourself by identifying what causes you to beat yourself up, how it affects your life negatively, and what you can do to relate to yourself in healthier and more compassionate ways.", + "categories": "mindfulness", + "review_score": 8.7 + }, + { + "Unnamed: 0": 5113, + "book_name": "Comfortably Unaware", + "summaries": " is a well-researched compendium on how our food choices and animal agriculture impact the well-being of the whole planet.", + "categories": "mindfulness", + "review_score": 6.8 + }, + { + "Unnamed: 0": 5114, + "book_name": "The Advice Trap", + "summaries": "\u00a0will drastically improve your communication skills and make you more likable, thanks to explaining why defaulting to sharing your opinion about everything is a bad idea and how listening until you truly understand people\u2019s needs will make a much bigger positive difference in their lives.", + "categories": "mindfulness", + "review_score": 2.6 + }, + { + "Unnamed: 0": 5115, + "book_name": "The Book You Wish Your Parents Had Read", + "summaries": " will help you step back and focus more on the big picture of parenting to foster a strong relationship with your child so they can grow up emotionally and mentally healthy.", + "categories": "mindfulness", + "review_score": 6.0 + }, + { + "Unnamed: 0": 5116, + "book_name": "Insight", + "summaries": " will help you understand what self-awareness is, why it\u2019s vital if you want to become your best self, and how to overcome the obstacles in the way of having more of it.", + "categories": "mindfulness", + "review_score": 6.8 + }, + { + "Unnamed: 0": 5117, + "book_name": "Affluenza", + "summaries": " asserts that the reason we are so unhappy is because of our obsession with consumption and the sickness that it brings upon ourselves and the world around us as well.", + "categories": "mindfulness", + "review_score": 7.8 + }, + { + "Unnamed: 0": 5118, + "book_name": "Braiding Sweetgrass", + "summaries": " offers some great ways for all of us to take better care of and be more grateful for our planet by explaining the way that Native Americans view and take care of it.", + "categories": "mindfulness", + "review_score": 8.4 + }, + { + "Unnamed: 0": 5119, + "book_name": "The Ruthless Elimination Of Hurry", + "summaries": " will teach you how to slow down, relax, and live a simpler life to become happier and improve your wellbeing.", + "categories": "mindfulness", + "review_score": 7.5 + }, + { + "Unnamed: 0": 5120, + "book_name": "The Path Made Clear", + "summaries": " contains Oprah Winfrey\u2019s tips for how to discover your real purpose so you can live a life of success and significance.", + "categories": "mindfulness", + "review_score": 8.8 + }, + { + "Unnamed: 0": 5121, + "book_name": "Measure What Matters", + "summaries": " teaches you how to implement tracking systems into your company and life that will help you record your progress, stay accountable, and make reaching your goals almost inevitable.", + "categories": "mindfulness", + "review_score": 7.8 + }, + { + "Unnamed: 0": 5122, + "book_name": "The Worry-Free Mind", + "summaries": " helps free you of the shackles of all types of anxieties by identifying where they come from and what steps you need to take to regain control of your thinking patterns and become mentally healthy again.", + "categories": "mindfulness", + "review_score": 3.2 + }, + { + "Unnamed: 0": 5123, + "book_name": "Do What You Are", + "summaries": " will help you discover your personality type and how it can lead you to a more satisfying career that corresponds to your talents and interests.", + "categories": "mindfulness", + "review_score": 7.0 + }, + { + "Unnamed: 0": 5124, + "book_name": "Great Thinkers", + "summaries": " shows how much of what\u2019s truly important in life can be solved by the wisdom left behind by brilliant minds from long past.\u00a0", + "categories": "mindfulness", + "review_score": 6.1 + }, + { + "Unnamed: 0": 5125, + "book_name": "Brain Rules", + "summaries": " teaches you how to become more productive at work and life by giving proven facts about how your mind works better with good sleep, exercise, and learning with all the senses.", + "categories": "mindfulness", + "review_score": 9.4 + }, + { + "Unnamed: 0": 5126, + "book_name": "Broadcasting Happiness", + "summaries": " is an encouraging resource that will help you boost your health and happiness in your relationships, work, and community by showing you how to unlock the power of positive words and stories.", + "categories": "mindfulness", + "review_score": 9.7 + }, + { + "Unnamed: 0": 5127, + "book_name": "The Body Keeps The Score", + "summaries": " teaches you how to get through the difficulties that arise from your traumatic past by revealing the psychology behind them and revealing some of the techniques therapists use to help victims recover.", + "categories": "mindfulness", + "review_score": 4.1 + }, + { + "Unnamed: 0": 5128, + "book_name": "How Not To Worry", + "summaries": " will teach you how to live stress-free by revealing your brain\u2019s primitive emotional survival instinct and providing a simple and effective roadmap for letting go of your anxieties.\u00a0\n", + "categories": "mindfulness", + "review_score": 8.3 + }, + { + "Unnamed: 0": 5129, + "book_name": "How To Change Your Mind", + "summaries": " reveals new evidence on psychedelics, confirming their power to cure mental illness, ease depression and addiction, and help people die more peacefully.\u00a0 ", + "categories": "mindfulness", + "review_score": 3.1 + }, + { + "Unnamed: 0": 5130, + "book_name": "A Beginner\u2019s Guide To The End", + "summaries": " is your guide to using the principles of stillness, cleaning, and grief to prepare for your own or a loved one\u2019s death.", + "categories": "mindfulness", + "review_score": 7.3 + }, + { + "Unnamed: 0": 5131, + "book_name": "Stillness Is The Key", + "summaries": " will show you how to harness the power of slowing down your body and mind for less distractions, better self-control, and, above all, a happier and more peaceful life.", + "categories": "mindfulness", + "review_score": 2.4 + }, + { + "Unnamed: 0": 5132, + "book_name": "The Little Book of Lykke", + "summaries": " gives Danish-derived and science-backed tips that will help you be happier.", + "categories": "mindfulness", + "review_score": 1.4 + }, + { + "Unnamed: 0": 5133, + "book_name": "Radical Acceptance", + "summaries": " teaches how you can become more content and happy in your life by applying the principles of meditation and Buddhism. ", + "categories": "mindfulness", + "review_score": 5.5 + }, + { + "Unnamed: 0": 5134, + "book_name": "The Next Right Thing", + "summaries": " is your guide for making wise, thoughtful, and intentional decisions simply by looking for the single best action to take at the moment.", + "categories": "mindfulness", + "review_score": 3.9 + }, + { + "Unnamed: 0": 5135, + "book_name": "7 Strategies For Wealth And Happiness", + "summaries": " is the ultimate guide to improving your wealth through self-discipline, action, and a positive attitude toward work, money, and the people around you.", + "categories": "mindfulness", + "review_score": 9.6 + }, + { + "Unnamed: 0": 5136, + "book_name": "A Whole New Mind", + "summaries": " is your guide to standing out in the competitive workplace by taking advantage of the big-picture skills of the right side of your brain.", + "categories": "mindfulness", + "review_score": 4.7 + }, + { + "Unnamed: 0": 5137, + "book_name": "Irresistible", + "summaries": " reveals how alarmingly stuck to our devices we are, shows the negative consequences of technology addiction, and gives tips for a healthier relationship with the digital world.\n", + "categories": "mindfulness", + "review_score": 2.8 + }, + { + "Unnamed: 0": 5138, + "book_name": "A Return To Love", + "summaries": " will help you let go of resentment, fear, and anger to have happier and healthier jobs and relationships by teaching you how to embrace the power of love.", + "categories": "mindfulness", + "review_score": 4.4 + }, + { + "Unnamed: 0": 5139, + "book_name": "Time And How To Spend It", + "summaries": " is your guide to becoming more productive by not focusing on working extra hours but instead using the time off more effectively.", + "categories": "mindfulness", + "review_score": 8.5 + }, + { + "Unnamed: 0": 5140, + "book_name": "Feral", + "summaries": " will help you find ways to improve the well-being of humanity by illustrating the deep connection between us and Nature and offering actionable advice on how to preserve balance in our ecosystems through rewilding.", + "categories": "mindfulness", + "review_score": 5.5 + }, + { + "Unnamed: 0": 5141, + "book_name": "Bullshit Jobs", + "summaries": " asserts that roughly two out of every five people are stuck in work that is bereft of purpose, and these workers could suffer psychological damage as a result. ", + "categories": "mindfulness", + "review_score": 3.1 + }, + { + "Unnamed: 0": 5142, + "book_name": "Big Potential", + "summaries": " will show you that the real secret to success and thriving in all aspects of life is developing strong connections with others and treating them in a way that lifts them up.", + "categories": "mindfulness", + "review_score": 7.5 + }, + { + "Unnamed: 0": 5143, + "book_name": "Super Brain", + "summaries": " explores the idea that through increased self-awareness and conscious intention we can teach our brain to perform at a higher level than we thought possible.", + "categories": "mindfulness", + "review_score": 1.8 + }, + { + "Unnamed: 0": 5144, + "book_name": "The Miracle of Mindfulness", + "summaries": " teaches the ancient Buddhist practice of mindfulness and how living in the present will make you happier.", + "categories": "mindfulness", + "review_score": 5.9 + }, + { + "Unnamed: 0": 5145, + "book_name": "Exploring The World Of Lucid Dreaming", + "summaries": " is a practical guide to dreaming consciously which uncovers an invaluable channel of communication between your conscious and unconscious mind.", + "categories": "mindfulness", + "review_score": 3.7 + }, + { + "Unnamed: 0": 5146, + "book_name": "The Varieties Of Religious Experience", + "summaries": " will show you that spirituality isn\u2019t limited to church and that you too can benefit from trying a variety of religious practices, even if you identify with no religion in particular.", + "categories": "mindfulness", + "review_score": 3.4 + }, + { + "Unnamed: 0": 5147, + "book_name": "When Bad Things Happen To Good People", + "summaries": " explains why even the best of people sometimes suffer from adversity, and how we can turn our pain into something meaningful instead of lamenting it.", + "categories": "mindfulness", + "review_score": 1.3 + }, + { + "Unnamed: 0": 5148, + "book_name": "The Art of Thinking Clearly", + "summaries": " is a full compendium of the psychological biases that once helped us survive but now only hinder us from living our best life.", + "categories": "mindfulness", + "review_score": 2.5 + }, + { + "Unnamed: 0": 5149, + "book_name": "The Organized Mind", + "summaries": " will show you how to adapt your mind to our modern information culture so\u00a0 you can work efficiently without feeling exhausted.", + "categories": "mindfulness", + "review_score": 5.6 + }, + { + "Unnamed: 0": 5150, + "book_name": "The Secret Life of Pronouns", + "summaries": " is a collection of research and case studies explaining what our use of pronouns, articles, and other style words can reveal about ourselves.", + "categories": "mindfulness", + "review_score": 2.7 + }, + { + "Unnamed: 0": 5151, + "book_name": "QBQ!", + "summaries": " will teach you to ask better questions and stay accountable and why doing so will change every aspect of your life for the better.", + "categories": "mindfulness", + "review_score": 4.7 + }, + { + "Unnamed: 0": 5152, + "book_name": "The Road to Character", + "summaries": " explains why today\u2019s ever-increasing obsession with the self is eclipsing moral virtues and our ability to build character, and how that gets in the way of our happiness.", + "categories": "mindfulness", + "review_score": 1.9 + }, + { + "Unnamed: 0": 5153, + "book_name": "Social Intelligence", + "summaries": " is a complete guide to the neuroscience of relationships, explaining how your social interactions shape you and how you can use these effects to your advantage.", + "categories": "mindfulness", + "review_score": 2.0 + }, + { + "Unnamed: 0": 5154, + "book_name": "The Brain That Changes Itself", + "summaries": " explores the groundbreaking research in neuroplasticity and shares fascinating stories of people who can use the brain\u2019s ability to adapt and be cured of ailments previously incurable. ", + "categories": "mindfulness", + "review_score": 4.4 + }, + { + "Unnamed: 0": 5155, + "book_name": "Psycho-Cybernetics", + "summaries": " explains how thinking of the human mind as a machine can help improve your self-image, which will dramatically increase your success and happiness.", + "categories": "mindfulness", + "review_score": 8.5 + }, + { + "Unnamed: 0": 5156, + "book_name": "Altered Traits", + "summaries": " explores the science behind meditation techniques and the way they benefit and alter our mind and body.", + "categories": "mindfulness", + "review_score": 9.7 + }, + { + "Unnamed: 0": 5157, + "book_name": "Behave", + "summaries": " sets out to explain the reason behind human behavior, good or bad, by exploring the influences of brain chemistry and our environment.", + "categories": "mindfulness", + "review_score": 5.2 + }, + { + "Unnamed: 0": 5158, + "book_name": "The Tao Te Ching", + "summaries": " is a collection of 81 short, poignant chapters full of advice on living in harmony with \u201cthe Tao,\u201d translated as \u201cthe Way,\u201d an ancient Chinese interpretation of the spiritual force underpinning all life, first written around 400 BC but relevant to this day.", + "categories": "mindfulness", + "review_score": 7.8 + }, + { + "Unnamed: 0": 5159, + "book_name": "Girl, Wash Your Face", + "summaries": " inspires women to take their lives into their own hands and make their dreams happen, no matter how discouraged they may feel at the moment.", + "categories": "mindfulness", + "review_score": 6.3 + }, + { + "Unnamed: 0": 5160, + "book_name": "Inner Engineering", + "summaries": " is a guide to creating a life of happiness by exploring your internal landscape of thoughts and feelings and learning to align them with what the universe tells you.", + "categories": "mindfulness", + "review_score": 3.5 + }, + { + "Unnamed: 0": 5161, + "book_name": "Search Inside Yourself", + "summaries": " adapts the ancient ethos of \u201cknowing thyself\u201d to the realities of a modern, fast-paced workplace by introducing mindfulness exercises to enhance emotional intelligence.", + "categories": "mindfulness", + "review_score": 6.4 + }, + { + "Unnamed: 0": 5162, + "book_name": " The Book ", + "summaries": "is a spiritual exploration\u00a0of\u00a0true human nature and our place in the universe that\u00a0challenges wide-spread\u00a0but often\u00a0misled beliefs.", + "categories": "mindfulness", + "review_score": 4.7 + }, + { + "Unnamed: 0": 5163, + "book_name": "Aware", + "summaries": " is a comprehensive overview of the far-reaching benefits of meditation, rooted in both science and practice, enriched with actionable advice on how to practice mindfulness. ", + "categories": "mindfulness", + "review_score": 2.1 + }, + { + "Unnamed: 0": 5164, + "book_name": "Digital Minimalism", + "summaries": "\u00a0shows us where to draw the line with technology, how to properly take time off our digital devices, and why doing so is the key to living a happy, focused life in a noisy world.", + "categories": "mindfulness", + "review_score": 4.6 + }, + { + "Unnamed: 0": 5165, + "book_name": "The Happy Mind", + "summaries": " shows you what science and experience teach about how to become happier by assuming responsibility for your own well-being.", + "categories": "mindfulness", + "review_score": 8.8 + }, + { + "Unnamed: 0": 5166, + "book_name": "Everything Is F*cked", + "summaries": " explains what\u2019s wrong with our approach towards happiness and gives philosophical suggestions that help us make our lives worth living.", + "categories": "mindfulness", + "review_score": 5.4 + }, + { + "Unnamed: 0": 5167, + "book_name": "The Tao of Physics", + "summaries": " questions many biases about Western science and Eastern spirituality, showing the close connections between the principles of physics and those of Buddhism, Hinduism, and Taoism", + "categories": "mindfulness", + "review_score": 6.3 + }, + { + "Unnamed: 0": 5168, + "book_name": "My Stroke Of Insight", + "summaries": "\u00a0teaches you how to calm yourself anytime by simply tuning into the inherent peacefulness of the right side of the brain.", + "categories": "mindfulness", + "review_score": 9.4 + }, + { + "Unnamed: 0": 5169, + "book_name": "The Presence Process", + "summaries": " is an actionable 10-week program to become more present and consciously respond to situations based on breathing practice, insightful text, and observing your day-to-day experience.", + "categories": "mindfulness", + "review_score": 2.3 + }, + { + "Unnamed: 0": 5170, + "book_name": "The More Of Less", + "summaries": " teaches you how to declutter your time, mental capacities, and spaces to give more attention to the people and experiences that matter most.", + "categories": "mindfulness", + "review_score": 1.7 + }, + { + "Unnamed: 0": 5171, + "book_name": "The Courage To Be Disliked", + "summaries": " is a Japanese analysis of the work of 19th-century psychologist Alfred Adler, who established that happiness lies in the hands of each human individual and does not depend on past traumas.", + "categories": "mindfulness", + "review_score": 3.0 + }, + { + "Unnamed: 0": 5172, + "book_name": "The Energy Bus", + "summaries": " is a fable that will help you create positive energy with ten simple rules and make it the center of your life, work, and relationships.", + "categories": "mindfulness", + "review_score": 8.4 + }, + { + "Unnamed: 0": 5173, + "book_name": "Atomic Habits", + "summaries": " is the definitive guide to breaking bad behaviors and adopting good ones in four steps, showing you how small, incremental, everyday routines compound into massive, positive change over time.", + "categories": "mindfulness", + "review_score": 2.1 + }, + { + "Unnamed: 0": 5174, + "book_name": "Outwitting The Devil", + "summaries": " is an imagined interview between Napoleon Hill and the Devil himself, in which he wrings certain truths from the root of evil, which will help us avoid his grasp and live a good life.", + "categories": "mindfulness", + "review_score": 6.0 + }, + { + "Unnamed: 0": 5175, + "book_name": "The Inner Game Of Tennis", + "summaries": " is about the mental state required to deliver peak performance and how you can cultivate that state in sports, work, and life.", + "categories": "mindfulness", + "review_score": 1.9 + }, + { + "Unnamed: 0": 5176, + "book_name": "The Power Of Your Subconscious Mind", + "summaries": " is a spiritual self-help classic, which teaches you how to use visualization and other suggestion techniques to adapt your unconscious behavior in positive ways.", + "categories": "mindfulness", + "review_score": 6.1 + }, + { + "Unnamed: 0": 5177, + "book_name": "Minimalism", + "summaries": " is an instructive introduction to the philosophy of less and how it helped two guys who had achieved the American dream let go of their possessions and the depressions that came with them.", + "categories": "mindfulness", + "review_score": 7.5 + }, + { + "Unnamed: 0": 5178, + "book_name": "Letters From A Stoic", + "summaries": " is a collection of moral epistles famous Roman Stoic and philosopher Seneca", + "categories": "mindfulness", + "review_score": 2.2 + }, + { + "Unnamed: 0": 5179, + "book_name": "The Wisdom Of Life", + "summaries": " is an essay from Arthur Schopenhauer\u2019s last published work, which breaks down happiness into three parts and explains how we can achieve it.", + "categories": "mindfulness", + "review_score": 3.4 + }, + { + "Unnamed: 0": 5180, + "book_name": "The Secret", + "summaries": " is a self-help book by Rhonda Byrne that explains how the law of attraction, which states that positive energy attracts positive things into your life, governs your thinking and actions, and how you can use the power of positive thinking to achieve anything you can imagine.", + "categories": "mindfulness", + "review_score": 1.7 + }, + { + "Unnamed: 0": 5181, + "book_name": "The Book Of Joy", + "summaries": " is the result of a 7-day meeting between the Dalai Lama and Desmond Tutu, two of the world\u2019s most influential spiritual leaders, during which they discussed one of life\u2019s most important questions: how do we find joy despite suffering?", + "categories": "mindfulness", + "review_score": 9.8 + }, + { + "Unnamed: 0": 5182, + "book_name": "Principles", + "summaries": " holds the set of rules for work and life billionaire investor and CEO of the most successful fund in history, Ray Dalio, has acquired through his 40-year career in finance.", + "categories": "mindfulness", + "review_score": 3.0 + }, + { + "Unnamed: 0": 5183, + "book_name": "The 5 Second Rule", + "summaries": " is a simple tool that undercuts most of the psychological weapons your brain employs to keep you from taking action, which will allow you to procrastinate less, live happier and reach your goals.", + "categories": "mindfulness", + "review_score": 9.5 + }, + { + "Unnamed: 0": 5184, + "book_name": "The Subtle Art Of Not Giving A F*ck", + "summaries": " does away with the positive psychology craze to instead give you a Stoic, no-BS approach to living a life that might not always be happy, but meaningful and centered only around what\u2019s important to you.", + "categories": "mindfulness", + "review_score": 1.8 + }, + { + "Unnamed: 0": 5185, + "book_name": "The Myth Of Multitasking", + "summaries": " explains why doing everything at once is neither efficient, nor even possible, and gives you practical steps for more focus in the workplace.", + "categories": "mindfulness", + "review_score": 7.7 + }, + { + "Unnamed: 0": 5186, + "book_name": "I Thought It Was Just Me (But It Isn\u2019t)", + "summaries": " helps you understand and better manage the complicated and painful feeling of shame.", + "categories": "mindfulness", + "review_score": 6.2 + }, + { + "Unnamed: 0": 5187, + "book_name": "The Monk Who Sold His Ferrari", + "summaries": " is a self-help classic telling the story of fictional lawyer Julian Mantle, who sold his mansion and Ferrari to study the seven virtues of the Sages of Sivana in the Himalayan mountains.", + "categories": "mindfulness", + "review_score": 7.8 + }, + { + "Unnamed: 0": 5188, + "book_name": "The Four Agreements", + "summaries": " draws on the long tradition of the Toltecs, an ancient, indigenous people of Mexico, to show you that we have been domesticated from childhood, how these internal, guiding rules hurt us and what we can do to break and replace them with a new set of agreements with ourselves.", + "categories": "mindfulness", + "review_score": 7.3 + }, + { + "Unnamed: 0": 5189, + "book_name": "If You\u2019re So Smart, Why Aren\u2019t You Happy", + "summaries": " walks you through the seven deadly sins of unhappiness, which will show you how small the correlation between success and happiness truly is and help you avoid chasing the wrong things in your short time here on earth.", + "categories": "mindfulness", + "review_score": 1.5 + }, + { + "Unnamed: 0": 5190, + "book_name": "The Little Book Of Hygge", + "summaries": " is about the hard-to-describe, yet powerful Danish attitude towards life, which consistently\u00a0ranks Denmark among\u00a0the happiest countries in the world and how you can cultivate it for yourself.", + "categories": "mindfulness", + "review_score": 2.4 + }, + { + "Unnamed: 0": 5191, + "book_name": "Long-Term Thinking For A Short-Sighted World", + "summaries": " explains why we rarely think about the long-term consequences of our actions, how this puts our entire species in danger and what we can do to change and ensure a thriving future for mankind.", + "categories": "mindfulness", + "review_score": 8.7 + }, + { + "Unnamed: 0": 5192, + "book_name": "The Life-Changing Magic Of Not Giving A F*ck", + "summaries": " is a funny, practical guide to mental decluttering, giving you actionable tips to stop caring about things that don\u2019t really matter to you, without feeling ashamed or guilty.", + "categories": "mindfulness", + "review_score": 7.9 + }, + { + "Unnamed: 0": 5193, + "book_name": "Trying Not To Try", + "summaries": " explores ancient, Chinese philosophy to break down the art of being spontaneous, which will help you unite your mind and body, reach a state of flow, and breeze through life like a leaf in a river.", + "categories": "mindfulness", + "review_score": 3.8 + }, + { + "Unnamed: 0": 5194, + "book_name": "At Home", + "summaries": " takes you on a tour of the modern home, using each room as occasion to reminisce about the history of its tradition, thus enlightening you with how the amenities and comforts of everyday life you now take for granted have come to be.", + "categories": "mindfulness", + "review_score": 2.9 + }, + { + "Unnamed: 0": 5195, + "book_name": "Peak", + "summaries": " accumulates everything the pioneer researcher on deliberate practice has learned about expert performance through decades of exploration and analysis of what separates those, who are average, from those, who are world-class at what they do.", + "categories": "mindfulness", + "review_score": 4.6 + }, + { + "Unnamed: 0": 5196, + "book_name": "Ego Is The Enemy", + "summaries": " reveals why a tendency that\u2019s hardwired into our brains \u2014 the belief that the world revolves around us and us alone \u2014 keeps holding us back from living the very life it dreams up for us, including what we can do to overcome our ego, be kinder to others and ourselves, and achieve true greatness.", + "categories": "mindfulness", + "review_score": 3.6 + }, + { + "Unnamed: 0": 5197, + "book_name": "Simple Rules", + "summaries": " shows you how to navigate our incredibly complex world by learning the structure of and coming up with your own set of easy, clear-cut rules to follow for the most various situations in life.", + "categories": "mindfulness", + "review_score": 5.2 + }, + { + "Unnamed: 0": 5198, + "book_name": "The Seven Spiritual Laws Of Success", + "summaries": " brings together the spiritual calmness and mindful behavior of Eastern religions with Western striving for achieving internal and external success, showing you seven specific ways to let both come to you.", + "categories": "mindfulness", + "review_score": 6.2 + }, + { + "Unnamed: 0": 5199, + "book_name": "The Untethered Soul", + "summaries": " describes how you can untie your self from your ego, harness your inner energy, expand beyond yourself and float through the river of life instead of blocking or fighting it.", + "categories": "mindfulness", + "review_score": 4.3 + }, + { + "Unnamed: 0": 5200, + "book_name": "The Gifts Of Imperfection", + "summaries": " shows you how to embrace your inner flaws to accept who you are, instead of constantly chasing the image of who you\u2019re trying to be, because other people expect you to act in certain ways.", + "categories": "mindfulness", + "review_score": 4.0 + }, + { + "Unnamed: 0": 5201, + "book_name": "How Will You Measure Your Life", + "summaries": " shows you how to sustain motivation at work and in life to spend your time on earth happily and fulfilled, by focusing not just on money and your career, but your family, relationships and personal well-being.", + "categories": "mindfulness", + "review_score": 5.8 + }, + { + "Unnamed: 0": 5202, + "book_name": "Mind Gym", + "summaries": " explains why the performance of world-class athletes isn\u2019t only\u00a0a result of their physical training, but just as much due to their mentally fit minds and shows you how you can cultivate the mindset of a top performer yourself.", + "categories": "mindfulness", + "review_score": 2.0 + }, + { + "Unnamed: 0": 5203, + "book_name": "Finding Your Element", + "summaries": " shows you how to find your talents and passions, embrace them, and come up with your own definition of happiness, so you can combine what you love with what you\u2019re good at to live a long, happy life.", + "categories": "mindfulness", + "review_score": 1.4 + }, + { + "Unnamed: 0": 5204, + "book_name": "The Wisdom Of Insecurity", + "summaries": " is a self-help classic that breaks down our psychological need for stability and explains how it\u2019s led us right into consumerism, why that won\u2019t solve our problem and how we can really calm our anxiety.", + "categories": "mindfulness", + "review_score": 8.6 + }, + { + "Unnamed: 0": 5205, + "book_name": "Mindsight", + "summaries": " offers a new way of transforming your life for the better by connecting emotional awareness with the right reactions in your body, based on the work of a renowned pyschologist\u00a0and his patients.", + "categories": "mindfulness", + "review_score": 2.7 + }, + { + "Unnamed: 0": 5206, + "book_name": "A Force For Good", + "summaries": " is a universal call to turn our\u00a0compassion outward and use it to improve ourselves and the world around us in science, religion, social issues, business and education.", + "categories": "mindfulness", + "review_score": 6.8 + }, + { + "Unnamed: 0": 5207, + "book_name": "How To Stop Worrying And Start Living", + "summaries": " is a self-help classic which addresses one of the leading causes of physical illness, worry, by showing you simple and actionable techniques to eliminate it from your life.", + "categories": "mindfulness", + "review_score": 5.0 + }, + { + "Unnamed: 0": 5208, + "book_name": "A Guide To The Good Life", + "summaries": "\u00a0is a roadmap for aspiring Stoics, revealing why this ancient philosophy is useful today, what Stoicism is truly about, and showing you how to cultivate its powerful principles in your own life.", + "categories": "mindfulness", + "review_score": 2.2 + }, + { + "Unnamed: 0": 5209, + "book_name": "Rising Strong", + "summaries": " describes a 3-phase process of bouncing back from failure, which you can implement both in your own life and as a team or company, in order to embrace setbacks as part of life, deal with your emotions, confront your own ideas and rise stronger every time.", + "categories": "mindfulness", + "review_score": 4.0 + }, + { + "Unnamed: 0": 5210, + "book_name": "The Code Of The Extraordinary Mind", + "summaries": " gives you a 10-step framework for success, based on the lives of the world\u2019s most successful people, who the author has spent 200+ hours interviewing.", + "categories": "mindfulness", + "review_score": 5.8 + }, + { + "Unnamed: 0": 5211, + "book_name": "Think Like A Freak teaches you how to reject conventional wisdom as often as possible, ask the right questions about everything and come up with your own, statistically validated answers, instead of relying on other peoples\u2019 opinions or common sense", + "summaries": ".", + "categories": "mindfulness", + "review_score": 7.6 + }, + { + "Unnamed: 0": 5212, + "book_name": "Daring Greatly", + "summaries": " is a book about having the courage to be vulnerable in a world where everyone wants to appear strong, confident and like they know what they\u2019re doing.", + "categories": "mindfulness", + "review_score": 6.3 + }, + { + "Unnamed: 0": 5213, + "book_name": "Meditations On First Philosophy", + "summaries": "\u00a0is one of the premier works of Western philosophy, written by\u00a0Ren\u00e9 Descartes in 1641, prompting us to abandon everything that can possibly be doubted and then starting to reason our way forward based only on what we can know with absolute certainty.", + "categories": "mindfulness", + "review_score": 5.6 + }, + { + "Unnamed: 0": 5214, + "book_name": "A New Earth", + "summaries": " outlines a crazy and destructive place we call home, but not without showing us that we can all save it together, by looking into our minds and detaching ourselves from our ego, so we can practice acceptance and enjoyment.", + "categories": "mindfulness", + "review_score": 4.5 + }, + { + "Unnamed: 0": 5215, + "book_name": "Wherever You Go, There You Are", + "summaries": " explains what mindfulness is and why it\u2019s not reserved for Zen practitioners and Buddhist monks, giving you simple ways to practice it in everyday life, both formally and informally, while helping you avoid the obstacles on your way to a more aware self.", + "categories": "mindfulness", + "review_score": 5.3 + }, + { + "Unnamed: 0": 5216, + "book_name": "The Life-Changing Magic of Tidying Up", + "summaries": " takes you through the process of simplifying, organizing and storing your belongings step by step, to make your home a place of peace and clarity.", + "categories": "mindfulness", + "review_score": 8.2 + }, + { + "Unnamed: 0": 5217, + "book_name": "Who Moved My Cheese", + "summaries": " tells a parable, which you can directly apply to your own life, in order to stop fearing what lies ahead and instead thrive in an environment of change and uncertainty.", + "categories": "mindfulness", + "review_score": 5.8 + }, + { + "Unnamed: 0": 5218, + "book_name": "Singletasking", + "summaries": " digs into neuroscientific research to explain why we\u2019re not meant to multitask, how you can go back to the old, singletasking ways, and why that\u2019s better for your work, relationships and happiness.", + "categories": "mindfulness", + "review_score": 2.4 + }, + { + "Unnamed: 0": 5219, + "book_name": "As A Man Thinketh", + "summaries": " is an essay and self-help classic, which argues that the key to mastering your life is harnessing the power of your thoughts and helps you cultivate the philosophy and attitude of a positive, successful person.", + "categories": "mindfulness", + "review_score": 9.4 + }, + { + "Unnamed: 0": 5220, + "book_name": "Buddha\u2019s Brain", + "summaries": " explains how world-changing thought leaders like Moses, Mohammed, Jesus, Gandhi and the Buddha altered their brains with the power of their minds and how you can use the latest findings of neuroscience to do the same and become a more\u00a0positive, resilient, mindful and happy person.", + "categories": "mindfulness", + "review_score": 1.6 + }, + { + "Unnamed: 0": 5221, + "book_name": "13 Things Mentally Strong People Don\u2019t Do", + "summaries": " started as a personal reminder to not give in to bad habits in the face of adversity, but turned into a psychological guidebook to help you improve your mental strength and emotional resilience.", + "categories": "mindfulness", + "review_score": 1.2 + }, + { + "Unnamed: 0": 5222, + "book_name": "The Art of Non-Conformity", + "summaries": " teaches you how to play life by your own rules by giving you practical glimpses into the world of self-employment, a new approach to travel, to-do list minimalism and conscious spending habits.", + "categories": "mindfulness", + "review_score": 6.9 + }, + { + "Unnamed: 0": 5223, + "book_name": "Vagabonding", + "summaries": " will change your relationship with money and travel by showing you that long-term life on the road isn\u2019t reserved for rich people and hippies, and will give you the tools you need to start living a life of adventure, simplicity and content.", + "categories": "mindfulness", + "review_score": 9.8 + }, + { + "Unnamed: 0": 5224, + "book_name": "First Things First", + "summaries": " shows you how to stop looking at the clock and start looking at the compass, by figuring out what\u2019s important, prioritizing those things in your life, developing a vision for the future, building the right relationships and becoming a strong leader wherever you go.", + "categories": "mindfulness", + "review_score": 9.6 + }, + { + "Unnamed: 0": 5225, + "book_name": "Focus", + "summaries": " shows you that attention is the thing that makes life worth living and helps you develop more of it to\u00a0become focused in every area of life: work, relationships and your own attitude towards life and the planet.", + "categories": "mindfulness", + "review_score": 5.7 + }, + { + "Unnamed: 0": 5226, + "book_name": "10% Happier", + "summaries": " gives skeptics an easy \u201cin\u201d to meditation, by taking a very non-fluffy approach to the science behind this mindfulness practice and showing you how and why letting go of your ego is important for living a stress-free life.", + "categories": "mindfulness", + "review_score": 5.2 + }, + { + "Unnamed: 0": 5227, + "book_name": "The Power of Now", + "summaries": "\u00a0shows you that every minute you spend worrying about the future or regretting the past is a minute lost, because the only place you can truly live in is the present, the now, which is why the book offers actionable strategies to start living every minute as it occurs and becoming 100% present in and for your life.", + "categories": "mindfulness", + "review_score": 1.4 + }, + { + "Unnamed: 0": 5228, + "book_name": "The In-Between", + "summaries": " is a reminder to slow down and learn to appreciate the little moments in life, like the times when we\u2019re really just waiting for the next big thing, as they shape our lives a lot more than we think.", + "categories": "mindfulness", + "review_score": 2.8 + }, + { + "Unnamed: 0": 5229, + "book_name": "The Obstacle Is The Way", + "summaries": " is a modern take on the ancient philosophy of Stoicism, which helps you endure the struggles of life with grace and resilience by drawing lessons from ancient heroes, former presidents, modern actors, athletes, and how they turned adversity into success thanks to the power of perception, action, and will.", + "categories": "mindfulness", + "review_score": 8.3 + }, + { + "Unnamed: 0": 5230, + "book_name": "The Power Of Positive Thinking", + "summaries": " will show you that the roots of success lie in the mind and teach you how to believe in yourself, break the habit of worrying, and take control of your life by taking control of your thoughts and changing your attitude.", + "categories": "mindfulness", + "review_score": 6.7 + }, + { + "Unnamed: 0": 5231, + "book_name": "Thinking Fast And Slow", + "summaries": " shows you how two systems in your brain are constantly\u00a0fighting over control of your behavior and actions, and teaches you the many ways in which this leads to errors in memory, judgment and decisions, and what you can do about it.", + "categories": "mindfulness", + "review_score": 8.3 + }, + { + "Unnamed: 0": 5232, + "book_name": "The Power Of Full Engagement", + "summaries": null, + "categories": "mindfulness", + "review_score": 6.4 + }, + { + "Unnamed: 0": 5233, + "book_name": "Your Brain At Work", + "summaries": " helps you overcome the daily challenges that take away\u00a0your brain power, like constant email and interruption madness, high levels of stress, lack of control and high expectations, by showing you what goes on inside your head and giving you new approaches to control it better.", + "categories": "mindfulness", + "review_score": 7.4 + }, + { + "Unnamed: 0": 5234, + "book_name": "Don\u2019t Sweat The Small Stuff (\u2026 And It\u2019s All Small Stuff)", + "summaries": " will keep you from letting the little, stressful things in life, like your email inbox, rushing to trains, and annoying co-workers drive you insane and help you find peace and calm in a stressful world.", + "categories": "mindfulness", + "review_score": 8.6 + }, + { + "Unnamed: 0": 5235, + "book_name": "Less Doing More Living", + "summaries": " is based on the assumption that the less you have to do, the more life you have to live, and helps you implement this philosophy into your life by giving you real-world tools to boost efficiency in every aspect of your life.", + "categories": "mindfulness", + "review_score": 5.1 + }, + { + "Unnamed: 0": 5236, + "book_name": "Rewire", + "summaries": " explains why we keep engaging in addictive and self-destructive behavior, how our brains justify it and where you can get started on breaking your bad habits by becoming more mindful and disciplined.", + "categories": "mindfulness", + "review_score": 4.3 + }, + { + "Unnamed: 0": 5237, + "book_name": "The Power Of No", + "summaries": " is an encompassing instruction manual for you to harness the power of this little word to get healthy, rid yourself of bad relationships, embrace abundance and ultimately say yes to yourself.", + "categories": "mindfulness", + "review_score": 5.8 + }, + { + "Unnamed: 0": 5238, + "book_name": "Think And Grow Rich", + "summaries": " is a curation of the 13 most common habits of wealthy and successful people, distilled from studying over 500 individuals over the course of 20 years.", + "categories": "mindfulness", + "review_score": 4.4 + }, + { + "Unnamed: 0": 5239, + "book_name": "Mistakes Were Made, But Not By Me", + "summaries": " takes you on a journey of famous examples and areas of life where mistakes are hushed up instead of admitted, showing you along the way how this\u00a0hinders progress, why we do it in the first place, and what you can do to start honestly admitting your own.", + "categories": "mindfulness", + "review_score": 9.2 + }, + { + "Unnamed: 0": 5240, + "book_name": "Essentialism", + "summaries": "\u00a0will show you a new, better way of looking at productivity\u00a0by giving you permission to be extremely selective about what\u2019s truly essential in your life and then ruthlessly cutting out everything else.", + "categories": "mindfulness", + "review_score": 8.9 + }, + { + "Unnamed: 0": 5241, + "book_name": "The Art Of Happiness", + "summaries": " is the result of a psychiatrist interviewing the Dalai Lama on how he personally achieved inner peace, calmness, and happiness.", + "categories": "mindfulness", + "review_score": 2.8 + }, + { + "Unnamed: 0": 5242, + "book_name": "The Paradox Of Choice", + "summaries": " shows you how today\u2019s vast amount of choice makes you frustrated, less likely to choose, more likely to mess up, and less happy overall, before giving you concrete strategies and tips to ease the burden of decision-making.", + "categories": "mindfulness", + "review_score": 5.6 + }, + { + "Unnamed: 0": 5243, + "book_name": "Stumbling On Happiness", + "summaries": " examines the capacity of our brains to fill in gaps and simulate experiences, shows how our lack of awareness of these powers sometimes leads us to wrong decisions, and how we can change our behavior to synthesize our own happiness.", + "categories": "mindfulness", + "review_score": 4.3 + }, + { + "Unnamed: 0": 5244, + "book_name": "The 7 Habits Of Highly Effective People", + "summaries": " teaches you both personal and professional effectiveness by\u00a0changing your view of how the world works and giving you 7 habits, which, if adopted well, will lead you to immense success.", + "categories": "mindfulness", + "review_score": 7.3 + } +] \ No newline at end of file diff --git a/backend/helpers/data/games.json b/backend/helpers/data/games.json new file mode 100644 index 00000000..9b2f9560 --- /dev/null +++ b/backend/helpers/data/games.json @@ -0,0 +1,10002 @@ +[ + { + "type": "game", + "name": "Counter-Strike", + "detailed_description": "Play the world's number 1 online action game. Engage in an incredibly realistic brand of terrorist warfare in this wildly popular team-based game. Ally with teammates to complete strategic missions. Take out enemy sites. Rescue hostages. Your role affects your team's success. Your team's success affects your role.", + "about_the_game": "Play the world's number 1 online action game. Engage in an incredibly realistic brand of terrorist warfare in this wildly popular team-based game. Ally with teammates to complete strategic missions. Take out enemy sites. Rescue hostages. Your role affects your team's success. Your team's success affects your role.", + "short_description": "Play the world's number 1 online action game. Engage in an incredibly realistic brand of terrorist warfare in this wildly popular team-based game. Ally with teammates to complete strategic missions. Take out enemy sites. Rescue hostages. Your role affects your team's success. Your team's success affects your role.", + "genres": "Action", + "recommendations": 137378, + "score": 7.799016704256477 + }, + { + "type": "game", + "name": "Team Fortress Classic", + "detailed_description": "One of the most popular online action games of all time, Team Fortress Classic features over nine character classes -- from Medic to Spy to Demolition Man -- enlisted in a unique style of online team warfare. Each character class possesses unique weapons, items, and abilities, as teams compete online in a variety of game play modes.", + "about_the_game": "One of the most popular online action games of all time, Team Fortress Classic features over nine character classes -- from Medic to Spy to Demolition Man -- enlisted in a unique style of online team warfare. Each character class possesses unique weapons, items, and abilities, as teams compete online in a variety of game play modes.", + "short_description": "One of the most popular online action games of all time, Team Fortress Classic features over nine character classes -- from Medic to Spy to Demolition Man -- enlisted in a unique style of online team warfare. Each character class possesses unique weapons, items, and abilities, as teams compete online in a variety of game play modes.", + "genres": "Action", + "recommendations": 5474, + "score": 5.6746150651905936 + }, + { + "type": "game", + "name": "Day of Defeat", + "detailed_description": "Enlist in an intense brand of Axis vs. Allied teamplay set in the WWII European Theatre of Operations. Players assume the role of light/assault/heavy infantry, sniper or machine-gunner class, each with a unique arsenal of historical weaponry at their disposal. Missions are based on key historical operations. And, as war rages, players must work together with their squad to accomplish a variety of mission-specific objectives.", + "about_the_game": "Enlist in an intense brand of Axis vs. Allied teamplay set in the WWII European Theatre of Operations. Players assume the role of light/assault/heavy infantry, sniper or machine-gunner class, each with a unique arsenal of historical weaponry at their disposal. Missions are based on key historical operations. And, as war rages, players must work together with their squad to accomplish a variety of mission-specific objectives.", + "short_description": "Enlist in an intense brand of Axis vs. Allied teamplay set in the WWII European Theatre of Operations. Players assume the role of light/assault/heavy infantry, sniper or machine-gunner class, each with a unique arsenal of historical weaponry at their disposal. Missions are based on key historical operations.", + "genres": "Action", + "recommendations": 3694, + "score": 5.415398202711249 + }, + { + "type": "game", + "name": "Deathmatch Classic", + "detailed_description": "Enjoy fast-paced multiplayer gaming with Deathmatch Classic (a.k.a. DMC). Valve's tribute to the work of id software, DMC invites players to grab their rocket launchers and put their reflexes to the test in a collection of futuristic settings.", + "about_the_game": "Enjoy fast-paced multiplayer gaming with Deathmatch Classic (a.k.a. DMC). Valve's tribute to the work of id software, DMC invites players to grab their rocket launchers and put their reflexes to the test in a collection of futuristic settings.", + "short_description": "Enjoy fast-paced multiplayer gaming with Deathmatch Classic (a.k.a. DMC). Valve's tribute to the work of id software, DMC invites players to grab their rocket launchers and put their reflexes to the test in a collection of futuristic settings.", + "genres": "Action", + "recommendations": 1924, + "score": 4.985544424295035 + }, + { + "type": "game", + "name": "Half-Life: Opposing Force", + "detailed_description": "Return to the Black Mesa Research Facility as one of the military specialists assigned to eliminate Gordon Freeman. Experience an entirely new episode of single player action. Meet fierce alien opponents, and experiment with new weaponry. Named 'Game of the Year' by the Academy of Interactive Arts and Sciences.", + "about_the_game": "Return to the Black Mesa Research Facility as one of the military specialists assigned to eliminate Gordon Freeman. Experience an entirely new episode of single player action. Meet fierce alien opponents, and experiment with new weaponry. Named 'Game of the Year' by the Academy of Interactive Arts and Sciences.", + "short_description": "Return to the Black Mesa Research Facility as one of the military specialists assigned to eliminate Gordon Freeman. Experience an entirely new episode of single player action. Meet fierce alien opponents, and experiment with new weaponry. Named 'Game of the Year' by the Academy of Interactive Arts and Sciences.", + "genres": "Action", + "recommendations": 15478, + "score": 6.359747258569492 + }, + { + "type": "game", + "name": "Ricochet", + "detailed_description": "A futuristic action game that challenges your agility as well as your aim, Ricochet features one-on-one and team matches played in a variety of futuristic battle arenas.", + "about_the_game": "A futuristic action game that challenges your agility as well as your aim, Ricochet features one-on-one and team matches played in a variety of futuristic battle arenas.", + "short_description": "A futuristic action game that challenges your agility as well as your aim, Ricochet features one-on-one and team matches played in a variety of futuristic battle arenas.", + "genres": "Action", + "recommendations": 3647, + "score": 5.406959084882085 + }, + { + "type": "game", + "name": "Half-Life", + "detailed_description": "Named Game of the Year by over 50 publications, Valve's debut title blends action and adventure with award-winning technology to create a frighteningly realistic world where players must think to survive. Also includes an exciting multiplayer mode that allows you to play against friends and enemies around the world.", + "about_the_game": "Named Game of the Year by over 50 publications, Valve's debut title blends action and adventure with award-winning technology to create a frighteningly realistic world where players must think to survive. Also includes an exciting multiplayer mode that allows you to play against friends and enemies around the world.", + "short_description": "Named Game of the Year by over 50 publications, Valve's debut title blends action and adventure with award-winning technology to create a frighteningly realistic world where players must think to survive. Also includes an exciting multiplayer mode that allows you to play against friends and enemies around the world.", + "genres": "Action", + "recommendations": 74518, + "score": 7.395772855375938 + }, + { + "type": "game", + "name": "Counter-Strike: Condition Zero", + "detailed_description": "With its extensive Tour of Duty campaign, a near-limitless number of skirmish modes, updates and new content for Counter-Strike's award-winning multiplayer game play, plus over 12 bonus single player missions, Counter-Strike: Condition Zero is a tremendous offering of single and multiplayer content.", + "about_the_game": "With its extensive Tour of Duty campaign, a near-limitless number of skirmish modes, updates and new content for Counter-Strike's award-winning multiplayer game play, plus over 12 bonus single player missions, Counter-Strike: Condition Zero is a tremendous offering of single and multiplayer content.", + "short_description": "With its extensive Tour of Duty campaign, a near-limitless number of skirmish modes, updates and new content for Counter-Strike's award-winning multiplayer game play, plus over 12 bonus single player missions, Counter-Strike: Condition Zero is a tremendous offering of single and multiplayer content.", + "genres": "Action", + "recommendations": 16877, + "score": 6.416788254073586 + }, + { + "type": "game", + "name": "Half-Life: Blue Shift", + "detailed_description": "Made by Gearbox Software and originally released in 2001 as an add-on to Half-Life, Blue Shift is a return to the Black Mesa Research Facility in which you play as Barney Calhoun, the security guard sidekick who helped Gordon out of so many sticky situations.", + "about_the_game": "Made by Gearbox Software and originally released in 2001 as an add-on to Half-Life, Blue Shift is a return to the Black Mesa Research Facility in which you play as Barney Calhoun, the security guard sidekick who helped Gordon out of so many sticky situations.", + "short_description": "Made by Gearbox Software and originally released in 2001 as an add-on to Half-Life, Blue Shift is a return to the Black Mesa Research Facility in which you play as Barney Calhoun, the security guard sidekick who helped Gordon out of so many sticky situations.", + "genres": "Action", + "recommendations": 11577, + "score": 6.168321759700918 + }, + { + "type": "game", + "name": "Half-Life 2", + "detailed_description": "1998. HALF-LIFE sends a shock through the game industry with its combination of pounding action and continuous, immersive storytelling. Valve's debut title wins more than 50 game-of-the-year awards on its way to being named \"Best PC Game Ever\" by PC Gamer, and launches a franchise with more than eight million retail units sold worldwide. . NOW. By taking the suspense, challenge and visceral charge of the original, and adding startling new realism and responsiveness, Half-Life 2 opens the door to a world where the player's presence affects everything around them, from the physical environment to the behaviors even the emotions of both friends and enemies. . The player again picks up the crowbar of research scientist Gordon Freeman, who finds himself on an alien-infested Earth being picked to the bone, its resources depleted, its populace dwindling. Freeman is thrust into the unenviable role of rescuing the world from the wrong he unleashed back at Black Mesa. And a lot of people he cares about are counting on him. . The intense, real-time gameplay of Half-Life 2 is made possible only by Source\u00ae, Valve's new proprietary engine technology. Source provides major enhancements in:. Characters: Advanced facial animation system delivers the most sophisticated in-game characters ever seen. With 40 distinct facial \"muscles,\" human characters convey the full array of human emotion, and respond to the player with fluidity and intelligence. Physics: From pebbles to water to 2-ton trucks respond as expected, as they obey the laws of mass, friction, gravity, and buoyancy. Graphics: Source's shader-based renderer, like the one used at Pixar to create movies such as Toy Story\u00ae and Monster's, Inc.\u00ae, creates the most beautiful and realistic environments ever seen in a video game. AI: Neither friends nor enemies charge blindly into the fray. They can assess threats, navigate tricky terrain, and fashion weapons from whatever is at hand.", + "about_the_game": "1998. HALF-LIFE sends a shock through the game industry with its combination of pounding action and continuous, immersive storytelling. Valve's debut title wins more than 50 game-of-the-year awards on its way to being named \"Best PC Game Ever\" by PC Gamer, and launches a franchise with more than eight million retail units sold worldwide.\r\n\t\tNOW. By taking the suspense, challenge and visceral charge of the original, and adding startling new realism and responsiveness, Half-Life 2 opens the door to a world where the player's presence affects everything around them, from the physical environment to the behaviors even the emotions of both friends and enemies.\r\n\t\tThe player again picks up the crowbar of research scientist Gordon Freeman, who finds himself on an alien-infested Earth being picked to the bone, its resources depleted, its populace dwindling. Freeman is thrust into the unenviable role of rescuing the world from the wrong he unleashed back at Black Mesa. And a lot of people he cares about are counting on him.\r\n\t\tThe intense, real-time gameplay of Half-Life 2 is made possible only by Source\u00ae, Valve's new proprietary engine technology. Source provides major enhancements in:\r\n\t\t\r\n\t\tCharacters: Advanced facial animation system delivers the most sophisticated in-game characters ever seen. With 40 distinct facial \"muscles,\" human characters convey the full array of human emotion, and respond to the player with fluidity and intelligence.\r\n\t\tPhysics: From pebbles to water to 2-ton trucks respond as expected, as they obey the laws of mass, friction, gravity, and buoyancy.\r\n\t\tGraphics: Source's shader-based renderer, like the one used at Pixar to create movies such as Toy Story\u00ae and Monster's, Inc.\u00ae, creates the most beautiful and realistic environments ever seen in a video game.\r\n\t\tAI: Neither friends nor enemies charge blindly into the fray. They can assess threats, navigate tricky terrain, and fashion weapons from whatever is at hand.", + "short_description": "1998. HALF-LIFE sends a shock through the game industry with its combination of pounding action and continuous, immersive storytelling. Valve's debut title wins more than 50 game-of-the-year awards on its way to being named \"Best PC Game Ever\" by PC Gamer, and launches a franchise with more than eight million retail units sold worldwide.", + "genres": "Action", + "recommendations": 130813, + "score": 7.766736160005441 + }, + { + "type": "game", + "name": "Counter-Strike: Source", + "detailed_description": "THE NEXT INSTALLMENT OF THE WORLD'S # 1 ONLINE ACTION GAME . Counter-Strike: Source blends Counter-Strike's award-winning teamplay action with the advanced technology of Source\u2122 technology. Featuring state of the art graphics, all new sounds, and introducing physics, Counter-Strike: Source is a must-have for every action gamer.", + "about_the_game": "THE NEXT INSTALLMENT OF THE WORLD'S # 1 ONLINE ACTION GAME Counter-Strike: Source blends Counter-Strike's award-winning teamplay action with the advanced technology of Source\u2122 technology. Featuring state of the art graphics, all new sounds, and introducing physics, Counter-Strike: Source is a must-have for every action gamer.", + "short_description": "Counter-Strike: Source blends Counter-Strike's award-winning teamplay action with the advanced technology of Source\u2122 technology.", + "genres": "Action", + "recommendations": 105367, + "score": 7.624133241508023 + }, + { + "type": "game", + "name": "Half-Life: Source", + "detailed_description": "Winner of over 50 Game of the Year awards, Half-Life set new standards for action games when it was released in 1998. Half-Life: Source is a digitally remastered version of the critically acclaimed and best selling PC game, enhanced via Source technology to include physics simulation, enhanced effects, and more.", + "about_the_game": "Winner of over 50 Game of the Year awards, Half-Life set new standards for action games when it was released in 1998. Half-Life: Source is a digitally remastered version of the critically acclaimed and best selling PC game, enhanced via Source technology to include physics simulation, enhanced effects, and more.", + "short_description": "Winner of over 50 Game of the Year awards, Half-Life set new standards for action games when it was released in 1998. Half-Life: Source is a digitally remastered version of the critically acclaimed and best selling PC game, enhanced via Source technology to include physics simulation, enhanced effects, and more.", + "genres": "Action", + "recommendations": 11512, + "score": 6.164610352957302 + }, + { + "type": "game", + "name": "Day of Defeat: Source", + "detailed_description": "Day of Defeat offers intense online action gameplay set in Europe during WWII. Assume the role of infantry, sniper or machine-gunner classes, and more. DoD:S features enhanced graphics and sounds design to leverage the power of Source, Valve's new engine technology.", + "about_the_game": "Day of Defeat offers intense online action gameplay set in Europe during WWII. Assume the role of infantry, sniper or machine-gunner classes, and more. DoD:S features enhanced graphics and sounds design to leverage the power of Source, Valve's new engine technology.", + "short_description": "Valve's WWII Multiplayer Classic - Now available for Mac.", + "genres": "Action", + "recommendations": 13172, + "score": 6.253403621374494 + }, + { + "type": "game", + "name": "Half-Life 2: Deathmatch", + "detailed_description": "Fast multiplayer action set in the Half-Life 2 universe! HL2's physics adds a new dimension to deathmatch play. Play straight deathmatch or try Combine vs. Resistance teamplay. Toss a toilet at your friend today!", + "about_the_game": "Fast multiplayer action set in the Half-Life 2 universe! HL2's physics adds a new dimension to deathmatch play. Play straight deathmatch or try Combine vs. Resistance teamplay. Toss a toilet at your friend today!", + "short_description": "Fast multiplayer action set in the Half-Life 2 universe! HL2's physics adds a new dimension to deathmatch play. Play straight deathmatch or try Combine vs. Resistance teamplay. Toss a toilet at your friend today!", + "genres": "Action", + "recommendations": 7925, + "score": 5.918501208877486 + }, + { + "type": "game", + "name": "Half-Life 2: Lost Coast", + "detailed_description": "Originally planned as a section of the Highway 17 chapter of Half-Life 2, Lost Coast is a playable technology showcase that introduces High Dynamic Range lighting to the Source engine.", + "about_the_game": "Originally planned as a section of the Highway 17 chapter of Half-Life 2, Lost Coast is a playable technology showcase that introduces High Dynamic Range lighting to the Source engine.", + "short_description": "Originally planned as a section of the Highway 17 chapter of Half-Life 2, Lost Coast is a playable technology showcase that introduces High Dynamic Range lighting to the Source engine.", + "genres": "Action", + "recommendations": 9086, + "score": 6.0086154928732505 + }, + { + "type": "game", + "name": "Half-Life Deathmatch: Source", + "detailed_description": "Half-Life Deathmatch: Source is a recreation of the first multiplayer game set in the Half-Life universe. Features all the classic weapons and most-played maps, now running on the Source engine.", + "about_the_game": "Half-Life Deathmatch: Source is a recreation of the first multiplayer game set in the Half-Life universe. Features all the classic weapons and most-played maps, now running on the Source engine.", + "short_description": "Half-Life Deathmatch: Source is a recreation of the first multiplayer game set in the Half-Life universe. Features all the classic weapons and most-played maps, now running on the Source engine.", + "genres": "Action", + "recommendations": 3071, + "score": 5.293670283955066 + }, + { + "type": "game", + "name": "Half-Life 2: Episode One", + "detailed_description": "Half-Life 2 has sold over 4 million copies worldwide, and earned over 35 Game of the Year Awards. Episode One is the first in a series of games that reveal the aftermath of Half-Life 2 and launch a journey beyond City 17. Also features two multiplayer games. Half-Life 2 not required.", + "about_the_game": "Half-Life 2 has sold over 4 million copies worldwide, and earned over 35 Game of the Year Awards. Episode One is the first in a series of games that reveal the aftermath of Half-Life 2 and launch a journey beyond City 17. Also features two multiplayer games. Half-Life 2 not required.", + "short_description": "Half-Life 2 has sold over 4 million copies worldwide, and earned over 35 Game of the Year Awards. Episode One is the first in a series of games that reveal the aftermath of Half-Life 2 and launch a journey beyond City 17. Also features two multiplayer games. Half-Life 2 not required.", + "genres": "Action", + "recommendations": 20742, + "score": 6.552720004479821 + }, + { + "type": "game", + "name": "Portal", + "detailed_description": "Portal\u2122 is a new single player game from Valve. Set in the mysterious Aperture Science Laboratories, Portal has been called one of the most innovative new games on the horizon and will offer gamers hours of unique gameplay. The game is designed to change the way players approach, manipulate, and surmise the possibilities in a given environment; similar to how Half-Life\u00ae 2's Gravity Gun innovated new ways to leverage an object in any given situation. Players must solve physical puzzles and challenges by opening portals to maneuvering objects, and themselves, through space.", + "about_the_game": "Portal\u2122 is a new single player game from Valve. Set in the mysterious Aperture Science Laboratories, Portal has been called one of the most innovative new games on the horizon and will offer gamers hours of unique gameplay.\r\n\t\t\t\t\tThe game is designed to change the way players approach, manipulate, and surmise the possibilities in a given environment; similar to how Half-Life\u00ae 2's Gravity Gun innovated new ways to leverage an object in any given situation.\r\n\t\t\t\t\tPlayers must solve physical puzzles and challenges by opening portals to maneuvering objects, and themselves, through space.", + "short_description": "Portal™ is a new single player game from Valve. Set in the mysterious Aperture Science Laboratories, Portal has been called one of the most innovative new games on the horizon and will offer gamers hours of unique gameplay.", + "genres": "Action", + "recommendations": 115319, + "score": 7.683629970602848 + }, + { + "type": "game", + "name": "Half-Life 2: Episode Two", + "detailed_description": "Half-Life\u00ae 2: Episode Two is the second in a trilogy of new games created by Valve that extends the award-winning and best-selling Half-Life\u00ae adventure. As Dr. Gordon Freeman, you were last seen exiting City 17 with Alyx Vance as the Citadel erupted amidst a storm of unknown proportions. In Episode Two, you must battle and race against Combine forces as you traverse the White Forest to deliver a crucial information packet stolen from the Citadel to an enclave of fellow resistance scientists. Episode Two extends the award-winning Half-Life gameplay with unique weapons, vehicles, and newly-spawned creatures.", + "about_the_game": "Half-Life\u00ae 2: Episode Two is the second in a trilogy of new games created by Valve that extends the award-winning and best-selling Half-Life\u00ae adventure.\r\n\t\t\t\t\tAs Dr. Gordon Freeman, you were last seen exiting City 17 with Alyx Vance as the Citadel erupted amidst a storm of unknown proportions. In Episode Two, you must battle and race against Combine forces as you traverse the White Forest to deliver a crucial information packet stolen from the Citadel to an enclave of fellow resistance scientists.\r\n\t\t\t\t\tEpisode Two extends the award-winning Half-Life gameplay with unique weapons, vehicles, and newly-spawned creatures.", + "short_description": "Half-Life® 2: Episode Two is the second in a trilogy of new games created by Valve that extends the award-winning and best-selling Half-Life® adventure. As Dr. Gordon Freeman, you were last seen exiting City 17 with Alyx Vance as the Citadel erupted amidst a storm of unknown proportions.", + "genres": "Action", + "recommendations": 27975, + "score": 6.749920776801459 + }, + { + "type": "game", + "name": "Team Fortress 2", + "detailed_description": "\"The most fun you can have online\" - PC Gamer. Is now FREE!. There\u2019s no catch! Play as much as you want, as long as you like! The most highly-rated free game of all time!. One of the most popular online action games of all time, Team Fortress 2 delivers constant free updates\u2014new game modes, maps, equipment and, most importantly, hats. Nine distinct classes provide a broad range of tactical abilities and personalities, and lend themselves to a variety of player skills. New to TF? Don\u2019t sweat it!. No matter what your style and experience, we\u2019ve got a character for you. Detailed training and offline practice modes will help you hone your skills before jumping into one of TF2\u2019s many game modes, including Capture the Flag, Control Point, Payload, Arena, King of the Hill and more. Make a character your own!. There are hundreds of weapons, hats and more to collect, craft, buy and trade. Tweak your favorite class to suit your gameplay style and personal taste. You don\u2019t need to pay to win\u2014virtually all of the items in the Mann Co. Store can also be found in-game.", + "about_the_game": "\"The most fun you can have online\" - PC Gamer\r\n\t\t\t\t\t\t\t\t\t Is now FREE!\r\n\t\t\t\t\t\t\t\t\t There\u2019s no catch! Play as much as you want, as long as you like!\r\n\t\t\t\t\t\t\t\t\t The most highly-rated free game of all time!\r\n\t\t\t\t\t\t\t\t\t One of the most popular online action games of all time, Team Fortress 2 delivers constant free updates\u2014new game modes, maps, equipment and, most importantly, hats. Nine distinct classes provide a broad range of tactical abilities and personalities, and lend themselves to a variety of player skills.\r\n\t\t\t\t\t\t\t\t\t New to TF? Don\u2019t sweat it!\r\n\t\t\t\t\t\t\t\t\t No matter what your style and experience, we\u2019ve got a character for you. Detailed training and offline practice modes will help you hone your skills before jumping into one of TF2\u2019s many game modes, including Capture the Flag, Control Point, Payload, Arena, King of the Hill and more.\r\n\t\t\t\t\t\t\t\t\t Make a character your own!\r\n\t\t\t\t\t\t\t\t\t There are hundreds of weapons, hats and more to collect, craft, buy and trade. Tweak your favorite class to suit your gameplay style and personal taste. You don\u2019t need to pay to win\u2014virtually all of the items in the Mann Co. Store can also be found in-game.", + "short_description": "Nine distinct classes provide a broad range of tactical abilities and personalities. Constantly updated with new game modes, maps, equipment and, most importantly, hats!", + "genres": "Action", + "recommendations": 19943, + "score": 6.526825134371174 + }, + { + "type": "game", + "name": "Left 4 Dead", + "detailed_description": "From Valve (the creators of Counter-Strike, Half-Life and more) comes Left 4 Dead, a co-op action horror game for the PC and Xbox 360 that casts up to four players in an epic struggle for survival against swarming zombie hordes and terrifying mutant monsters. Set in the immediate aftermath of the zombie apocalypse, L4D's survival co-op mode lets you blast a path through the infected in four unique \u201cmovies,\u201d guiding your survivors across the rooftops of an abandoned metropolis, through rural ghost towns and pitch-black forests in your quest to escape a devastated Ground Zero crawling with infected enemies. Each \"movie\" is comprised of five large maps, and can be played by one to four human players, with an emphasis on team-based strategy and objectives. New technology dubbed \"the AI Director\" is used to generate a unique gameplay experience every time you play. The Director tailors the frequency and ferocity of the zombie attacks to your performance, putting you in the middle of a fast-paced, but not overwhelming, Hollywood horror movie. Addictive single player, co-op, and multiplayer action gameplay from the makers of Counter-Strike and Half-Life . Versus Mode lets you compete four-on-four with friends, playing as a human trying to get rescued, or as a zombie boss monster that will stop at nothing to destroy them. . See how long you and your friends can hold out against the infected horde in the new Survival Mode. An advanced AI director dynamically creates intense and unique experiences every time the game is played . 20 maps, 10 weapons and unlimited possibilities in four sprawling \"movies\" . Matchmaking, stats, rankings, and awards system drive collaborative play . Designer's Commentary allows gamers to go \"behind the scenes\" of the game . Powered by Source and Steam . THE SACRIFICE\"The Sacrifice\u201d is the new add-on for Left 4 Dead. . \"The Sacrifice\" is the prequel to \"The Passing,\" and takes place from the L4D Survivors' perspective as they make their way South. In addition to advancing the story, \"The Sacrifice\" introduces a new style finale featuring \"Sacrificial Gameplay\" where players get to decide who will give their life so the others may live. . In The Sacrifice for Left 4 Dead owners receive \"The Sacrifice\" campaign playable in Campaign, Versus, and Survival modes.", + "about_the_game": "From Valve (the creators of Counter-Strike, Half-Life and more) comes Left 4 Dead, a co-op action horror game for the PC and Xbox 360 that casts up to four players in an epic struggle for survival against swarming zombie hordes and terrifying mutant monsters. \t\t\t\t\tSet in the immediate aftermath of the zombie apocalypse, L4D's survival co-op mode lets you blast a path through the infected in four unique \u201cmovies,\u201d guiding your survivors across the rooftops of an abandoned metropolis, through rural ghost towns and pitch-black forests in your quest to escape a devastated Ground Zero crawling with infected enemies. Each \"movie\" is comprised of five large maps, and can be played by one to four human players, with an emphasis on team-based strategy and objectives. \t\t\t\t\tNew technology dubbed \"the AI Director\" is used to generate a unique gameplay experience every time you play. The Director tailors the frequency and ferocity of the zombie attacks to your performance, putting you in the middle of a fast-paced, but not overwhelming, Hollywood horror movie. \t\t\t\t\tAddictive single player, co-op, and multiplayer action gameplay from the makers of Counter-Strike and Half-Life \t\t\t\t\tVersus Mode lets you compete four-on-four with friends, playing as a human trying to get rescued, or as a zombie boss monster that will stop at nothing to destroy them.\t\t\t\t\tSee how long you and your friends can hold out against the infected horde in the new Survival Mode\t\t\t\t\tAn advanced AI director dynamically creates intense and unique experiences every time the game is played \t\t\t\t\t20 maps, 10 weapons and unlimited possibilities in four sprawling \"movies\" \t\t\t\t\tMatchmaking, stats, rankings, and awards system drive collaborative play \t\t\t\t\tDesigner's Commentary allows gamers to go \"behind the scenes\" of the game \t\t\t\t\tPowered by Source and Steam THE SACRIFICE\"The Sacrifice\u201d is the new add-on for Left 4 Dead.\"The Sacrifice\" is the prequel to \"The Passing,\" and takes place from the L4D Survivors' perspective as they make their way South. In addition to advancing the story, \"The Sacrifice\" introduces a new style finale featuring \"Sacrificial Gameplay\" where players get to decide who will give their life so the others may live.In The Sacrifice for Left 4 Dead owners receive \"The Sacrifice\" campaign playable in Campaign, Versus, and Survival modes.", + "short_description": "From Valve (the creators of Counter-Strike, Half-Life and more) comes Left 4 Dead, a co-op action horror game for the PC and Xbox 360 that casts up to four players in an epic struggle for survival against swarming zombie hordes and terrifying mutant monsters.", + "genres": "Action", + "recommendations": 40976, + "score": 7.001524994362921 + }, + { + "type": "game", + "name": "Left 4 Dead 2", + "detailed_description": "Set in the zombie apocalypse, Left 4 Dead 2 (L4D2) is the highly anticipated sequel to the award-winning Left 4 Dead, the #1 co-op game of 2008. This co-operative action horror FPS takes you and your friends through the cities, swamps and cemeteries of the Deep South, from Savannah to New Orleans across five expansive campaigns. You'll play as one of four new survivors armed with a wide and devastating array of classic and upgraded weapons. In addition to firearms, you'll also get a chance to take out some aggression on infected with a variety of carnage-creating melee weapons, from chainsaws to axes and even the deadly frying pan. You'll be putting these weapons to the test against (or playing as in Versus) three horrific and formidable new Special Infected. You'll also encounter five new \u0093uncommon\u0094 common infected, including the terrifying Mudmen. Helping to take L4D's frantic, action-packed gameplay to the next level is AI Director 2.0. This improved Director has the ability to procedurally change the weather you'll fight through and the pathways you'll take, in addition to tailoring the enemy population, effects, and sounds to match your performance. L4D2 promises a satisfying and uniquely challenging experience every time the game is played, custom-fitted to your style of play. Next generation co-op action gaming from the makers of Half-Life, Portal, Team Fortress and Counter-Strike. . Over 20 new weapons & items headlined by over 10 melee weapons \u2013 axe, chainsaw, frying pan, baseball bat \u2013 allow you to get up close with the zombies. New survivors. New Story. New dialogue. . Five expansive campaigns for co-operative, Versus and Survival game modes. . An all new multiplayer mode. . Uncommon common infected. Each of the five new campaigns contains at least one new \u0093uncommon common\u0094 zombies which are exclusive to that campaign. . AI Director 2.0: Advanced technology dubbed \u0093The AI Director\u0094 drove L4D's unique gameplay \u2013 customizing enemy population, effects, and music, based upon the players\u2019 performance. L4D 2 features \u0093The AI Director 2.0\u0094 which expands the Director\u2019s ability to customize level layout, world objects, weather, and lighting to reflect different times of day. . Stats, rankings, and awards system drives collaborative play.", + "about_the_game": "Set in the zombie apocalypse, Left 4 Dead 2 (L4D2) is the highly anticipated sequel to the award-winning Left 4 Dead, the #1 co-op game of 2008. This co-operative action horror FPS takes you and your friends through the cities, swamps and cemeteries of the Deep South, from Savannah to New Orleans across five expansive campaigns. You'll play as one of four new survivors armed with a wide and devastating array of classic and upgraded weapons. In addition to firearms, you'll also get a chance to take out some aggression on infected with a variety of carnage-creating melee weapons, from chainsaws to axes and even the deadly frying pan. You'll be putting these weapons to the test against (or playing as in Versus) three horrific and formidable new Special Infected. You'll also encounter five new \u0093uncommon\u0094 common infected, including the terrifying Mudmen. Helping to take L4D's frantic, action-packed gameplay to the next level is AI Director 2.0. This improved Director has the ability to procedurally change the weather you'll fight through and the pathways you'll take, in addition to tailoring the enemy population, effects, and sounds to match your performance. L4D2 promises a satisfying and uniquely challenging experience every time the game is played, custom-fitted to your style of play. Next generation co-op action gaming from the makers of Half-Life, Portal, Team Fortress and Counter-Strike. Over 20 new weapons & items headlined by over 10 melee weapons \u2013 axe, chainsaw, frying pan, baseball bat \u2013 allow you to get up close with the zombies New survivors. New Story. New dialogue. Five expansive campaigns for co-operative, Versus and Survival game modes. An all new multiplayer mode. Uncommon common infected. Each of the five new campaigns contains at least one new \u0093uncommon common\u0094 zombies which are exclusive to that campaign. AI Director 2.0: Advanced technology dubbed \u0093The AI Director\u0094 drove L4D's unique gameplay \u2013 customizing enemy population, effects, and music, based upon the players\u2019 performance. L4D 2 features \u0093The AI Director 2.0\u0094 which expands the Director\u2019s ability to customize level layout, world objects, weather, and lighting to reflect different times of day. Stats, rankings, and awards system drives collaborative play", + "short_description": "Set in the zombie apocalypse, Left 4 Dead 2 (L4D2) is the highly anticipated sequel to the award-winning Left 4 Dead, the #1 co-op game of 2008. This co-operative action horror FPS takes you and your friends through the cities, swamps and cemeteries of the Deep South, from Savannah to New Orleans across five expansive campaigns.", + "genres": "Action", + "recommendations": 563972, + "score": 8.730022380608967 + }, + { + "type": "game", + "name": "Dota 2", + "detailed_description": "The most-played game on Steam. Every day, millions of players worldwide enter battle as one of over a hundred Dota heroes. And no matter if it's their 10th hour of play or 1,000th, there's always something new to discover. With regular updates that ensure a constant evolution of gameplay, features, and heroes, Dota 2 has truly taken on a life of its own. . One Battlefield. Infinite Possibilities. When it comes to diversity of heroes, abilities, and powerful items, Dota boasts an endless array\u2014no two games are the same. Any hero can fill multiple roles, and there's an abundance of items to help meet the needs of each game. Dota doesn't provide limitations on how to play, it empowers you to express your own style. . All heroes are free. Competitive balance is Dota's crown jewel, and to ensure everyone is playing on an even field, the core content of the game\u2014like the vast pool of heroes\u2014is available to all players. Fans can collect cosmetics for heroes and fun add-ons for the world they inhabit, but everything you need to play is already included before you join your first match. . Bring your friends and party up. Dota is deep, and constantly evolving, but it's never too late to join. Learn the ropes playing co-op vs. bots. Sharpen your skills in the hero demo mode. Jump into the behavior- and skill-based matchmaking system that ensures you'll . be matched with the right players each game.", + "about_the_game": "The most-played game on Steam.Every day, millions of players worldwide enter battle as one of over a hundred Dota heroes. And no matter if it's their 10th hour of play or 1,000th, there's always something new to discover. With regular updates that ensure a constant evolution of gameplay, features, and heroes, Dota 2 has truly taken on a life of its own.One Battlefield. Infinite Possibilities.When it comes to diversity of heroes, abilities, and powerful items, Dota boasts an endless array\u2014no two games are the same. Any hero can fill multiple roles, and there's an abundance of items to help meet the needs of each game. Dota doesn't provide limitations on how to play, it empowers you to express your own style.All heroes are free.Competitive balance is Dota's crown jewel, and to ensure everyone is playing on an even field, the core content of the game\u2014like the vast pool of heroes\u2014is available to all players. Fans can collect cosmetics for heroes and fun add-ons for the world they inhabit, but everything you need to play is already included before you join your first match.Bring your friends and party up.Dota is deep, and constantly evolving, but it's never too late to join. Learn the ropes playing co-op vs. bots. Sharpen your skills in the hero demo mode. Jump into the behavior- and skill-based matchmaking system that ensures you'll be matched with the right players each game.", + "short_description": "Every day, millions of players worldwide enter battle as one of over a hundred Dota heroes. And no matter if it's their 10th hour of play or 1,000th, there's always something new to discover. With regular updates that ensure a constant evolution of gameplay, features, and heroes, Dota 2 has taken on a life of its own.", + "genres": "Action", + "recommendations": 14328, + "score": 6.308855506229866 + }, + { + "type": "game", + "name": "Portal 2", + "detailed_description": "Portal 2 draws from the award-winning formula of innovative gameplay, story, and music that earned the original Portal over 70 industry accolades and created a cult following. . The single-player portion of Portal 2 introduces a cast of dynamic new characters, a host of fresh puzzle elements, and a much larger set of devious test chambers. Players will explore never-before-seen areas of the Aperture Science Labs and be reunited with GLaDOS, the occasionally murderous computer companion who guided them through the original game. . The game\u2019s two-player cooperative mode features its own entirely separate campaign with a unique story, test chambers, and two new player characters. This new mode forces players to reconsider everything they thought they knew about portals. Success will require them to not just act cooperatively, but to think cooperatively. . Product Features. Extensive single player: Featuring next generation gameplay and a wildly-engrossing story. . Complete two-person co-op: Multiplayer game featuring its own dedicated story, characters, and gameplay. . Advanced physics: Allows for the creation of a whole new range of interesting challenges, producing a much larger but not harder game. . Original music. . Massive sequel: The original Portal was named 2007's Game of the Year by over 30 publications worldwide. . Editing Tools: Portal 2 editing tools will be included. .", + "about_the_game": "Portal 2 draws from the award-winning formula of innovative gameplay, story, and music that earned the original Portal over 70 industry accolades and created a cult following.\t\t\t\t\t\t\t\t\t\tThe single-player portion of Portal 2 introduces a cast of dynamic new characters, a host of fresh puzzle elements, and a much larger set of devious test chambers. Players will explore never-before-seen areas of the Aperture Science Labs and be reunited with GLaDOS, the occasionally murderous computer companion who guided them through the original game.\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\tThe game\u2019s two-player cooperative mode features its own entirely separate campaign with a unique story, test chambers, and two new player characters. This new mode forces players to reconsider everything they thought they knew about portals. Success will require them to not just act cooperatively, but to think cooperatively.\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\tProduct Features\t\t\t\t\t\t\t\t\t\tExtensive single player: Featuring next generation gameplay and a wildly-engrossing story.\t\t\t\t\t\t\t\t\t\tComplete two-person co-op: Multiplayer game featuring its own dedicated story, characters, and gameplay.\t\t\t\t\t\t\t\t\t\tAdvanced physics: Allows for the creation of a whole new range of interesting challenges, producing a much larger but not harder game.\t\t\t\t\t\t\t\t\t\tOriginal music.\t\t\t\t\t\t\t\t\t\tMassive sequel: The original Portal was named 2007's Game of the Year by over 30 publications worldwide. \t\t\t\t\t\t\t\t\t\tEditing Tools: Portal 2 editing tools will be included.", + "short_description": "The "Perpetual Testing Initiative" has been expanded to allow you to design co-op puzzles for you and your friends!", + "genres": "Action", + "recommendations": 288115, + "score": 8.28725520484497 + }, + { + "type": "game", + "name": "Alien Swarm", + "detailed_description": "Alien Swarm is a game and Source SDK release from a group of talented designers at Valve who were hired from the Mod community. Available free of charge, the game thrusts players into an epic bug hunt featuring a unique blend of co-op play and squad-level tactics. With your friends, form a squad of four distinct IAF Marine classes. Plan your attack using an unlockable arsenal of weapons with countless loadout configurations against a wide variety of aliens. Blaze your way through an overrun, off-world colony, eradicating the alien infestation in environments ranging from the icy planet's surface, to a subterranean lava-flooded mining facility. Along with the game get the complete code base for Alien Swarm that features updates to the Source engine as well as the SDK. Alien Swarm adds 3rd person camera, depth of field, improved dynamic shadows and a wide variety of gameplay additions to the Source engine. Tactical, 4 player co-op action game with a top-down perspective . Complete game code and mod tools . Unlock persistent items by gaining levels . Over 40 weapons and equipment with countless loadout configurations . 4 unique classes and 8 unique characters . Matchmaking, Steam Cloud, Steam Stats . 64 achievements . Tile-based map generation tool . Powered by Source and Steam .", + "about_the_game": "Alien Swarm is a game and Source SDK release from a group of talented designers at Valve who were hired from the Mod community.\t\t\t\t\tAvailable free of charge, the game thrusts players into an epic bug hunt featuring a unique blend of co-op play and squad-level tactics. With your friends, form a squad of four distinct IAF Marine classes. Plan your attack using an unlockable arsenal of weapons with countless loadout configurations against a wide variety of aliens. Blaze your way through an overrun, off-world colony, eradicating the alien infestation in environments ranging from the icy planet's surface, to a subterranean lava-flooded mining facility.\t\t\t\t\tAlong with the game get the complete code base for Alien Swarm that features updates to the Source engine as well as the SDK. Alien Swarm adds 3rd person camera, depth of field, improved dynamic shadows and a wide variety of gameplay additions to the Source engine.\t\t\t\t\tTactical, 4 player co-op action game with a top-down perspective \t\t\t\t\tComplete game code and mod tools \t\t\t\t\tUnlock persistent items by gaining levels \t\t\t\t\tOver 40 weapons and equipment with countless loadout configurations \t\t\t\t\t4 unique classes and 8 unique characters \t\t\t\t\tMatchmaking, Steam Cloud, Steam Stats \t\t\t\t\t64 achievements \t\t\t\t\tTile-based map generation tool \t\t\t\t\tPowered by Source and Steam", + "short_description": "Co-operative multiplayer game and complete code base available for free.", + "genres": "Action", + "recommendations": 309, + "score": 3.781719088671052 + }, + { + "type": "game", + "name": "Counter-Strike: Global Offensive", + "detailed_description": "Counter-Strike: Global Offensive (CS: GO) expands upon the team-based action gameplay that it pioneered when it was launched 19 years ago. . CS: GO features new maps, characters, weapons, and game modes, and delivers updated versions of the classic CS content (de_dust2, etc.). . \"Counter-Strike took the gaming industry by surprise when the unlikely MOD became the most played online PC action game in the world almost immediately after its release in August 1999,\" said Doug Lombardi at Valve. \"For the past 12 years, it has continued to be one of the most-played games in the world, headline competitive gaming tournaments and selling over 25 million units worldwide across the franchise. CS: GO promises to expand on CS' award-winning gameplay and deliver it to gamers on the PC as well as the next gen consoles and the Mac.\"", + "about_the_game": "Counter-Strike: Global Offensive (CS: GO) expands upon the team-based action gameplay that it pioneered when it was launched 19 years ago.\r\n\r\nCS: GO features new maps, characters, weapons, and game modes, and delivers updated versions of the classic CS content (de_dust2, etc.).\r\n\r\n\"Counter-Strike took the gaming industry by surprise when the unlikely MOD became the most played online PC action game in the world almost immediately after its release in August 1999,\" said Doug Lombardi at Valve. \"For the past 12 years, it has continued to be one of the most-played games in the world, headline competitive gaming tournaments and selling over 25 million units worldwide across the franchise. CS: GO promises to expand on CS' award-winning gameplay and deliver it to gamers on the PC as well as the next gen consoles and the Mac.\"", + "short_description": "Counter-Strike: Global Offensive (CS: GO) expands upon the team-based action gameplay that it pioneered when it was launched 19 years ago. CS: GO features new maps, characters, weapons, and game modes, and delivers updated versions of the classic CS content (de_dust2, etc.).", + "genres": "Action", + "recommendations": 3871754, + "score": 10.0 + }, + { + "type": "game", + "name": "Killing Floor", + "detailed_description": "Killing Floor is a Co-op Survival Horror FPS set in the devastated cities and countryside of England after a series of cloning experiments for the military goes horribly wrong. You and your friends are members of the military dropped into these locations with a simple mission: Survive long enough to cleanse the area of the failed experiments!. Cooperative gameplay for up to six players against multiple waves of specimens. Persistent Perks system, allowing players to convert their in-game achievements into permanent improvements to their character's skills and abilities . Over 170 Steam Achievements, including \u201cDignity for the dead\u201d for killing 10 enemies feeding on dead teammates' corpses and \u201cHot Cross Fun\u201d for finishing off 25 burning enemies with a Crossbow. Slow-motion \u201cZEDtime\u201d to better watch those crucial and violent creature deaths, even in multiplayer . Solo game mode for offline play . Ten different monster types trying to eat your face off, armed with everything from teeth and claws, to chainsaws, chain-guns and rocket-launchers . 33+ weapons for the players to chose from, ranging from knives and fire-axes to pump shotguns, rifles and a flamethrower . Equip your team with welders, medical tools and body armor to help your odds of survival . Choose which Perks to play with to best balance out your co-op team against the horrors . Open, non-linear play areas: choose when and where to fight \u2014 or run; weld doors closed to direct the monster horde down alternate corridors. Fully-configurable, allowing players to change the difficulty level, number of creature waves, or even set up their own favorite waves of monsters . Support for Steam Friends and other Steamworks features. Includes Windows-only SDK for the creation of new levels and mods.", + "about_the_game": "Killing Floor is a Co-op Survival Horror FPS set in the devastated cities and countryside of England after a series of cloning experiments for the military goes horribly wrong. You and your friends are members of the military dropped into these locations with a simple mission: Survive long enough to cleanse the area of the failed experiments!\t\t\t\t\tCooperative gameplay for up to six players against multiple waves of specimens\t\t\t\t\tPersistent Perks system, allowing players to convert their in-game achievements into permanent improvements to their character's skills and abilities \t\t\t\t\tOver 170 Steam Achievements, including \u201cDignity for the dead\u201d for killing 10 enemies feeding on dead teammates' corpses and \u201cHot Cross Fun\u201d for finishing off 25 burning enemies with a Crossbow\t\t\t\t\tSlow-motion \u201cZEDtime\u201d to better watch those crucial and violent creature deaths, even in multiplayer \t\t\t\t\tSolo game mode for offline play \t\t\t\t\tTen different monster types trying to eat your face off, armed with everything from teeth and claws, to chainsaws, chain-guns and rocket-launchers \t\t\t\t\t33+ weapons for the players to chose from, ranging from knives and fire-axes to pump shotguns, rifles and a flamethrower \t\t\t\t\tEquip your team with welders, medical tools and body armor to help your odds of survival \t\t\t\t\tChoose which Perks to play with to best balance out your co-op team against the horrors \t\t\t\t\tOpen, non-linear play areas: choose when and where to fight \u2014 or run; weld doors closed to direct the monster horde down alternate corridors\t\t\t\t\tFully-configurable, allowing players to change the difficulty level, number of creature waves, or even set up their own favorite waves of monsters \t\t\t\t\tSupport for Steam Friends and other Steamworks features\t\t\t\t\tIncludes Windows-only SDK for the creation of new levels and mods", + "short_description": "6-player co-op survival horror at its finest! Free updates, free special events and a ridiculous amount of fun!", + "genres": "Action", + "recommendations": 36525, + "score": 6.92572240882194 + }, + { + "type": "game", + "name": "Source Filmmaker", + "detailed_description": "The Source Filmmaker (SFM) is the movie-making tool built and used by us here at Valve to make movies inside the Source game engine. Because the SFM uses the same assets as the game, anything that exists in the game can be used in the movie, and vice versa. By utilizing the hardware rendering power of a modern gaming PC, the SFM allows storytellers to work in a what-you-see-is-what-you-get environment so they can iterate in the context of what it will feel like for the final audience. . To get started, just click the button above to install. The SFM includes all the base game assets from Team Fortress 2 along with assets from some of the first \u201cMeet the Team\u201d short films.ResourcesOnce you're up and running, here are some general resources for finding help and learning how to get the most out of the Source Filmmaker. Official Wiki Documentation. Frequently Asked Questions. Video Tutorials. Community Discussions. How to file bug reports.", + "about_the_game": "The Source Filmmaker (SFM) is the movie-making tool built and used by us here at Valve to make movies inside the Source game engine. Because the SFM uses the same assets as the game, anything that exists in the game can be used in the movie, and vice versa. By utilizing the hardware rendering power of a modern gaming PC, the SFM allows storytellers to work in a what-you-see-is-what-you-get environment so they can iterate in the context of what it will feel like for the final audience.To get started, just click the button above to install. The SFM includes all the base game assets from Team Fortress 2 along with assets from some of the first \u201cMeet the Team\u201d short films.ResourcesOnce you're up and running, here are some general resources for finding help and learning how to get the most out of the Source Filmmaker.Official Wiki DocumentationFrequently Asked QuestionsVideo TutorialsCommunity DiscussionsHow to file bug reports", + "short_description": "The Source Filmmaker (SFM) is the movie-making tool built and used by us here at Valve to make movies inside the Source game engine. Because the SFM uses the same assets as the game, anything that exists in the game can be used in the movie, and vice versa.", + "genres": "Animation & Modeling", + "recommendations": 240, + "score": 3.615741279854636 + }, + { + "type": "game", + "name": "Dark Messiah of Might & Magic", + "detailed_description": "Discover a new breed of Action-RPG game powered by an enhanced version of the Source\u2122 Engine by Valve. Set in the Might & Magic\u00ae universe, players will experience ferocious combat in a dark and immersive fantasy environment. Swords, Stealth, Sorcery. Choose your way to kill. Cutting-edge technology: Experience an enhanced version of the famous Source\u2122 Engine created by Valve. Discover the fresh perspective of a view with complete body awareness, realistic movements, physics rendering, and a complete first-person melee combat system in a fantasy setting. . Never-ending action: Challenge the forces of evil in 12 huge levels and learn to master over 30 weapons and an arsenal of devastating spells. . Evolve your character: Extend your gameplay experience without being limited to a single discipline. Learn powerful new spells and attacks using Dark Messiah's unique Skill Evolution System as you progress through the game. . Revolutionary multiplayer mode: Get ready to battle with up to 32 players in the revolutionary Crusade mode, which will enable players to gain experience and new skills across dynamic online campaigns. Enlist with the humans or the undead and choose among five complementary character classes. \u00a9 2006 Ubisoft Entertainment. All Rights Reserved. Dark Messiah, Might and Magic, Ubisoft and the Ubisoft logo are trademarks of Ubisoft Entertainment in the U.S. and/or other countries. Developed by Arkane Studios.", + "about_the_game": "Discover a new breed of Action-RPG game powered by an enhanced version of the Source\u2122 Engine by Valve. Set in the Might & Magic\u00ae universe, players will experience ferocious combat in a dark and immersive fantasy environment. Swords, Stealth, Sorcery. Choose your way to kill.\t\t\t\t\tCutting-edge technology: Experience an enhanced version of the famous Source\u2122 Engine created by Valve. Discover the fresh perspective of a view with complete body awareness, realistic movements, physics rendering, and a complete first-person melee combat system in a fantasy setting. \t\t\t\t\tNever-ending action: Challenge the forces of evil in 12 huge levels and learn to master over 30 weapons and an arsenal of devastating spells.\t\t\t\t\tEvolve your character: Extend your gameplay experience without being limited to a single discipline. Learn powerful new spells and attacks using Dark Messiah's unique Skill Evolution System as you progress through the game.\t\t\t\t\tRevolutionary multiplayer mode: Get ready to battle with up to 32 players in the revolutionary Crusade mode, which will enable players to gain experience and new skills across dynamic online campaigns. Enlist with the humans or the undead and choose among five complementary character classes. \u00a9 2006 Ubisoft Entertainment. All Rights Reserved. Dark Messiah, Might and Magic, Ubisoft and the Ubisoft logo are trademarks of Ubisoft Entertainment in the U.S. and/or other countries. Developed by Arkane Studios.", + "short_description": "Discover a new breed of Action-RPG game powered by an enhanced version of the Source\u2122 Engine by Valve. Set in the Might & Magic\u00ae universe, players will experience ferocious combat in a dark and immersive fantasy environment. Swords, Stealth, Sorcery. Choose your way to kill.", + "genres": "Action", + "recommendations": 6957, + "score": 5.832632303724045 + }, + { + "type": "game", + "name": "DOOM (1993)", + "detailed_description": "Developed by id Software, and originally released in 1993, DOOM pioneered and popularized the first-person shooter, setting a standard for all FPS games. An enhanced version was released on PC, consoles, and mobile devices in 2019. Now, you can get the original and enhanced versions of the base game and the additional content in one place.Owners Receive. The complete, original DOOM (1993) and original Episode IV: They Flesh Consumed (*Previously sold as \u201cUltimate DOOM\u201d) . The enhanced, re-release of DOOM (1993) . Doom (1993) - Original Version . The demons came and the marines died. except one. You are the last defense against Hell. Prepare for the most intense battle you\u2019ve ever faced. Experience the complete, original version of the game released in 1993, now with all official content and Episode IV: Thy Flesh Consumed.Doom (1993) - Enhanced Version . Released in 2019 to celebrate DOOM\u2019s 25th anniversary, this enhanced version makes it even easier for players to enjoy the original game on modern platforms. The re-release version includes: . Upgraded visuals . Improved mouse and keyboard controls . Gamepad/controller support . Widescreen resolution support . Native 60 FPS support . *Free, community add-on content--over 10 add-ons including Sigil, Rekkr, Syringe, Double Impact, Arrival, Revolution and many more. . Episode IV: Thy Flesh Consumed . Local split-screen co-op and PvP . *Log in with your Slayers Club account to receive a retro-inspired, Indigo DOOM Marine skin and matching nameplate for DOOM Eternal. Bethesda.net account required. See end user license agreement, Terms of Service, Privacy Policy and additional details at bethesda.net.", + "about_the_game": "Developed by id Software, and originally released in 1993, DOOM pioneered and popularized the first-person shooter, setting a standard for all FPS games. An enhanced version was released on PC, consoles, and mobile devices in 2019. Now, you can get the original and enhanced versions of the base game and the additional content in one place.Owners Receive The complete, original DOOM (1993) and original Episode IV: They Flesh Consumed (*Previously sold as \u201cUltimate DOOM\u201d) The enhanced, re-release of DOOM (1993) Doom (1993) - Original Version The demons came and the marines died...except one. You are the last defense against Hell. Prepare for the most intense battle you\u2019ve ever faced. Experience the complete, original version of the game released in 1993, now with all official content and Episode IV: Thy Flesh Consumed.Doom (1993) - Enhanced Version Released in 2019 to celebrate DOOM\u2019s 25th anniversary, this enhanced version makes it even easier for players to enjoy the original game on modern platforms. The re-release version includes: Upgraded visuals Improved mouse and keyboard controls Gamepad/controller support Widescreen resolution support Native 60 FPS support *Free, community add-on content--over 10 add-ons including Sigil, Rekkr, Syringe, Double Impact, Arrival, Revolution and many more. Episode IV: Thy Flesh Consumed Local split-screen co-op and PvP *Log in with your Slayers Club account to receive a retro-inspired, Indigo DOOM Marine skin and matching nameplate for DOOM Eternal. Bethesda.net account required. See end user license agreement, Terms of Service, Privacy Policy and additional details at bethesda.net.", + "short_description": "You\u2019re a marine\u2014one of Earth\u2019s best\u2014recently assigned to the Union Aerospace Corporation (UAC) research facility on Mars. When an experiment malfunctions and creates a portal to Hell, the base is overrun by blood-thirsty demons. You must shoot your way out to survive.", + "genres": "Action", + "recommendations": 13327, + "score": 6.261115162489749 + }, + { + "type": "game", + "name": "Quake", + "detailed_description": "Developed by the award-winning id Software, Quake\u00ae is the ground-breaking, original dark fantasy first-person shooter that inspires today\u2019s retro-style FPS games. With Quake (Enhanced), experience the authentic, updated, and visually enhanced version of the original.Experience the Original Game, EnhancedEnjoy the original, authentic version of Quake, now with up to 4K* and widescreen resolution support, enhanced models, dynamic and colored lighting, anti-aliasing, depth of field, the original, atmospheric soundtrack and theme song by Trent Reznor, and more. There\u2019s never been a better time to play Quake.Play the Dark Fantasy CampaignYou are Ranger, a warrior armed with a powerful arsenal of weapons. Fight corrupted knights, deformed ogres and an army of twisted creatures across four dark dimensions of infested military bases, ancient medieval castles, lava-filled dungeons and gothic cathedrals in search of the four magic runes. Only after you have collected the runes will you hold the power to defeat the ancient evil that threatens all of humanity.Get the Original & New Expansion PacksQuake also comes with both original expansion packs: \u201cThe Scourge of Armagon\u201d and \u201cDissolution of Eternity,\u201d as well as two expansions developed by the award-winning team at MachineGames: \u201cDimension of the Past,\u201d and the all-new \u201cDimension of the Machine.\u201dDiscover the All-New \u201cDimension of the Machine\u201d ExpansionIn the deepest depths of the labyrinth lies the core of lava and steel known only as The Machine. Crusade across time and space against the forces of evil to bring together the lost runes, power the dormant machine, and open the portal hiding the greatest threat to all known worlds\u2014destroy it. before it destroys us all.Horde ModeExperience the all-new Horde Mode and add-ons for Quake, free to all players. Grab your guns and drop into Horde Mode - play solo, with friends online, or in local multiplayer split-screen. Unlock powerful weapons and power-ups and battle your way through endless waves of monsters.Enjoy Online & Local Multiplayer and Co-opFight through the dark fantasy base campaign and expansions in 4-player online or local split-screen co-op, and compete in pure, retro-style combat with support for 8-player (online) or 4-player (local split-screen) matches. Featuring dedicated server support for online matchmaking and peer-to-peer support for custom matches.Download Additional, Free Mods & MissionsExpand your experience with free, curated, fan-made and official mods and missions such as Quake 64, which is available to download and play now. More fan-made and official mods and missions coming soon.Play together With CrossplayPlay the campaign and all expansion packs cooperatively or go toe-to-toe in multiplayer matches with your friends regardless of platform! Crossplay is supported among PC (controller-enabled), Xbox One, Xbox Series X/S, PS4, PS5 and Nintendo Switch.Get the \u201coriginal\u201d and \u201cenhanced\u201d Versions Play whichever version of Quake you prefer. Ownership of Quake gives you access to Quake (Original), the fully-moddable, untouched version of the game that has been available for years , and Quake (Enhanced), the recently released version of the game with improved visuals, curated add-ons, enhanced multiplayer support, crossplay, controller support, and more. . *Maximum display resolutions vary by platform.", + "about_the_game": "Developed by the award-winning id Software, Quake\u00ae is the ground-breaking, original dark fantasy first-person shooter that inspires today\u2019s retro-style FPS games. With Quake (Enhanced), experience the authentic, updated, and visually enhanced version of the original.Experience the Original Game, EnhancedEnjoy the original, authentic version of Quake, now with up to 4K* and widescreen resolution support, enhanced models, dynamic and colored lighting, anti-aliasing, depth of field, the original, atmospheric soundtrack and theme song by Trent Reznor, and more. There\u2019s never been a better time to play Quake.Play the Dark Fantasy CampaignYou are Ranger, a warrior armed with a powerful arsenal of weapons. Fight corrupted knights, deformed ogres and an army of twisted creatures across four dark dimensions of infested military bases, ancient medieval castles, lava-filled dungeons and gothic cathedrals in search of the four magic runes. Only after you have collected the runes will you hold the power to defeat the ancient evil that threatens all of humanity.Get the Original & New Expansion PacksQuake also comes with both original expansion packs: \u201cThe Scourge of Armagon\u201d and \u201cDissolution of Eternity,\u201d as well as two expansions developed by the award-winning team at MachineGames: \u201cDimension of the Past,\u201d and the all-new \u201cDimension of the Machine.\u201dDiscover the All-New \u201cDimension of the Machine\u201d ExpansionIn the deepest depths of the labyrinth lies the core of lava and steel known only as The Machine. Crusade across time and space against the forces of evil to bring together the lost runes, power the dormant machine, and open the portal hiding the greatest threat to all known worlds\u2014destroy it...before it destroys us all.Horde ModeExperience the all-new Horde Mode and add-ons for Quake, free to all players. Grab your guns and drop into Horde Mode - play solo, with friends online, or in local multiplayer split-screen. Unlock powerful weapons and power-ups and battle your way through endless waves of monsters.Enjoy Online & Local Multiplayer and Co-opFight through the dark fantasy base campaign and expansions in 4-player online or local split-screen co-op, and compete in pure, retro-style combat with support for 8-player (online) or 4-player (local split-screen) matches. Featuring dedicated server support for online matchmaking and peer-to-peer support for custom matches.Download Additional, Free Mods & MissionsExpand your experience with free, curated, fan-made and official mods and missions such as Quake 64, which is available to download and play now. More fan-made and official mods and missions coming soon.Play together With CrossplayPlay the campaign and all expansion packs cooperatively or go toe-to-toe in multiplayer matches with your friends regardless of platform! Crossplay is supported among PC (controller-enabled), Xbox One, Xbox Series X/S, PS4, PS5 and Nintendo Switch.Get the \u201coriginal\u201d and \u201cenhanced\u201d Versions Play whichever version of Quake you prefer. Ownership of Quake gives you access to Quake (Original), the fully-moddable, untouched version of the game that has been available for years , and Quake (Enhanced), the recently released version of the game with improved visuals, curated add-ons, enhanced multiplayer support, crossplay, controller support, and more. *Maximum display resolutions vary by platform.", + "short_description": "Developed by the award-winning id Software, Quake\u00ae is the ground-breaking, original dark fantasy first-person shooter that inspires today\u2019s retro-style FPS games. With Quake (Enhanced), experience the authentic, updated, and visually enhanced version of the original.", + "genres": "Action", + "recommendations": 10235, + "score": 6.0871074059353605 + }, + { + "type": "game", + "name": "The Ship: Murder Party", + "detailed_description": "Finding a ServerAhoy Shipmates!. Unfortunately the in-game server browser is no longer working. However, players can connect to servers via the Steam Client > View > Servers (if you don't see The Ship you may have to restart the client). Feel free to drop by the forums to chat about this and you can find a more detail explanation of the issues in our announcement: About the GameThis package includes a tutorial, The Ship Single Player, which introduces you to some gameplay mechanics and storyline, and The Ship Multiplayer where you can hunt and be hunted by other players. . Please read our State of the Game announcement: For PC gamers who enjoy multiplayer games with a bit of intelligence, intrigue and ingenuity, The Ship is a murder mystery alternative to traditional FPS multiplayer games. Each player is given a Quarry to kill - and must evade their own Hunter in the process, all set on board a series of 1920s art deco cruise ships. . The Ship is owned by the mysterious Mr X and as one of many 'lucky' recipients of a free ticket you arrive on board The Ship to find there's a catch to your luxury cruise. You are coerced into a brutal Hunt to indulge Mr. X's fantasies, under threat of death for not only yourself, but also your family. Your only chance to save yourself and your family is to play the Hunt and win. . Combining stealthy multiplayer action and a needs system, The Ship is a truly unique gaming experience. .", + "about_the_game": "This package includes a tutorial, The Ship Single Player, which introduces you to some gameplay mechanics and storyline, and The Ship Multiplayer where you can hunt and be hunted by other players.Please read our State of the Game announcement: PC gamers who enjoy multiplayer games with a bit of intelligence, intrigue and ingenuity, The Ship is a murder mystery alternative to traditional FPS multiplayer games. Each player is given a Quarry to kill - and must evade their own Hunter in the process, all set on board a series of 1920s art deco cruise ships.The Ship is owned by the mysterious Mr X and as one of many 'lucky' recipients of a free ticket you arrive on board The Ship to find there's a catch to your luxury cruise. You are coerced into a brutal Hunt to indulge Mr. X's fantasies, under threat of death for not only yourself, but also your family. Your only chance to save yourself and your family is to play the Hunt and win.Combining stealthy multiplayer action and a needs system, The Ship is a truly unique gaming experience.", + "short_description": "The Ship is a murder mystery multiplayer.", + "genres": "Action", + "recommendations": 2545, + "score": 5.169863434075474 + }, + { + "type": "game", + "name": "Call of Duty\u00ae 2", + "detailed_description": "Call of Duty\u00ae 2 redefines the cinematic intensity and chaos of battle as seen through the eyes of ordinary soldiers fighting together in epic WWII conflicts. The sequel to 2003's Call of Duty, winner of over 80 Game of the Year awards, Call of Duty 2 offers more immense, more intense, more realistic battles than ever before, thanks to the stunning visuals of the new COD\u21222 engine. The #1 WWII shooter development team returns with an amazing new experience: Developed by Infinity Ward, creators of the award-winning Call of Duty. All-new, unprecedented enhancements from stunningly realistic graphics to seamless gameplay, thanks to the revolutionary COD2 engine, groundbreaking AI, and choice-based gameplay innovations. Beautifully rendered snow, rain, fog, and smoke, combined with dynamic lighting and shadows, make this the most intense WWII shooter yet. . New conflicts and enemies to face: Call of Duty 2 brings you bigger battles, with more tanks, troops, and explosions on-screen, and bigger scope, with a wide range of locales and environments across the European Theater. Fight \"The Desert Fox\" across the scorching sands of North Africa as wave upon wave of tanks clash in the desert. Use rocket-propelled grappling hooks alongside your Army Ranger squad to storm and scale the cliffs of Pointe du Hoc against a relentless German counterassault, and slog through urban chaos as a tank hunter in war-torn Russia. . Rely on your squad as never before: The dozens of Allied soldiers surrounding you are fully aware of the changing situations around them, and will let you know using an all-new, context-sensitive battle chatter system. They will draw enemy fire, lay down cover for you, use foxholes and moving tanks for cover, and warn you of incoming enemy troops and hostile fire. . Choice-based gameplay: Play through missions in the order you see fit. Will you decide to play first as a sniper or as a tank commander? It's your call. Open-ended battlefields allow you to individualize your tactics and choose the order in which you complete your objectives. . Multiplayer Mayhem: Go online for intense Axis vs. Allies team-based multiplayer action, building on the hugely popular Call of Duty multiplayer modes.", + "about_the_game": "Call of Duty\u00ae 2 redefines the cinematic intensity and chaos of battle as seen through the eyes of ordinary soldiers fighting together in epic WWII conflicts. The sequel to 2003's Call of Duty, winner of over 80 Game of the Year awards, Call of Duty 2 offers more immense, more intense, more realistic battles than ever before, thanks to the stunning visuals of the new COD\u21222 engine.\t\t\t\t\tThe #1 WWII shooter development team returns with an amazing new experience: Developed by Infinity Ward, creators of the award-winning Call of Duty. All-new, unprecedented enhancements from stunningly realistic graphics to seamless gameplay, thanks to the revolutionary COD2 engine, groundbreaking AI, and choice-based gameplay innovations. Beautifully rendered snow, rain, fog, and smoke, combined with dynamic lighting and shadows, make this the most intense WWII shooter yet.\t\t\t\t\tNew conflicts and enemies to face: Call of Duty 2 brings you bigger battles, with more tanks, troops, and explosions on-screen, and bigger scope, with a wide range of locales and environments across the European Theater. Fight \"The Desert Fox\" across the scorching sands of North Africa as wave upon wave of tanks clash in the desert. Use rocket-propelled grappling hooks alongside your Army Ranger squad to storm and scale the cliffs of Pointe du Hoc against a relentless German counterassault, and slog through urban chaos as a tank hunter in war-torn Russia. \t\t\t\t\tRely on your squad as never before: The dozens of Allied soldiers surrounding you are fully aware of the changing situations around them, and will let you know using an all-new, context-sensitive battle chatter system. They will draw enemy fire, lay down cover for you, use foxholes and moving tanks for cover, and warn you of incoming enemy troops and hostile fire.\t\t\t\t\tChoice-based gameplay: Play through missions in the order you see fit. Will you decide to play first as a sniper or as a tank commander? It's your call. Open-ended battlefields allow you to individualize your tactics and choose the order in which you complete your objectives. \t\t\t\t\tMultiplayer Mayhem: Go online for intense Axis vs. Allies team-based multiplayer action, building on the hugely popular Call of Duty multiplayer modes.", + "short_description": "Call of Duty\u00ae 2 redefines the cinematic intensity and chaos of battle as seen through the eyes of ordinary soldiers fighting together in epic WWII conflicts. The sequel to 2003's Call of Duty, winner of over 80 Game of the Year awards, Call of Duty 2 offers more immense, more intense, more realistic battles than ever before, thanks to...", + "genres": "Action", + "recommendations": 6562, + "score": 5.794104108333784 + }, + { + "type": "game", + "name": "Plants vs. Zombies GOTY Edition", + "detailed_description": "Zombies are invading your home, and the only defense is your arsenal of plants! Armed with an alien nursery-worth of zombie-zapping plants like peashooters and cherry bombs, you'll need to think fast and plant faster to stop dozens of types of zombies dead in their tracks. Obstacles like a setting sun, creeping fog and a swimming pool add to the challenge, and with five game modes to dig into, the fun never dies!Features Play five game modes: Adventure, Mini-Games, Puzzle, Survival, plus the stress-free Zen Garden. Conquer all 50 levels of Adventure mode \u0097 through day, night, and fog, in a swimming pool and on the rooftop. Battle 26 types of zombies including pole-vaulters, snorkelers and \u0093Zomboni\u0094 drivers. Earn 49 powerful perennials and collect coins to buy a pet snail, power-ups and more!. Open the Almanac to see all the plants and zombies, plus amusing \u0093facts\u0094 and quotes. Browse Crazy Dave\u0092s shop for special plants and tools to stem any zombie assault. Amazing graphics and soundtrack, plus a bonus music video. Infinite replayability: the game is never the same experience twice!. Unlock all the Steam Achievements.", + "about_the_game": "Zombies are invading your home, and the only defense is your arsenal of plants! Armed with an alien nursery-worth of zombie-zapping plants like peashooters and cherry bombs, you'll need to think fast and plant faster to stop dozens of types of zombies dead in their tracks. Obstacles like a setting sun, creeping fog and a swimming pool add to the challenge, and with five game modes to dig into, the fun never dies!Features Play five game modes: Adventure, Mini-Games, Puzzle, Survival, plus the stress-free Zen Garden Conquer all 50 levels of Adventure mode \u0097 through day, night, and fog, in a swimming pool and on the rooftop Battle 26 types of zombies including pole-vaulters, snorkelers and \u0093Zomboni\u0094 drivers Earn 49 powerful perennials and collect coins to buy a pet snail, power-ups and more! Open the Almanac to see all the plants and zombies, plus amusing \u0093facts\u0094 and quotes Browse Crazy Dave\u0092s shop for special plants and tools to stem any zombie assault Amazing graphics and soundtrack, plus a bonus music video Infinite replayability: the game is never the same experience twice! Unlock all the Steam Achievements", + "short_description": "Zombies are invading your home, and the only defense is your arsenal of plants! Armed with an alien nursery-worth of zombie-zapping plants like peashooters and cherry bombs, you'll need to think fast and plant faster to stop dozens of types of zombies dead in their tracks.", + "genres": "Strategy", + "recommendations": 98402, + "score": 7.5790500399434935 + }, + { + "type": "game", + "name": "Psychonauts", + "detailed_description": "A Psychic Odyssey Through the Minds of Misfits, Monsters, and Madmen. . This classic action/adventure platformer from acclaimed developers Double Fine Productions follows the story of a young psychic named Razputin. In his quest to join the Psychonauts--an elite group of international psychic secret agents--he breaks into their secret training facility: Whispering Rock Psychic Summer Camp. But this is no average psychic summer camp! A mysterious villain has kidnapped Raz\u2019s fellow campers and stolen their brains. Now he must use his psychic powers of Telekinesis, Levitation, and most of all his ability to project himself into the minds of others--to find the loose noodles and keep them from falling into the wrong hands. Fight mental demons! Uncover hidden memories! Sort emotional baggage! Explore the fantastic realm of the inner mind! Join the Psychonauts!", + "about_the_game": "A Psychic Odyssey Through the Minds of Misfits, Monsters, and Madmen.\r\n\r\nThis classic action/adventure platformer from acclaimed developers Double Fine Productions follows the story of a young psychic named Razputin. In his quest to join the Psychonauts--an elite group of international psychic secret agents--he breaks into their secret training facility: Whispering Rock Psychic Summer Camp. But this is no average psychic summer camp! A mysterious villain has kidnapped Raz\u2019s fellow campers and stolen their brains. Now he must use his psychic powers of Telekinesis, Levitation, and most of all his ability to project himself into the minds of others--to find the loose noodles and keep them from falling into the wrong hands. Fight mental demons! Uncover hidden memories! Sort emotional baggage! Explore the fantastic realm of the inner mind! Join the Psychonauts!", + "short_description": "A Psychic Odyssey Through the Minds of Misfits, Monsters, and Madmen. This classic action/adventure platformer from acclaimed developers Double Fine Productions follows the story of a young psychic named Razputin.", + "genres": "Action", + "recommendations": 9640, + "score": 6.047628720325821 + }, + { + "type": "game", + "name": "Sid Meier's Civilization\u00ae IV", + "detailed_description": "With over 6 million units sold and unprecedented critical acclaim from fans and press around the world, Sid Meier's Civilization is recognized as one of the greatest PC game franchises of all-time. Now, Sid Meier and Firaxis Games will take this incredibly fun and addictive game to new heights by adding new ways to play and win, new tools to manage and expand your civilization, all-new easy to use mod capabilities and intense multiplayer modes and options*. Civilization IV will come to life like never before in a beautifully detailed, living 3D world that will elevate the gameplay experience to a whole new level. Civilization IV has already been heralded as one of the top ten games of 2005, and a must-have for gamers around the globe!. *Mac version's Online Multiplayer is no longer supported.", + "about_the_game": "With over 6 million units sold and unprecedented critical acclaim from fans and press around the world, Sid Meier's Civilization is recognized as one of the greatest PC game franchises of all-time. Now, Sid Meier and Firaxis Games will take this incredibly fun and addictive game to new heights by adding new ways to play and win, new tools to manage and expand your civilization, all-new easy to use mod capabilities and intense multiplayer modes and options*. Civilization IV will come to life like never before in a beautifully detailed, living 3D world that will elevate the gameplay experience to a whole new level. Civilization IV has already been heralded as one of the top ten games of 2005, and a must-have for gamers around the globe!*Mac version's Online Multiplayer is no longer supported.", + "short_description": "With over 6 million units sold and unprecedented critical acclaim from fans and press around the world, Sid Meier's Civilization is recognized as one of the greatest PC game franchises of all-time. Now, Sid Meier and Firaxis Games will take this incredibly fun and addictive game to new heights by adding new ways to play and win, new...", + "genres": "Strategy", + "recommendations": 2160, + "score": 5.061781120445029 + }, + { + "type": "game", + "name": "Sid Meier's Civilization\u00ae III Complete", + "detailed_description": "Sid Meier's Civilization III: Complete, the latest offering in the Sid Meier's Civilization III franchise, provides gaming fans with Sid Meier's Civilization III, the highly-addictive journey of discovery, combined with the updated and enhanced multiplayer expansion pack Sid Meier's Civilization III: Play the World*, as well as all of the great new civilizations, scenarios, and features from Sid Meier's Civilization III: Conquests! Sid Meier's Civilization III: Complete provides more ways to explore, more strategies to employ, more modes of play, and more ways to win, all in one box!. *Online Multiplayer to be suspended as of May 31st 2014, LAN mode still supported", + "about_the_game": "Sid Meier's Civilization III: Complete, the latest offering in the Sid Meier's Civilization III franchise, provides gaming fans with Sid Meier's Civilization III, the highly-addictive journey of discovery, combined with the updated and enhanced multiplayer expansion pack Sid Meier's Civilization III: Play the World*, as well as all of the great new civilizations, scenarios, and features from Sid Meier's Civilization III: Conquests! Sid Meier's Civilization III: Complete provides more ways to explore, more strategies to employ, more modes of play, and more ways to win, all in one box!\r\n\r\n*Online Multiplayer to be suspended as of May 31st 2014, LAN mode still supported", + "short_description": "Sid Meier's Civilization III: Complete, the latest offering in the Sid Meier's Civilization III franchise, provides gaming fans with Sid Meier's Civilization III, the highly-addictive journey of discovery.", + "genres": "Strategy", + "recommendations": 4369, + "score": 5.526005387421468 + }, + { + "type": "game", + "name": "Garry's Mod", + "detailed_description": "Garry's Mod is a physics sandbox. There aren't any predefined aims or goals. We give you the tools and leave you to play. . You spawn objects and weld them together to create your own contraptions - whether that's a car, a rocket, a catapult or something that doesn't have a name yet - that's up to you. You can do it offline, or join the thousands of players who play online each day. . If you're not too great at construction - don't worry! You can place a variety of characters in silly positions. But if you want to do more, we have the means.Beyond the Sandbox. The Garry's Mod community is a tremendous source of content and has added hundreds of unique modes to the game. In Trouble In Terrorist Town, you can be a detective solving an online murder as criminals attempt to cover up their homicides. Be a ball, a plant, a chair, or anything else in Prop Hunt's elaborate, shape-shifting game of Hide & Seek. Elevator: Source is gaming's first elevator thrill ride, delivering players to airlocks and kitten dance parties. . We have one of the most vibrant Steam Community Workshops, with over 300'000 models, maps, and contraptions to download. It has everything from new tools to improve your builds, to guns that fire rainbow-tinged nuclear blasts from space. Take as much or as little as you need: it\u2019s all free. . Please note: Some multiplayer servers and game-modes might require you to own other games - such as Counter-Strike: Source and Team Fortress 2.", + "about_the_game": "Garry's Mod is a physics sandbox. There aren't any predefined aims or goals. We give you the tools and leave you to play.You spawn objects and weld them together to create your own contraptions - whether that's a car, a rocket, a catapult or something that doesn't have a name yet - that's up to you. You can do it offline, or join the thousands of players who play online each day. If you're not too great at construction - don't worry! You can place a variety of characters in silly positions. But if you want to do more, we have the means.Beyond the SandboxThe Garry's Mod community is a tremendous source of content and has added hundreds of unique modes to the game. In Trouble In Terrorist Town, you can be a detective solving an online murder as criminals attempt to cover up their homicides. Be a ball, a plant, a chair, or anything else in Prop Hunt's elaborate, shape-shifting game of Hide & Seek. Elevator: Source is gaming's first elevator thrill ride, delivering players to airlocks and kitten dance parties. We have one of the most vibrant Steam Community Workshops, with over 300'000 models, maps, and contraptions to download. It has everything from new tools to improve your builds, to guns that fire rainbow-tinged nuclear blasts from space. Take as much or as little as you need: it\u2019s all free. Please note: Some multiplayer servers and game-modes might require you to own other games - such as Counter-Strike: Source and Team Fortress 2.", + "short_description": "Garry's Mod is a physics sandbox. There aren't any predefined aims or goals. We give you the tools and leave you to play.", + "genres": "Indie", + "recommendations": 841357, + "score": 8.993721447503289 + }, + { + "type": "game", + "name": "S.T.A.L.K.E.R.: Shadow of Chernobyl", + "detailed_description": "S.T.A.L.K.E.R. 2: Heart of Chornobyl. Prepare to enter the Zone for your own risk striving to make a fortune out of it or even to find the Truth concealed in the Heart of Chornobyl. . * EPIC NONLINEAR STORY IN SEAMLESS OPEN WORLD. * VARIETY OF ENEMIES AND HUNDREDS OF WEAPON COMBINATIONS. * LEGENDARY MUTANTS WITH DIFFERENT BEHAVIOUR MODELS. * ARTIFACTS OF INCREDIBLE VALUE AND UNFORGIVING ANOMALIES. Discover the legendary S.T.A.L.K.E.R. universe!. About the GameThe Zone, a place full of unfathomable wonders and sinister threats \u2013 former exclusion territory near the Chornobyl Nuclear Power Plant. This most dangerous place on Earth became even more mysterious after an obscure accident in 2006. Anomalies with precious artifacts, starving mutants and greedy thugs have flooded these lands along with stalkers searching for a new life and ways to get rich\u2026 Feel as one of them in S.T.A.L.K.E.R.: Shadow of Chernobyl!. SEARCHING. To survive, a true stalker must not stop his search. Valuable trophies, equipment and supplies, new friends, shortcuts or answers to the grimmest riddles of these lands are what give a chance not to perish. So prepare for a foray to find your fate in the Center of the Zone, the most protected place from unwanted guests. . HAZARD. The path of a stalker to his goal is never a walk in the park. A treacherous anomaly, able to mash even the most experienced fighter, the stray of ravenous mutants or jarring betrayal \u2013 any of these things can cost your life. Get ready to check your skills and gumption, enduring the superior numbers of rivals and mutants. Stay alert even when you are alone \u2013 here at the Zone, everything is rarely what it seems at first glance. . DESOLATION. These desolate lands of eternal autumn are full of hundreds of vagabonds. Though, the stalker is always on his own, facing dangers that are often unseen. Listen carefully, calculate every step and trust no one but yourself and Geiger counter. Only intuition combined with mastery and ice-cold guts can save a free stalker from being Lost to the Zone. . . Game Features:. A mix of action, horror, survival, and RPG elements in a dark Eastern European sci-fiction setting. . The unique atmosphere of loneliness in a dangerous place where time has stopped forever. . Locations transferred to the game from the real Chornobyl Exclusion Zone: Pripyat, ChNPP, and many others. . Smart AI of opponents and NPCs who live their own lives and are capable of reacting to changes. . A non-linear story in which your choices lead to one of many endings. . Dynamic changes in the day-night cycle and weather conditions that affect the gameplay. . Multiplayer modes with up to 32 players on one map.", + "about_the_game": "The Zone, a place full of unfathomable wonders and sinister threats \u2013 former exclusion territory near the Chornobyl Nuclear Power Plant. This most dangerous place on Earth became even more mysterious after an obscure accident in 2006. Anomalies with precious artifacts, starving mutants and greedy thugs have flooded these lands along with stalkers searching for a new life and ways to get rich\u2026 Feel as one of them in S.T.A.L.K.E.R.: Shadow of Chernobyl!SEARCHINGTo survive, a true stalker must not stop his search. Valuable trophies, equipment and supplies, new friends, shortcuts or answers to the grimmest riddles of these lands are what give a chance not to perish. So prepare for a foray to find your fate in the Center of the Zone, the most protected place from unwanted guests.HAZARDThe path of a stalker to his goal is never a walk in the park. A treacherous anomaly, able to mash even the most experienced fighter, the stray of ravenous mutants or jarring betrayal \u2013 any of these things can cost your life. Get ready to check your skills and gumption, enduring the superior numbers of rivals and mutants. Stay alert even when you are alone \u2013 here at the Zone, everything is rarely what it seems at first glance.DESOLATIONThese desolate lands of eternal autumn are full of hundreds of vagabonds. Though, the stalker is always on his own, facing dangers that are often unseen. Listen carefully, calculate every step and trust no one but yourself and Geiger counter. Only intuition combined with mastery and ice-cold guts can save a free stalker from being Lost to the Zone.Game Features:A mix of action, horror, survival, and RPG elements in a dark Eastern European sci-fiction setting.The unique atmosphere of loneliness in a dangerous place where time has stopped forever.Locations transferred to the game from the real Chornobyl Exclusion Zone: Pripyat, ChNPP, and many others.Smart AI of opponents and NPCs who live their own lives and are capable of reacting to changes.A non-linear story in which your choices lead to one of many endings.Dynamic changes in the day-night cycle and weather conditions that affect the gameplay.Multiplayer modes with up to 32 players on one map.", + "short_description": "S.T.A.L.K.E.R.: Shadow of Chernobyl tells a story about survival in the Zone \u2013 a very dangerous place, where you fear not only the radiation, anomalies and deadly creatures, but other S.T.A.L.K.E.R.s, who have their own goals and wishes.", + "genres": "Action", + "recommendations": 27947, + "score": 6.749260651117242 + }, + { + "type": "game", + "name": "Company of Heroes - Legacy Edition", + "detailed_description": "DISCLAIMERThis legacy version of COH1 will also give you access to the latest updated version of COH1 - simply called \"Company of Heroes\" in your Steam library. PLEASE USE THE LATTER TO PLAY ONLINE, and visit the associated pages to join the COH1 Steam Community & Modding scene:. COH1 Community Hub. COH1 Steam Workshop. DESCRIPTIONDelivering a visceral WWII gaming experience, Company of Heroes redefines real time strategy gaming by bringing the sacrifice of heroic soldiers, war-ravaged environments, and dynamic battlefields to life. Beginning with the D-Day Invasion of Normandy, players lead squads of Allied soldiers into battle against the German war machine through some of the most pivotal battles of WWII. Through a rich single player campaign, players experience the cinematic intensity and bravery of ordinary soldiers thrust into extraordinary events. . A Cinematic Single Player Experience that captures the turmoil of WWII as never before. . Advanced squad AI brings your soldiers to life as they interact with the changing environment, take cover, and execute advanced squad tactics to eliminate all enemy opposition. . Stunning Visuals - Relic's next generation cutting-edge engine provides graphic quality and a physics driven world that is unprecedented in an RTS. . Environmental Strategy - Real-time physics and a completely destructible environment guarantee no two battles ever play out in the same way. Destroy anything and re-shape the battlefield! Use buildings and terrain to your advantage, or deny them to the enemy. . 2-8 Player Multiplayer Competition via LAN or Internet - Go online with friends and join the ultimate battle of Axis versus Allies.", + "about_the_game": "DISCLAIMERThis legacy version of COH1 will also give you access to the latest updated version of COH1 - simply called \"Company of Heroes\" in your Steam library. PLEASE USE THE LATTER TO PLAY ONLINE, and visit the associated pages to join the COH1 Steam Community & Modding scene:COH1 Community HubCOH1 Steam WorkshopDESCRIPTIONDelivering a visceral WWII gaming experience, Company of Heroes redefines real time strategy gaming by bringing the sacrifice of heroic soldiers, war-ravaged environments, and dynamic battlefields to life. Beginning with the D-Day Invasion of Normandy, players lead squads of Allied soldiers into battle against the German war machine through some of the most pivotal battles of WWII. Through a rich single player campaign, players experience the cinematic intensity and bravery of ordinary soldiers thrust into extraordinary events.\t\t\t\t\tA Cinematic Single Player Experience that captures the turmoil of WWII as never before.\t\t\t\t\tAdvanced squad AI brings your soldiers to life as they interact with the changing environment, take cover, and execute advanced squad tactics to eliminate all enemy opposition. \t\t\t\t\tStunning Visuals - Relic's next generation cutting-edge engine provides graphic quality and a physics driven world that is unprecedented in an RTS.\t\t\t\t\tEnvironmental Strategy - Real-time physics and a completely destructible environment guarantee no two battles ever play out in the same way. Destroy anything and re-shape the battlefield! Use buildings and terrain to your advantage, or deny them to the enemy.\t\t\t\t\t2-8 Player Multiplayer Competition via LAN or Internet - Go online with friends and join the ultimate battle of Axis versus Allies.", + "short_description": "Delivering a visceral WWII gaming experience, Company of Heroes redefines RTS by bringing the sacrifice of heroic soldiers, war-ravaged environments, and dynamic battlefields to life. This legacy version also grants access to the latest version of COH, just called "Company of Heroes".", + "genres": "Action", + "recommendations": 4200, + "score": 5.500005091461108 + }, + { + "type": "game", + "name": "Warhammer\u00ae 40,000: Dawn of War\u00ae - Game of the Year Edition", + "detailed_description": "Reviews. About the GamePrepare yourself for the grim, dark future of the 41st millennium, where alien races battle mankind for galactic domination in a universe of unending war. Personalize your armies with a revolutionary unit customization tool that gives you the ability to choose your armies insignias, banners, squad colors and names. . Engaging story driven single player campaign. Command the elite chapter of the Blood Ravens in an original epic tale of treason and conspiracy as you serve the Emperor and protect humanity from the scourges of Warhammer 40,000 universe. . Master four unique races. Command your Space Marines, Orks, Chaos and Eldar in epic battles and master their distinct abilities, weapons, and tech trees to eradicate the enemy and rule the known universe. . Unprecedented realism. Appropriately scaled terrain, vehicle physics and dynamic lightning contribute to a level of realism never before displayed in a real-time strategy game. . Visceral cinematic melee and ranged combat. Realistic unit animations immerse you in intense brutal combat . . Pioneering tactical gameplay. Innovations such as cover, squad-based combat, and morale add new strategic depth to real-time warfare. . Dynamic multiplayer. Test your true combat abilities in two-to-eight player battles providing endless re-playability.", + "about_the_game": "Prepare yourself for the grim, dark future of the 41st millennium, where alien races battle mankind for galactic domination in a universe of unending war.Personalize your armies with a revolutionary unit customization tool that gives you the ability to choose your armies insignias, banners, squad colors and names.Engaging story driven single player campaign.Command the elite chapter of the Blood Ravens in an original epic tale of treason and conspiracy as you serve the Emperor and protect humanity from the scourges of Warhammer 40,000 universe.Master four unique races.Command your Space Marines, Orks, Chaos and Eldar in epic battles and master their distinct abilities, weapons, and tech trees to eradicate the enemy and rule the known universe.Unprecedented realism.Appropriately scaled terrain, vehicle physics and dynamic lightning contribute to a level of realism never before displayed in a real-time strategy game.Visceral cinematic melee and ranged combat.Realistic unit animations immerse you in intense brutal combat .Pioneering tactical gameplay.Innovations such as cover, squad-based combat, and morale add new strategic depth to real-time warfare.Dynamic multiplayer.Test your true combat abilities in two-to-eight player battles providing endless re-playability", + "short_description": "Prepare yourself for the grim, dark future of the 41st millennium, where alien races battle mankind for galactic domination in a universe of unending war. Personalize your armies with a revolutionary unit customization tool that gives you the ability to choose your armies insignias, banners, squad colors and names.", + "genres": "Strategy", + "recommendations": 6471, + "score": 5.784899523548561 + }, + { + "type": "game", + "name": "Warhammer\u00ae 40,000: Dawn of War\u00ae - Dark Crusade", + "detailed_description": "Deep under the central desert of Kronus, a vast honeycomb of skull-lined tunnels and funeral chambers house the awakening Necron menace. Eons ago, these were the boulevards and squares of a great necropolis built to house the bones of the races who had fallen to the Necrons, and ultimately were where the Necrons themselves retire to spend eternity. Over millions of years, sand and rock had covered it all until ill-fated excavations awoke the deathless. Play any of seven races, striving for control over Kronus. Take other races' strongholds by winning challenging battles on various maps individually associated with the respective strongholds. . New Races. Take command of two new playable races: Tau and Necron to unleash massive carnage across the frontlines of battle. . Expanded multiplayer. Dominate opponents online across 12 new multiplayer maps - with up to 8 players battling it out for supremacy. . Deep single player campaign. Conquer the planet of Kronus any way you choose - leading any one of seven races on an epic crusade through an all-new, non-linear single player campaign where you can experience unique storylines from each race's perspective. . Customization. Customize your hero's weapons, items and abilities as he grows in power and influence. Personalize your army with a variety of insignias, squad colors, banners and names.", + "about_the_game": "Deep under the central desert of Kronus, a vast honeycomb of skull-lined tunnels and funeral chambers house the awakening Necron menace. Eons ago, these were the boulevards and squares of a great necropolis built to house the bones of the races who had fallen to the Necrons, and ultimately were where the Necrons themselves retire to spend eternity. Over millions of years, sand and rock had covered it all until ill-fated excavations awoke the deathless. Play any of seven races, striving for control over Kronus. Take other races' strongholds by winning challenging battles on various maps individually associated with the respective strongholds. New RacesTake command of two new playable races: Tau and Necron to unleash massive carnage across the frontlines of battle.Expanded multiplayerDominate opponents online across 12 new multiplayer maps - with up to 8 players battling it out for supremacy.Deep single player campaignConquer the planet of Kronus any way you choose - leading any one of seven races on an epic crusade through an all-new, non-linear single player campaign where you can experience unique storylines from each race's perspective.CustomizationCustomize your hero's weapons, items and abilities as he grows in power and influence. Personalize your army with a variety of insignias, squad colors, banners and names.", + "short_description": "Deep under the central desert of Kronus, a vast honeycomb of skull-lined tunnels and funeral chambers house the awakening Necron menace. Eons ago, these were the boulevards and squares of a great necropolis built to house the bones of the races who had fallen to the Necrons, and ultimately were where the Necrons themselves retire to...", + "genres": "Strategy", + "recommendations": 5984, + "score": 5.733328744868631 + }, + { + "type": "game", + "name": "Total War: MEDIEVAL II \u2013 Definitive Edition", + "detailed_description": "Complete your Total War collection with this Definitive Edition of Total War: MEDIEVAL II, which includes all DLC and feature updates since the game\u2019s release: . Kingdoms is the most content-rich expansion ever produced for a Total War game, with four new entire campaigns centred on expanded maps of the British Isles, Teutonic Northern Europe, the Middle East, and the Americas. . Total War: MEDIEVAL II Definitive Edition offers hundreds and hundreds of hours of absorbing gameplay and every bit of content made for the game. See below for full details. . . About Total War: MEDIEVAL II. Take command of your army and expand your reign in Total War: MEDIEVAL II - the fourth instalment of the award-winning Total War series of strategy games. Direct massive battles featuring up to 10,000 bloodthirsty troops on epic 3D battlefields, while presiding over some of the greatest Medieval nations of the Western and Middle Eastern world. . Spanning the most turbulent era in Western history, your quest for territory and power takes you through Europe, Africa, and the Middle East, and even onto the shores of the New World. . You'll manage your empire with an iron fist, handling everything from building and improving cities to recruiting and training armies. Wield diplomacy to manipulate allies and enemies, outsmart the dreaded Inquisition, and influence the Pope. Lead the fight in the Crusades and bring victory to Islam or Christianity in the Holy War. Rewrite history and conquer the world. This is Total War!. \u2022\tBigger and better real-time battles. Improved combat choreography, larger armies, quicker pace, and spectacular finishing moves make this the most visceral and exciting Total War ever. \u2022\tNew epic campaign. The ambitious single player campaign will span three continents and let players sail across to the Americas to confront the Aztecs on their home soil. \u2022\tGreater accessibility. An enhanced user interface and optional shorter campaigns make the Total War experience faster and easier to enjoy than ever before. \u2022\tOver 40 new features. An advanced terrain system, enhanced weather effects, and more will help you divide and conquer. \u2022\tIntense Multiplayer Battles. Wage war against other players in 8-way multiplayer games. . About Kingdoms. Kingdoms presents players with all-new territories to explore, troops to command, and enemies to conquer. . Kingdoms is the most content-rich expansion ever produced for a Total War game, with four new entire campaigns centred on expanded maps of the British Isles, Teutonic Northern Europe, the Middle East, and the Americas. In Total War: MEDIEVAL II, you were only given a tantalizing glimpse of South America, but in Kingdoms, vast tracts of land in both North and South America have been opened up for you to conquer. All-new factions from the New World are also now fully playable, including the Aztecs, Apaches, and Mayans. . Along with the new maps in the Britannia, Teutonic, Crusades, and New World Campaigns, there are 13 new factions to play, over 110 units to control, and 50 building types, adding up to 80 hours of new gameplay. Kingdoms also offers new multiplayer maps and hotseat multiplayer, a first for the Total War series, allowing you to play one-versus-one campaign games on the same computer. . \u2022\tFour new campaigns - Britannia, Teutonic, Crusades, and New World. \u2022\t10 new units. \u2022\t13 new factions. \u2022\t9 new agents. \u2022\t50 new buildings. \u2022\t60+ new territories across four new maps. \u2022\t15 new multiplayer maps and scenarios. \u2022\tAll-new 1v1 hotseat multiplayer campaign mode", + "about_the_game": "Complete your Total War collection with this Definitive Edition of Total War: MEDIEVAL II, which includes all DLC and feature updates since the game\u2019s release: Kingdoms is the most content-rich expansion ever produced for a Total War game, with four new entire campaigns centred on expanded maps of the British Isles, Teutonic Northern Europe, the Middle East, and the Americas.Total War: MEDIEVAL II Definitive Edition offers hundreds and hundreds of hours of absorbing gameplay and every bit of content made for the game. See below for full details. About Total War: MEDIEVAL IITake command of your army and expand your reign in Total War: MEDIEVAL II - the fourth instalment of the award-winning Total War series of strategy games. Direct massive battles featuring up to 10,000 bloodthirsty troops on epic 3D battlefields, while presiding over some of the greatest Medieval nations of the Western and Middle Eastern world. Spanning the most turbulent era in Western history, your quest for territory and power takes you through Europe, Africa, and the Middle East, and even onto the shores of the New World.You'll manage your empire with an iron fist, handling everything from building and improving cities to recruiting and training armies. Wield diplomacy to manipulate allies and enemies, outsmart the dreaded Inquisition, and influence the Pope. Lead the fight in the Crusades and bring victory to Islam or Christianity in the Holy War. Rewrite history and conquer the world. This is Total War!\u2022\tBigger and better real-time battles. Improved combat choreography, larger armies, quicker pace, and spectacular finishing moves make this the most visceral and exciting Total War ever.\u2022\tNew epic campaign. The ambitious single player campaign will span three continents and let players sail across to the Americas to confront the Aztecs on their home soil.\u2022\tGreater accessibility. An enhanced user interface and optional shorter campaigns make the Total War experience faster and easier to enjoy than ever before.\u2022\tOver 40 new features. An advanced terrain system, enhanced weather effects, and more will help you divide and conquer.\u2022\tIntense Multiplayer Battles. Wage war against other players in 8-way multiplayer games.About KingdomsKingdoms presents players with all-new territories to explore, troops to command, and enemies to conquer.Kingdoms is the most content-rich expansion ever produced for a Total War game, with four new entire campaigns centred on expanded maps of the British Isles, Teutonic Northern Europe, the Middle East, and the Americas. In Total War: MEDIEVAL II, you were only given a tantalizing glimpse of South America, but in Kingdoms, vast tracts of land in both North and South America have been opened up for you to conquer. All-new factions from the New World are also now fully playable, including the Aztecs, Apaches, and Mayans.Along with the new maps in the Britannia, Teutonic, Crusades, and New World Campaigns, there are 13 new factions to play, over 110 units to control, and 50 building types, adding up to 80 hours of new gameplay. Kingdoms also offers new multiplayer maps and hotseat multiplayer, a first for the Total War series, allowing you to play one-versus-one campaign games on the same computer.\u2022\tFour new campaigns - Britannia, Teutonic, Crusades, and New World\u2022\t10 new units\u2022\t13 new factions\u2022\t9 new agents\u2022\t50 new buildings\u2022\t60+ new territories across four new maps\u2022\t15 new multiplayer maps and scenarios\u2022\tAll-new 1v1 hotseat multiplayer campaign mode", + "short_description": "Spanning the most turbulent era in Western history, your quest for territory and power takes you through Europe, Africa, the Middle East, and even onto the shores of the New World.", + "genres": "Strategy", + "recommendations": 20939, + "score": 6.558951284693219 + }, + { + "type": "game", + "name": "Rome: Total War\u2122 - Collection", + "detailed_description": "Total War: ROME REMASTERED announced!. About the GameOnce the Roman Empire is under your command, don't lay down your sword just yet - the Barbarians are coming. With two award-winning titles from the esteemed Total War series, you'll have twice as many obstacles and opportunities to control and conquer the greatest empire ever known to man. The Collection Edition includes:. Rome: Total War Guide one of three noble Roman families on a century spanning quest to seize control of the Roman Empire. Rome: Total War - Barbarian Invasion. (official expansion pack to Rome: Total War) Witness the decline of Rome as Barbarian hordes attack, forcing a bitter internal struggle between rival factions. Voted 2004 Best Strategy game by IGN, GameSpy and GameSpot. . Fight alongside or against history's greatest leaders such as Julius Caesar, Spartacus, and Hannibal to expand or destroy the Roman Empire. . Lay siege against the Romans as Attila the Hun, fearful Saxons, or other savage factions using signature weapons and abilities. . Command warrior-tested legions in cinematic epic battles with thousands of soldiers on-screen at once. . A century-spanning campaign charges players with strategically managing the economic, civil, religious and military arms of their empire.", + "about_the_game": "Once the Roman Empire is under your command, don't lay down your sword just yet - the Barbarians are coming. With two award-winning titles from the esteemed Total War series, you'll have twice as many obstacles and opportunities to control and conquer the greatest empire ever known to man.\t\t\t\t\tThe Collection Edition includes:\t\t\t\t\tRome: Total War Guide one of three noble Roman families on a century spanning quest to seize control of the Roman Empire.\t\t\t\t\tRome: Total War - Barbarian Invasion\t\t\t\t\t (official expansion pack to Rome: Total War) Witness the decline of Rome as Barbarian hordes attack, forcing a bitter internal struggle between rival factions.\t\t\t\t\tVoted 2004 Best Strategy game by IGN, GameSpy and GameSpot.\t\t\t\t\tFight alongside or against history's greatest leaders such as Julius Caesar, Spartacus, and Hannibal to expand or destroy the Roman Empire.\t\t\t\t\tLay siege against the Romans as Attila the Hun, fearful Saxons, or other savage factions using signature weapons and abilities.\t\t\t\t\tCommand warrior-tested legions in cinematic epic battles with thousands of soldiers on-screen at once.\t\t\t\t\tA century-spanning campaign charges players with strategically managing the economic, civil, religious and military arms of their empire.", + "short_description": "Control and conquer the greatest empire ever known to man.", + "genres": "Strategy", + "recommendations": 11724, + "score": 6.17663897704249 + }, + { + "type": "game", + "name": "Natural Selection 2", + "detailed_description": "Natural Selection 2 pits alien against human in an action-packed struggle for survival. Wield devastating weaponry as a Frontiersman marine, or become the xenomorph as a deadly Kharaa lifeform. . Strategy Meets Shooter. Natural Selection 2 is a First Person Shooter and Real Time Stategy game rolled into one! Each team, alien and human, has a Commander. The Commander looks down on the battlefield and issues orders, places structures, collects resources, researches technology, and deploys abilities. . . Here are some gameplay examples: A human Commander could drop health packs and ammunition to a trapped marine squad, and deploy sentry guns to help them defend their position. Or an alien Commander could grow a new Hive to spread infestation throughout newly captured territory, allowing more alien eggs to spawn. . Two Unique Sides. Aliens players choose to evolve into one of five lifeforms: The fast, fearsome Skulk can run on walls and deliver massive damage with its jaws. Lerks fly and deploy gasses to support their teammates in battle. Gorges heal other lifeforms and build tunnels, hydra turrets, walls, and other tactical structures. Fades blink in and out of battle, picking off marines with giant scythes. Finally, the giant Onos is so massive and so tough, that even entire marine squads can't take it down. . . Marines wield rifles, shotguns, grenade launchers, pistols, and other weapons. Cluster grenades can clear ventilation shafts of sneaky Skulks, flamethrowers make short work of alien structures and infestation, and boosts dropped by the Commander increase combat effectiveness. . When attacking on foot doesn't cut it, marines can construct hulking Exosuits wielding miniguns and railguns, and equip jetpacks for high speed assaults on alien Hives. . Long Term Development. Natural Selection 2 receives constant updates. This year, 2019, Unknown Worlds continues to develop new features, content, and improvements. . Mod Tools Come Standard. Natural Selection 2 comes with all the tools we used to make the game. All game code is open source. That means you can create, and play, an endless variety of mods. Publish, share, and download mods from the Steam Workshop, and automatically download mods when you join modded games. . Digital Deluxe Edition. Digital Deluxe Edition includes:. Official Soundtrack - 1 hour of tribal, industrial music composed by David John and Simon Chylinski . Digital Art Book - 40+ pages of art by Cory Strader, including environments, creatures, weapons and more. Exclusive in-game marine model - Exclusive in-game marine model - A new marine model with custom visor and armor plating. Exclusive Wallpapers and Avatars - Unique views of the NS2 universe by Amanda Diaz.", + "about_the_game": "Natural Selection 2 pits alien against human in an action-packed struggle for survival. Wield devastating weaponry as a Frontiersman marine, or become the xenomorph as a deadly Kharaa lifeform. Strategy Meets ShooterNatural Selection 2 is a First Person Shooter and Real Time Stategy game rolled into one! Each team, alien and human, has a Commander. The Commander looks down on the battlefield and issues orders, places structures, collects resources, researches technology, and deploys abilities. Here are some gameplay examples: A human Commander could drop health packs and ammunition to a trapped marine squad, and deploy sentry guns to help them defend their position. Or an alien Commander could grow a new Hive to spread infestation throughout newly captured territory, allowing more alien eggs to spawn...Two Unique SidesAliens players choose to evolve into one of five lifeforms: The fast, fearsome Skulk can run on walls and deliver massive damage with its jaws. Lerks fly and deploy gasses to support their teammates in battle. Gorges heal other lifeforms and build tunnels, hydra turrets, walls, and other tactical structures. Fades blink in and out of battle, picking off marines with giant scythes. Finally, the giant Onos is so massive and so tough, that even entire marine squads can't take it down.Marines wield rifles, shotguns, grenade launchers, pistols, and other weapons. Cluster grenades can clear ventilation shafts of sneaky Skulks, flamethrowers make short work of alien structures and infestation, and boosts dropped by the Commander increase combat effectiveness. When attacking on foot doesn't cut it, marines can construct hulking Exosuits wielding miniguns and railguns, and equip jetpacks for high speed assaults on alien Hives.Long Term DevelopmentNatural Selection 2 receives constant updates. This year, 2019, Unknown Worlds continues to develop new features, content, and improvements.Mod Tools Come StandardNatural Selection 2 comes with all the tools we used to make the game. All game code is open source. That means you can create, and play, an endless variety of mods. Publish, share, and download mods from the Steam Workshop, and automatically download mods when you join modded games.Digital Deluxe EditionDigital Deluxe Edition includes:Official Soundtrack - 1 hour of tribal, industrial music composed by David John and Simon Chylinski Digital Art Book - 40+ pages of art by Cory Strader, including environments, creatures, weapons and moreExclusive in-game marine model - Exclusive in-game marine model - A new marine model with custom visor and armor platingExclusive Wallpapers and Avatars - Unique views of the NS2 universe by Amanda Diaz", + "short_description": "A fast paced multiplayer shooter that pits aliens against humans in a strategic and action-packed struggle for survival!", + "genres": "Action", + "recommendations": 8195, + "score": 5.940583912556344 + }, + { + "type": "game", + "name": "STAR WARS\u2122 Republic Commando\u2122", + "detailed_description": "Chaos has erupted throughout the galaxy. As leader of an elite squad of Republic Commandos, your mission is to infiltrate, dominate, and ultimately, annihilate the enemy. Your squad will follow your orders and your lead, working together as a team - instinctively, intelligently, instantly. You are their leader. They are your weapon. Innovative Squad Control System - With intuitive and smart squad commands, the simple touch of one button easily controls your squad to perform complex commands and strategic maneuvers. . Multiple Gaming Mode - Choose the single-player option and command a squad of four that you can dispatch at will. Or, choose the multiplayer option and play with up to sixteen players online in different multi-player modes. . Prelude to Episode III - Encounter new vehicles, locations and enemies from the upcoming film. .", + "about_the_game": "Chaos has erupted throughout the galaxy. As leader of an elite squad of Republic Commandos, your mission is to infiltrate, dominate, and ultimately, annihilate the enemy. Your squad will follow your orders and your lead, working together as a team - instinctively, intelligently, instantly. You are their leader. They are your weapon.\t\t\tInnovative Squad Control System - With intuitive and smart squad commands, the simple touch of one button easily controls your squad to perform complex commands and strategic maneuvers.\t\t\tMultiple Gaming Mode - Choose the single-player option and command a squad of four that you can dispatch at will. Or, choose the multiplayer option and play with up to sixteen players online in different multi-player modes.\t\t\tPrelude to Episode III - Encounter new vehicles, locations and enemies from the upcoming film.", + "short_description": "You are the leader of an elite squad of Republic Commandos, your mission is to infiltrate, dominate, and ultimately, annihilate the enemy. Your squad will follow your orders and your lead, working together as a team - instinctively, intelligently, instantly. You are their leader. They are your weapon.", + "genres": "Action", + "recommendations": 12178, + "score": 6.201683011378466 + }, + { + "type": "game", + "name": "STAR WARS\u2122 Jedi Knight - Jedi Academy\u2122", + "detailed_description": "Forge your weapon and follow the path of the Jedi. Jedi Knight: Jedi Academy is the latest installment of the highly acclaimed Jedi Knight series. Take on the role of a new student eager to learn the ways of the Force from Jedi Master Luke Skywalker. Interact with famous Star Wars characters in many classic Star Wars locations as you face the ultimate choice: fight for good and freedom on the light side or follow the path of power and evil to the dark side. Customize your character by defining both look and gender before entering the Academy to learn the power-and dangers- of the Force. . Construct your own Lightsaber from handle to blade. As you progress, discover the power of wiedling two Lightsabers or the ultimate double-bladed Lightsaber made famous by Darth Maul. . New vehicles, weapons, force powers and Star Wars locations. . Unique level selection system allows you to choose your own missions and adventures. . Six multiplayer modes including team based siege mode and two-on-one power duel. Fight in 23 multiplayer arenas!.", + "about_the_game": "Forge your weapon and follow the path of the JediJedi Knight: Jedi Academy is the latest installment of the highly acclaimed Jedi Knight series. Take on the role of a new student eager to learn the ways of the Force from Jedi Master Luke Skywalker. Interact with famous Star Wars characters in many classic Star Wars locations as you face the ultimate choice: fight for good and freedom on the light side or follow the path of power and evil to the dark side.\t\t\tCustomize your character by defining both look and gender before entering the Academy to learn the power-and dangers- of the Force.\t\t\tConstruct your own Lightsaber from handle to blade. As you progress, discover the power of wiedling two Lightsabers or the ultimate double-bladed Lightsaber made famous by Darth Maul.\t\t\tNew vehicles, weapons, force powers and Star Wars locations.\t\t\tUnique level selection system allows you to choose your own missions and adventures.\t\t\tSix multiplayer modes including team based siege mode and two-on-one power duel. Fight in 23 multiplayer arenas!", + "short_description": "Forge your weapon and follow the path of the Jedi Jedi Knight: Jedi Academy is the latest installment of the highly acclaimed Jedi Knight series. Take on the role of a new student eager to learn the ways of the Force from Jedi Master Luke Skywalker.", + "genres": "Action", + "recommendations": 10095, + "score": 6.078028749349624 + }, + { + "type": "game", + "name": "Star Wars: Battlefront 2 (Classic, 2005)", + "detailed_description": "With brand new space combat, playable Jedi characters, and over 16 all new battlefronts, Star Wars Battlefront II gives you more ways than ever before to play the classic Star Wars battles any way you want. Enhanced Single-Player Experience - Join the rise of Darth Vader\u2019s elite 501st Legion of Stormtroopers as you fight through an all new story-based saga where every action you take impacts the battlefront and, ultimately, the fate of the Star Wars galaxy. . All New Classic Trilogy Locations - Fight inside the corridors of the second Death Star, in the marshy swamps of Dagobah, and even aboard the Tantive IV, Princess Leia\u2019s Blockade Runner, as seen at the beginning of Star Wars Episode IV: A New Hope. . More Classes and Vehicles - Now choose from six distinct soldier classes, plus bonus hero characters for each of the four factions: Rebels, Imperials, CIS and the Republic. Then jump into more than 30 diverse ground and space vehicles, including the clone BARC speeder, AT-RT and new Jedi Starfighter and ARC 170. . PLUS Improved Online Features - Engage in massive online battles with multiplayer action for up to 64 players. Play five different online game modes including Conquest, Assault, one-and two-flag Capture the Flag, and Hunt. . Now for the first time, Star Wars Battlefront II lets you\u2026. Fight as a Jedi - Earn the ability to wield a lightsaber and use Force powers like Yoda, Darth Vader and many other heroes and villains. . Battle in Space - Dogfight in X-wings, TIE fighters, Jedi starfighters and other classic starcraft, or land your ship on a star destroyer and fight it out on foot aboard enemy ships. . Play 16 New Locations - Battle across Star Wars: Episode III environments such as Utapau, Mustafar and the epic space battle above Coruscant. .", + "about_the_game": "With brand new space combat, playable Jedi characters, and over 16 all new battlefronts, Star Wars Battlefront II gives you more ways than ever before to play the classic Star Wars battles any way you want. \t\t\t\tEnhanced Single-Player Experience - Join the rise of Darth Vader\u2019s elite 501st Legion of Stormtroopers as you fight through an all new story-based saga where every action you take impacts the battlefront and, ultimately, the fate of the Star Wars galaxy.\t\t\t\tAll New Classic Trilogy Locations - Fight inside the corridors of the second Death Star, in the marshy swamps of Dagobah, and even aboard the Tantive IV, Princess Leia\u2019s Blockade Runner, as seen at the beginning of Star Wars Episode IV: A New Hope.\t\t\t\tMore Classes and Vehicles - Now choose from six distinct soldier classes, plus bonus hero characters for each of the four factions: Rebels, Imperials, CIS and the Republic. Then jump into more than 30 diverse ground and space vehicles, including the clone BARC speeder, AT-RT and new Jedi Starfighter and ARC 170.\t\t\t\tPLUS Improved Online Features - Engage in massive online battles with multiplayer action for up to 64 players. Play five different online game modes including Conquest, Assault, one-and two-flag Capture the Flag, and Hunt.\t\t\t\tNow for the first time, Star Wars Battlefront II lets you\u2026\t\t\t\tFight as a Jedi - Earn the ability to wield a lightsaber and use Force powers like Yoda, Darth Vader and many other heroes and villains.\t\t\t\tBattle in Space - Dogfight in X-wings, TIE fighters, Jedi starfighters and other classic starcraft, or land your ship on a star destroyer and fight it out on foot aboard enemy ships.\t\t\t\tPlay 16 New Locations - Battle across Star Wars: Episode III environments such as Utapau, Mustafar and the epic space battle above Coruscant.", + "short_description": "Join the rise of Darth Vader\u2019s elite 501st Legion of Stormtroopers as you fight through an all new story-based saga where every action you take impacts the battlefront and, ultimately, the fate of the Star Wars galaxy.", + "genres": "Action", + "recommendations": 42753, + "score": 7.029510499816954 + }, + { + "type": "game", + "name": "Hitman 2: Silent Assassin", + "detailed_description": "Enter the realm of a retired assassin, forced back into action by treason. You may be a hired killer but you still have a sense of loyalty and justice. Visit the dark recesses of a world corrupted by crime, greed, degradation and dishonor. And a past that catches up with you. Trust no one - if the price is right, the finger of your most trusted ally will be on the trigger. Your targets may hide in the most remote areas of the planet, but their destruction is never prevented - only postponed. Learn your trade - master your tools - overcome your obstacles - outsmart your enemies - eliminate your targets. Remember: rash decisions bleed consequences. Know when to strike instantly, know when to take your time. Chance favors the prepared. Failure is not an option. Pick up contracts in exotic locations around the globe: Sicily, St. Petersburg, Japan, Malaysia, and India. . Operate in a non-linear world where the outcome of your actions and proficiency as a hitman are measured on a balance between stealth and aggression. . Stalk and eliminate your targets up close and personal, in either 1st or 3rd person perspectives. . Execute your assignments with a diverse arsenal of equipment, from armor-piercing sniper rifles and explosives to chloroform and poison darts. . Acquire and carry weapons and tools from mission to mission through an enhanced inventory and save-game system. . Original soundtrack composed by Jesper Kyd and performed by The Budapest Symphony Orchestra.", + "about_the_game": "Enter the realm of a retired assassin, forced back into action by treason. You may be a hired killer but you still have a sense of loyalty and justice. Visit the dark recesses of a world corrupted by crime, greed, degradation and dishonor. And a past that catches up with you. \t\t\t\t\tTrust no one - if the price is right, the finger of your most trusted ally will be on the trigger. Your targets may hide in the most remote areas of the planet, but their destruction is never prevented - only postponed.\t\t\t\t\tLearn your trade - master your tools - overcome your obstacles - outsmart your enemies - eliminate your targets. Remember: rash decisions bleed consequences. Know when to strike instantly, know when to take your time. Chance favors the prepared. Failure is not an option.\t\t\t\t\tPick up contracts in exotic locations around the globe: Sicily, St. Petersburg, Japan, Malaysia, and India.\t\t\t\t\tOperate in a non-linear world where the outcome of your actions and proficiency as a hitman are measured on a balance between stealth and aggression.\t\t\t\t\tStalk and eliminate your targets up close and personal, in either 1st or 3rd person perspectives.\t\t\t\t\tExecute your assignments with a diverse arsenal of equipment, from armor-piercing sniper rifles and explosives to chloroform and poison darts.\t\t\t\t\tAcquire and carry weapons and tools from mission to mission through an enhanced inventory and save-game system.\t\t\t\t\tOriginal soundtrack composed by Jesper Kyd and performed by The Budapest Symphony Orchestra.", + "short_description": "Enter the realm of a retired assassin, forced back into action by treason. You may be a hired killer but you still have a sense of loyalty and justice. Visit the dark recesses of a world corrupted by crime, greed, degradation and dishonor. And a past that catches up with you.", + "genres": "Action", + "recommendations": 2343, + "score": 5.115368452221435 + }, + { + "type": "game", + "name": "Hitman: Blood Money", + "detailed_description": "Money Talks. Silence Pays. Prepare to Make a Killing. When assassins from Agent 47's contract agency, The ICA, are eliminated in a series of hits, it seems a larger, more powerful agency has entered the fray. Sensing he may be a target, 47 travels to America, and prepares to make a killing. 'Blood Money' system: the cleaner the 'hit' the more money you receive which can be spent on bribing witnesses and police to reduce your notoriety, weapon customisation, specialist equipment and information. . Customisable weapons: modify Agent 47's custom weapons in a variety of ways including sound, recoil, rate of fire, damage, reload speed, accuracy and zoom. . Strong narrative: who is wiping out the ICA and what is their motivation?. New engine: the world of the assassin has never been so interactive or looked so good!. New gameplay techniques: including disarm, distraction, accidents, body disposal, human shield and decoy weapons. . New control and camera system: Agent 47 now moves independently of the camera. . New moves: Agent 47 can now climb, hide, scale ledges and automatically pass low obstacles. . Improved AI: guards will follow blood trails, investigate suspicious items and behaviour. New pathfinder engine provides improved tracking and movement with realistic enemy behaviour and interaction. . Soundtrack by BAFTA-winning composer Jesper Kyd.", + "about_the_game": "Money Talks. Silence Pays. Prepare to Make a Killing. When assassins from Agent 47's contract agency, The ICA, are eliminated in a series of hits, it seems a larger, more powerful agency has entered the fray. Sensing he may be a target, 47 travels to America, and prepares to make a killing.\t\t\t\t\t'Blood Money' system: the cleaner the 'hit' the more money you receive which can be spent on bribing witnesses and police to reduce your notoriety, weapon customisation, specialist equipment and information.\t\t\t\t\tCustomisable weapons: modify Agent 47's custom weapons in a variety of ways including sound, recoil, rate of fire, damage, reload speed, accuracy and zoom.\t\t\t\t\tStrong narrative: who is wiping out the ICA and what is their motivation?\t\t\t\t\tNew engine: the world of the assassin has never been so interactive or looked so good!\t\t\t\t\tNew gameplay techniques: including disarm, distraction, accidents, body disposal, human shield and decoy weapons.\t\t\t\t\tNew control and camera system: Agent 47 now moves independently of the camera.\t\t\t\t\tNew moves: Agent 47 can now climb, hide, scale ledges and automatically pass low obstacles.\t\t\t\t\tImproved AI: guards will follow blood trails, investigate suspicious items and behaviour. New pathfinder engine provides improved tracking and movement with realistic enemy behaviour and interaction.\t\t\t\t\tSoundtrack by BAFTA-winning composer Jesper Kyd.", + "short_description": "Money Talks. Silence Pays. Prepare to Make a Killing. When assassins from Agent 47's contract agency, The ICA, are eliminated in a series of hits, it seems a larger, more powerful agency has entered the fray. Sensing he may be a target, 47 travels to America, and prepares to make a killing.", + "genres": "Action", + "recommendations": 9556, + "score": 6.041859822325764 + }, + { + "type": "game", + "name": "Just Cause", + "detailed_description": "JUST CAUSE 4 About the Game Your world. Your rules! In Just Cause, you are a Latin field operative and specialist in regime change backed by top secret US government agency who will overthrow the corrupt government of San Esperito. The rogue South American state is suspected of stockpiling Weapons of Mass Destruction, and it's your mission to negate the threat this poses to world peace. It could be to your advantage that the tropical paradise is about to implode as various factions vie for power - it just needs a gentle nudge in the right direction. Just Cause offers the freedom to tackle your assignments however you want: playing the island's factions against one another, inciting a rebellion among the masses and building alliances with rebel forces and drug cartels. The action takes place in an incredibly detailed game world which consists of over 250,000 acres of mountains, jungles, beaches, cities and villages. The island can be explored by land, sea and air, as you will have at your disposal one of the most varied and exciting array of vehicles ever seen in a video game. Freeform game-play: approach missions in any way you like, or break off from the fight and enjoy exploring the islands. . Over 250K acres of land to explore: the largest environment ever seen in a game!. Over-the-top Stunts: jump from vehicle-to-vehicle, parasail, skydive and base-jump. . Massive selection of vehicles: over 100 of the most varied, exciting array of land, sea and air vehicles ever seen in a video game. . Avalanche Engine\u2122: procedurally generated landscape delivers a huge, beautiful, detailed world while eliminating loading times. . Wealth of missions: story missions, side-missions, bonus missions and many more; ensuring plenty of action spread throughout the islands. . Support team: Sheldon and Kane, two US government secret agents, will provide you with reconnaissance info, extraction and vehicle drops. . Fly: The best way to explore San Esperito is by air!.", + "about_the_game": " world...Your rules! In Just Cause, you are a Latin field operative and specialist in regime change backed by top secret US government agency who will overthrow the corrupt government of San Esperito. The rogue South American state is suspected of stockpiling Weapons of Mass Destruction, and it's your mission to negate the threat this poses to world peace. It could be to your advantage that the tropical paradise is about to implode as various factions vie for power - it just needs a gentle nudge in the right direction.\t\t\t\t\tJust Cause offers the freedom to tackle your assignments however you want: playing the island's factions against one another, inciting a rebellion among the masses and building alliances with rebel forces and drug cartels. The action takes place in an incredibly detailed game world which consists of over 250,000 acres of mountains, jungles, beaches, cities and villages. The island can be explored by land, sea and air, as you will have at your disposal one of the most varied and exciting array of vehicles ever seen in a video game.\t\t\t\t\tFreeform game-play: approach missions in any way you like, or break off from the fight and enjoy exploring the islands.\t\t\t\t\tOver 250K acres of land to explore: the largest environment ever seen in a game!\t\t\t\t\tOver-the-top Stunts: jump from vehicle-to-vehicle, parasail, skydive and base-jump...\t\t\t\t\tMassive selection of vehicles: over 100 of the most varied, exciting array of land, sea and air vehicles ever seen in a video game.\t\t\t\t\tAvalanche Engine\u2122: procedurally generated landscape delivers a huge, beautiful, detailed world while eliminating loading times.\t\t\t\t\tWealth of missions: story missions, side-missions, bonus missions and many more; ensuring plenty of action spread throughout the islands.\t\t\t\t\tSupport team: Sheldon and Kane, two US government secret agents, will provide you with reconnaissance info, extraction and vehicle drops.\t\t\t\t\tFly: The best way to explore San Esperito is by air!", + "short_description": "Your world...Your rules!", + "genres": "Action", + "recommendations": 3778, + "score": 5.430216942411264 + }, + { + "type": "game", + "name": "Hitman: Codename 47", + "detailed_description": "As the enigmatic Hitman, you must use stealth and tactical problem solving to enter, execute and exit your assignment with minimum attention and maximum effectiveness. For a price, you have access to the most devious devices, but how you use them will determine if you retire as a millionaire or get permanently retired. The Hitman is the world's most accomplished and wealthy assassin; however, he is plagued by a troubling past of deception and genetic butchery. The ingenious story will evolve over five chapters of heart-stopping action. Remember, the world of contract hits rewards a quick intellect more than a quick trigger finger. Features. Plan each assignment carefully to account for a variety of weapons, surveillance data, and multiple paths to completion. . Sharpen your skills through a comprehensive weapons and agility training session. . Access black market weapons, decoys, traps, and personnel from an innovative currency reward system. . Artificial intelligence redefines the genre of the \"Thinking Shooter.\" . Gripping and mature plot driven by stunning cinematic visuals. . Ground-breaking 3D engine offers full object physics, deformations, weapons modeling and unsurpassed character animations.", + "about_the_game": "As the enigmatic Hitman, you must use stealth and tactical problem solving to enter, execute and exit your assignment with minimum attention and maximum effectiveness. For a price, you have access to the most devious devices, but how you use them will determine if you retire as a millionaire or get permanently retired.\t\t\t\t\tThe Hitman is the world's most accomplished and wealthy assassin; however, he is plagued by a troubling past of deception and genetic butchery. The ingenious story will evolve over five chapters of heart-stopping action. Remember, the world of contract hits rewards a quick intellect more than a quick trigger finger.\t\t\t\t\tFeatures\t\t\t\t\tPlan each assignment carefully to account for a variety of weapons, surveillance data, and multiple paths to completion.\t\t\t\t\tSharpen your skills through a comprehensive weapons and agility training session.\t\t\t\t\tAccess black market weapons, decoys, traps, and personnel from an innovative currency reward system.\t\t\t\t\tArtificial intelligence redefines the genre of the \"Thinking Shooter.\" \t\t\t\t\tGripping and mature plot driven by stunning cinematic visuals.\t\t\t\t\tGround-breaking 3D engine offers full object physics, deformations, weapons modeling and unsurpassed character animations", + "short_description": "As the enigmatic Hitman, you must use stealth and tactical problem solving to enter, execute and exit your assignment with minimum attention and maximum effectiveness. For a price, you have access to the most devious devices, but how you use them will determine if you retire as a millionaire or get permanently retired.", + "genres": "Action", + "recommendations": 2565, + "score": 5.175021752603037 + }, + { + "type": "game", + "name": "Deus Ex: Game of the Year Edition", + "detailed_description": "Available Now!. About the GameThe year is 2052 and the world is a dangerous and chaotic place. Terrorists operate openly - killing thousands; drugs, disease and pollution kill even more. The world's economies are close to collapse and the gap between the insanely wealthy and the desperately poor grows ever wider. Worst of all, an ages old conspiracy bent on world domination has decided that the time is right to emerge from the shadows and take control.Key Features:. Real role-playing from an immersive 3D, first-person perspective. The game includes action, character interaction and problem solving. . Realistic, recognizable locations. Many of the locations are built from actual blueprints of real places set in a near future scenario. . A game filled with people rather than monsters. This creates empathy with the game characters and enhances the realism of the game world. . Rich character development systems: Skills, augmentations, weapon and item selections and multiple solutions to problems ensure that no two players will end the game with similar characters. . Multiple solutions to problems and character development choices ensure a varied game experience. Talk, fight or use skills to get past obstacles as the game adapts itself to your style of play. . Strong storyline: Built on \"real\" conspiracy theories, current events and expected advancements in technology. If it's in the game, someone, somewhere believes.", + "about_the_game": "The year is 2052 and the world is a dangerous and chaotic place. Terrorists operate openly - killing thousands; drugs, disease and pollution kill even more. The world's economies are close to collapse and the gap between the insanely wealthy and the desperately poor grows ever wider. Worst of all, an ages old conspiracy bent on world domination has decided that the time is right to emerge from the shadows and take control.Key Features: Real role-playing from an immersive 3D, first-person perspective. The game includes action, character interaction and problem solving. Realistic, recognizable locations. Many of the locations are built from actual blueprints of real places set in a near future scenario. A game filled with people rather than monsters. This creates empathy with the game characters and enhances the realism of the game world. Rich character development systems: Skills, augmentations, weapon and item selections and multiple solutions to problems ensure that no two players will end the game with similar characters. Multiple solutions to problems and character development choices ensure a varied game experience. Talk, fight or use skills to get past obstacles as the game adapts itself to your style of play. Strong storyline: Built on \"real\" conspiracy theories, current events and expected advancements in technology. If it's in the game, someone, somewhere believes", + "short_description": "The year is 2052 and the world is a dangerous and chaotic place. Terrorists operate openly - killing thousands; drugs, disease and pollution kill even more. The world's economies are close to collapse and the gap between the insanely wealthy and the desperately poor grows ever wider.", + "genres": "Action", + "recommendations": 11176, + "score": 6.145084801008439 + }, + { + "type": "game", + "name": "Deus Ex: Invisible War", + "detailed_description": "Available Now!. About the GameApproximately 20 years after the events depicted in Deus Ex, The World is only beginning to recover from a Catastrophic worldwide depression. In the Chaotic period of recovery, several religious and political factions see an opportunity to re-shape a worldwide government to their agendas, understanding that the right moves now could determine the shape of human society for decades \u0097 even centuries \u0097 to come. In this techno-nightmare, take part in the dark struggle to raise the world from its own ashes. Dynamic and innovative 1st person-action/adventure brings a level of reality unprecedented in a videogame. . Biotech modifications allow players to see through walls, leap 40 feet into the air, regenerate critical body damage or render yourself radar invisible. . Globe-hop to real world locations such as Seattle, Antarctica, and Cairo. . Cunning stealth gameplay, with darkness and sound affecting enemy awareness. . Variable gameplay offers multiple solutions to problems and support for varying stylistic approaches. . Non-lethal, non-violent resolution to conflict, allowing players to make ethical statements through their actions. . The player's progress through the game is supported by an unprecedented freedom of action by a dynamic, non-linear story with responsive plot branches.", + "about_the_game": "Approximately 20 years after the events depicted in Deus Ex, The World is only beginning to recover from a Catastrophic worldwide depression. In the Chaotic period of recovery, several religious and political factions see an opportunity to re-shape a worldwide government to their agendas, understanding that the right moves now could determine the shape of human society for decades \u0097 even centuries \u0097 to come. In this techno-nightmare, take part in the dark struggle to raise the world from its own ashes.\t\t\t\t\tDynamic and innovative 1st person-action/adventure brings a level of reality unprecedented in a videogame.\t\t\t\t\tBiotech modifications allow players to see through walls, leap 40 feet into the air, regenerate critical body damage or render yourself radar invisible.\t\t\t\t\tGlobe-hop to real world locations such as Seattle, Antarctica, and Cairo.\t\t\t\t\tCunning stealth gameplay, with darkness and sound affecting enemy awareness.\t\t\t\t\tVariable gameplay offers multiple solutions to problems and support for varying stylistic approaches.\t\t\t\t\tNon-lethal, non-violent resolution to conflict, allowing players to make ethical statements through their actions. \t\t\t\t\tThe player's progress through the game is supported by an unprecedented freedom of action by a dynamic, non-linear story with responsive plot branches.", + "short_description": "Approximately 20 years after the events depicted in Deus Ex, The World is only beginning to recover from a Catastrophic worldwide depression. In the Chaotic period of recovery, several religious and political factions see an opportunity to re-shape a worldwide government to their agendas, understanding that the right moves now could...", + "genres": "Action", + "recommendations": 1745, + "score": 4.92120458329381 + }, + { + "type": "game", + "name": "BioShock\u2122", + "detailed_description": "Special OfferBuying BioShock\u2122 also gets you BioShock\u2122 Remastered. Want to know whats new in the Remaster? Click here!. About the GameBioShock is a shooter unlike any you've ever played, loaded with weapons and tactics never seen. You'll have a complete arsenal at your disposal from simple revolvers to grenade launchers and chemical throwers, but you'll also be forced to genetically modify your DNA to create an even more deadly weapon: you. Injectable plasmids give you super human powers: blast electrical currents into water to electrocute multiple enemies, or freeze them solid and obliterate them with the swing of a wrench. No encounter ever plays out the same, and no two gamers will play the game the same way. . Biologically modify your body: send fire storming from your fingertips and unleash a swarm of killer hornets hatched from the veins in your arms. . Hack devices and systems, upgrade your weapons and craft new ammo variants. . Turn everything into a weapon: the environment, your body, fire and water, and even your worst enemies. . Explore an incredible and unique art deco world hidden deep under the ocean. BioShock: Breaking the MoldA free download that takes an inside look at the art of BioShock. Download it now (75MB .PDF)", + "about_the_game": "BioShock is a shooter unlike any you've ever played, loaded with weapons and tactics never seen. You'll have a complete arsenal at your disposal from simple revolvers to grenade launchers and chemical throwers, but you'll also be forced to genetically modify your DNA to create an even more deadly weapon: you. Injectable plasmids give you super human powers: blast electrical currents into water to electrocute multiple enemies, or freeze them solid and obliterate them with the swing of a wrench. No encounter ever plays out the same, and no two gamers will play the game the same way.Biologically modify your body: send fire storming from your fingertips and unleash a swarm of killer hornets hatched from the veins in your arms.Hack devices and systems, upgrade your weapons and craft new ammo variants.Turn everything into a weapon: the environment, your body, fire and water, and even your worst enemies.Explore an incredible and unique art deco world hidden deep under the ocean.BioShock: Breaking the MoldA free download that takes an inside look at the art of BioShock. Download it now (75MB .PDF)", + "short_description": "BioShock is a shooter unlike any you've ever played, loaded with weapons and tactics never seen. You'll have a complete arsenal at your disposal from simple revolvers to grenade launchers and chemical throwers, but you'll also be forced to genetically modify your DNA to create an even more deadly weapon: you.", + "genres": "Action", + "recommendations": 22539, + "score": 6.607490570622222 + }, + { + "type": "game", + "name": "X-COM: UFO Defense", + "detailed_description": "You are in control of X-COM: an organization formed by the world's governments to fight the ever-increasing alien menace. Features: . Command deadly close-combat battles. Shooting down UFOs is just the beginning: you must then lead a squad of heavily-armed soldiers across different terrains as they investigate the UFO crash site. Tackle the aliens with automatic rifles, rocket launchers, and even tanks in the struggle to retrieve useful technology, weapons or life forms. . Research and manufacture alien technologies. Successful ground assault missions will allow X-COM scientists to analyze alien items. Each new breakthrough brings you a little closer to understanding the technology and culture of the alien races. Once you have sufficient research data on the UFO's superior weapons and crafts, you'll be able to manufacture weapons of equal capability. . Develop a strategy to save the Earth. You must make every crucial decision as you combat the powerful alien forces. But you'll also need to watch the world political situation: governments may be forced into secret pacts with the aliens and then begin to reduce X-COM funding.", + "about_the_game": "You are in control of X-COM: an organization formed by the world's governments to fight the ever-increasing alien menace. \t\t\t\t\tFeatures: \t\t\t\t\t Command deadly close-combat battles Shooting down UFOs is just the beginning: you must then lead a squad of heavily-armed soldiers across different terrains as they investigate the UFO crash site. Tackle the aliens with automatic rifles, rocket launchers, and even tanks in the struggle to retrieve useful technology, weapons or life forms. \t\t\t\t\tResearch and manufacture alien technologies Successful ground assault missions will allow X-COM scientists to analyze alien items. Each new breakthrough brings you a little closer to understanding the technology and culture of the alien races. Once you have sufficient research data on the UFO's superior weapons and crafts, you'll be able to manufacture weapons of equal capability. \t\t\t\t\tDevelop a strategy to save the Earth You must make every crucial decision as you combat the powerful alien forces. But you'll also need to watch the world political situation: governments may be forced into secret pacts with the aliens and then begin to reduce X-COM funding.", + "short_description": "You are in control of X-COM: an organization formed by the world's governments to fight the ever-increasing alien menace.", + "genres": "Strategy", + "recommendations": 2719, + "score": 5.2134440446310215 + }, + { + "type": "game", + "name": "Call of Duty\u00ae 4: Modern Warfare\u00ae (2007)", + "detailed_description": "The new action-thriller from the award-winning team at Infinity Ward, the creators of the Call of Duty\u00ae series, delivers the most intense and cinematic action experience ever. Call of Duty 4: Modern Warfare arms gamers with an arsenal of advanced and powerful modern day firepower and transports them to the most treacherous hotspots around the globe to take on a rogue enemy group threatening the world. As both a U.S Marine and British S.A.S. soldier fighting through an unfolding story full of twists and turns, players use sophisticated technology, superior firepower and coordinated land and air strikes on a battlefield where speed, accuracy and communication are essential to victory. The epic title also delivers an added depth of multiplayer action providing online fans an all-new community of persistence, addictive and customizable gameplay. . Authentic Advanced Weaponry - Featuring an available arsenal of more than 70 new and authentic weapons and gear from assault rifles with laser sites, claymore mines, .50 caliber sniper rifles, and M-249 SAW machine guns. With accessories like night-vision goggles and ghillie suits, for maximum concealment, Call of Duty 4: Modern Warfare has players locked and loaded to accomplish the mission. . Coordinated Assault and Support - Delivering the most visceral action thriller ever, the title covers modern battle from the soldier to the satellite, where the need for air support is critical to success. The adrenaline rush deployment enlists gamers to fast-rope from tactical helicopters, ride in an armada of attack choppers, utilize jets to remove enemy strongholds and even engage hostiles from thousands of feet above the ground inside a state of the art aerial gunship. . Cinematic Quality Graphics and Sound - Featuring stunning next-generation graphics, players will be drawn into the cinematic intensity of Call of Duty 4: Modern Warfare. Amazing special effects, including realistic depth of field, rim-lighting, character self-shadowing, texture streaming as well as physics-enabled effects will enlist players into the most photo-realistic gaming experience. Combine the lifelike graphics and the realistic battle chatter with the Call of Duty award-winning sound design and players will face battle as they have never before. . Unparalleled Depth to Multiplayer - Multiplayer builds from the success of Call of Duty 2 delivering a persistent online experience for greater community interaction. Featuring create-a-class options allowing players to customize gear that is best suited for play, to experience points enabling unlockables and perks, all the way to matchmaking and leaderboards for the latest in tracking, Call of Duty 4: Modern Warfare's multiplayer is set to deliver easily accessible and addictive online play for all.", + "about_the_game": "The new action-thriller from the award-winning team at Infinity Ward, the creators of the Call of Duty\u00ae series, delivers the most intense and cinematic action experience ever. Call of Duty 4: Modern Warfare arms gamers with an arsenal of advanced and powerful modern day firepower and transports them to the most treacherous hotspots around the globe to take on a rogue enemy group threatening the world.\t\t\t\t\tAs both a U.S Marine and British S.A.S. soldier fighting through an unfolding story full of twists and turns, players use sophisticated technology, superior firepower and coordinated land and air strikes on a battlefield where speed, accuracy and communication are essential to victory. The epic title also delivers an added depth of multiplayer action providing online fans an all-new community of persistence, addictive and customizable gameplay.\t\t\t\t\t\t\t\t\t\tAuthentic Advanced Weaponry - Featuring an available arsenal of more than 70 new and authentic weapons and gear from assault rifles with laser sites, claymore mines, .50 caliber sniper rifles, and M-249 SAW machine guns. With accessories like night-vision goggles and ghillie suits, for maximum concealment, Call of Duty 4: Modern Warfare has players locked and loaded to accomplish the mission.\t\t\t\t\tCoordinated Assault and Support - Delivering the most visceral action thriller ever, the title covers modern battle from the soldier to the satellite, where the need for air support is critical to success. The adrenaline rush deployment enlists gamers to fast-rope from tactical helicopters, ride in an armada of attack choppers, utilize jets to remove enemy strongholds and even engage hostiles from thousands of feet above the ground inside a state of the art aerial gunship.\t\t\t\t\tCinematic Quality Graphics and Sound - Featuring stunning next-generation graphics, players will be drawn into the cinematic intensity of Call of Duty 4: Modern Warfare. Amazing special effects, including realistic depth of field, rim-lighting, character self-shadowing, texture streaming as well as physics-enabled effects will enlist players into the most photo-realistic gaming experience. Combine the lifelike graphics and the realistic battle chatter with the Call of Duty award-winning sound design and players will face battle as they have never before.\t\t\t\t\tUnparalleled Depth to Multiplayer - Multiplayer builds from the success of Call of Duty 2 delivering a persistent online experience for greater community interaction. Featuring create-a-class options allowing players to customize gear that is best suited for play, to experience points enabling unlockables and perks, all the way to matchmaking and leaderboards for the latest in tracking, Call of Duty 4: Modern Warfare's multiplayer is set to deliver easily accessible and addictive online play for all.", + "short_description": "The new action-thriller from the award-winning team at Infinity Ward, the creators of the Call of Duty\u00ae series, delivers the most intense and cinematic action experience ever. Call of Duty 4: Modern Warfare arms gamers with an arsenal of advanced and powerful modern day firepower and transports them to the most treacherous hotspots...", + "genres": "Action", + "recommendations": 16931, + "score": 6.418894047416406 + }, + { + "type": "game", + "name": "Just Cause 2", + "detailed_description": "JUST CAUSE 4 About the Game Dive into an adrenaline-fuelled free-roaming adventure. As agent Rico Rodriguez, your orders are to find and kill your friend and mentor who has disappeared on the island paradise of Panau. There, you must cause maximum chaos by land, sea and air to shift the balance of power. With the unique grapple and parachute combo, BASE jump, hijack and create your own high-speed stunts. With 400 square miles of rugged terrain and hundreds of weapons and vehicles, Just Cause 2 defies gravity and belief. UNIQUE VERTICAL GAMEPLAY - Take to the air like no other game. Experience total aerial freedom with the unique parachute and dual grapple. UNBELIEVABLE ADRENALINE-FUELLED STUNTS - Free fall, base jump, vehicle surf, para sail, skydive, grapple, slingshot, leap between vehicles, hang from helicopters, scale buildings. The impossible is within your grasp. . UPGRADED DUAL GRAPPLE - Your best tool is now a weapon. Fire two shots with the grapple hook and attach unwilling enemies to high-speed vehicles, hang them upside down from buildings, tether objects in mid air. The possibilities are as vast as your imagination. . DISCOVER THE SECRETS OF PANAU - Explore the island paradise; from sprawling cities, secluded beaches and towering mountain peaks \u2013 more than 400 square miles of your own personal playground. . EXPERIENCE TRUE FREEDOM - Hundreds of objectives can be completed in any way or order that you choose. When it\u2019s time for a break from Agency business, kick back and enjoy all the attractions that Panau has to offer. . MASSIVE SELECTION OF VEHICLES - Catch air on a high-speed dirt bike, race across the sea in a power boat, or fire a spread of rockets from an attack chopper \u2013 more than 100 land, sea and air vehicles are yours for the taking. .", + "about_the_game": " into an adrenaline-fuelled free-roaming adventure. As agent Rico Rodriguez, your orders are to find and kill your friend and mentor who has disappeared on the island paradise of Panau. There, you must cause maximum chaos by land, sea and air to shift the balance of power. With the unique grapple and parachute combo, BASE jump, hijack and create your own high-speed stunts. With 400 square miles of rugged terrain and hundreds of weapons and vehicles, Just Cause 2 defies gravity and belief.\t\t\t\t\tUNIQUE VERTICAL GAMEPLAY - Take to the air like no other game. Experience total aerial freedom with the unique parachute and dual grapple\t\t\t\t\tUNBELIEVABLE ADRENALINE-FUELLED STUNTS - Free fall, base jump, vehicle surf, para sail, skydive, grapple, slingshot, leap between vehicles, hang from helicopters, scale buildings. The impossible is within your grasp.\t\t\t\t\tUPGRADED DUAL GRAPPLE - Your best tool is now a weapon. Fire two shots with the grapple hook and attach unwilling enemies to high-speed vehicles, hang them upside down from buildings, tether objects in mid air. The possibilities are as vast as your imagination. \t\t\t\t\tDISCOVER THE SECRETS OF PANAU - Explore the island paradise; from sprawling cities, secluded beaches and towering mountain peaks \u2013 more than 400 square miles of your own personal playground.\t\t\t\t\tEXPERIENCE TRUE FREEDOM - Hundreds of objectives can be completed in any way or order that you choose. When it\u2019s time for a break from Agency business, kick back and enjoy all the attractions that Panau has to offer.\t\t\t\t\tMASSIVE SELECTION OF VEHICLES - Catch air on a high-speed dirt bike, race across the sea in a power boat, or fire a spread of rockets from an attack chopper \u2013 more than 100 land, sea and air vehicles are yours for the taking.", + "short_description": "Dive into an adrenaline-fuelled free-roaming adventure with 400 square miles of rugged terrain and hundreds of weapons and vehicles.", + "genres": "Action", + "recommendations": 39184, + "score": 6.9720462751199275 + }, + { + "type": "game", + "name": "Sam & Max 104: Abe Lincoln Must Die!", + "detailed_description": "Sam & Max Episode 4 - Abe Lincoln Must Die - The president's lost it. Federally mandated group hugs, a pudding embargo. what's next, gun control? Sam & Max are off to Washington to take care of this bozo, but the political climate will only get stormier. and a new power will rise. One of six self-contained cases with an overarching story arc. . Simple point & click interface with a low learning curve. . Catchy jazz soundtrack featuring live performers and over three hours of original music. . Intuitive gameplay that appeals to new players as well as adventure-game diehards. . And it's funny!.", + "about_the_game": "Sam & Max Episode 4 - Abe Lincoln Must Die - The president's lost it. Federally mandated group hugs, a pudding embargo... what's next, gun control? Sam & Max are off to Washington to take care of this bozo, but the political climate will only get stormier... and a new power will rise...One of six self-contained cases with an overarching story arc.Simple point & click interface with a low learning curve.Catchy jazz soundtrack featuring live performers and over three hours of original music.Intuitive gameplay that appeals to new players as well as adventure-game diehards.And it's funny!", + "short_description": "Sam & Max Episode 4 - Abe Lincoln Must Die - The president's lost it. Federally mandated group hugs, a pudding embargo... what's next, gun control? Sam & Max are off to Washington to take care of this bozo, but the political climate will only get stormier... and a new power will rise...", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "EVE Online", + "detailed_description": "Viridian \u2013 Expansion Now Live!. The Path To War. What Steam curators have to say about EVE. EVE ACADEMY. About the GameTHE #1 SPACE MMO. EVE Online is the largest single shard space MMO of all time. With over 7,000 solar systems and nearly 20 years of rich player-created history, join this storied universe and play free to experience everything from immense PvP or PvE battles to mining, exploration, and industry. . Seize your destiny as an immortal, a Capsuleer capable of piloting over 350 fully customizable starships from small, nimble Frigates to formidable Battleships and massive Freighters. Embark on a solo adventure through the twisting nexus of wormhole space, form a mighty industrial empire to transform athe building blocks of the universe, or take up arms with likeminded players to conquer vast frontiers together. Who will you be in New Eden?. PLAY FREE. Experience this vast spaceship MMO for free as an Alpha Clone with access to Frigates, Destroyers, Cruisers, Battlecruisers, and Battleships of any faction. Enterprising Capsuleers may also choose to upgrade to Omega Clone for unlimited Ship access and double training speed. . . SINGLE SHARD, SINGLE SERVER SANDBOX. As a single sharded MMO, all players of EVE Online play on the same server across all timezones. Jump in and join thousands of players in the greatest space sandbox there is. Every decision you make, battle you win, and system you claim becomes a part of the long, rich history of New Eden. Where will you leave your mark?. . GAMING'S BIGGEST BATTLES. There's no limit on what you can accomplish as a Capsuleer. EVE currently holds the Guinness World Record for the largest multiplayer video game PvP battle - 8,825 players in a single conflict. Take part in massive spaceship battles from day one or train up and command those fleets yourself. . . PLAYER DRIVEN ECONOMY. EVE's player economy is one of unprecedented scale. The single shard nature of the universe makes for a single economy spread across thousands of space stations. Whether you want to trade on the local markets, produce new ships and equipment, or make cunning investments based on knowledge of player politics, it's all possible. . . LIMITLESS CHOICES. Pursue a life of exploration, warfare, prosperity, or all of the above! Pilot over 350 different vessels and customize it to your liking with thousands of unique modules. Modify your ship as a fast and nimble fighter or design it from the ground up as a heavily shielded brawler to go toe to toe with others. Feeling lucky? Take a chance and modify your equipment further using alien technology found deep in Abyssal Deadspace. . . CONTINUOUS DEVELOPMENT. With over 17 years of active development and free expansions, EVE is one of the longest running space MMOs out there. Join a thrilling universe filled with the unrelenting activity and combined history of millions of other players!.", + "about_the_game": "THE #1 SPACE MMOEVE Online is the largest single shard space MMO of all time. With over 7,000 solar systems and nearly 20 years of rich player-created history, join this storied universe and play free to experience everything from immense PvP or PvE battles to mining, exploration, and industry.Seize your destiny as an immortal, a Capsuleer capable of piloting over 350 fully customizable starships from small, nimble Frigates to formidable Battleships and massive Freighters. Embark on a solo adventure through the twisting nexus of wormhole space, form a mighty industrial empire to transform athe building blocks of the universe, or take up arms with likeminded players to conquer vast frontiers together. Who will you be in New Eden?PLAY FREEExperience this vast spaceship MMO for free as an Alpha Clone with access to Frigates, Destroyers, Cruisers, Battlecruisers, and Battleships of any faction. Enterprising Capsuleers may also choose to upgrade to Omega Clone for unlimited Ship access and double training speed.SINGLE SHARD, SINGLE SERVER SANDBOXAs a single sharded MMO, all players of EVE Online play on the same server across all timezones. Jump in and join thousands of players in the greatest space sandbox there is. Every decision you make, battle you win, and system you claim becomes a part of the long, rich history of New Eden. Where will you leave your mark?GAMING'S BIGGEST BATTLESThere's no limit on what you can accomplish as a Capsuleer. EVE currently holds the Guinness World Record for the largest multiplayer video game PvP battle - 8,825 players in a single conflict. Take part in massive spaceship battles from day one or train up and command those fleets yourself.PLAYER DRIVEN ECONOMYEVE's player economy is one of unprecedented scale. The single shard nature of the universe makes for a single economy spread across thousands of space stations. Whether you want to trade on the local markets, produce new ships and equipment, or make cunning investments based on knowledge of player politics, it's all possible.LIMITLESS CHOICESPursue a life of exploration, warfare, prosperity, or all of the above! Pilot over 350 different vessels and customize it to your liking with thousands of unique modules. Modify your ship as a fast and nimble fighter or design it from the ground up as a heavily shielded brawler to go toe to toe with others. Feeling lucky? Take a chance and modify your equipment further using alien technology found deep in Abyssal Deadspace.CONTINUOUS DEVELOPMENTWith over 17 years of active development and free expansions, EVE is one of the longest running space MMOs out there. Join a thrilling universe filled with the unrelenting activity and combined history of millions of other players!", + "short_description": "EVE Online is a free-to-play community driven space MMO where players can choose their own path from countless different options. Experience space exploration, immense PvP and PvE battles, mining, industry and a thriving player economy in an ever-expanding sandbox.", + "genres": "Action", + "recommendations": 7289, + "score": 5.863359970704822 + }, + { + "type": "game", + "name": "BioShock\u00ae 2", + "detailed_description": "Special OfferBuying BioShock 2\u2122 gets you BioShock 2\u2122 Remastered! For that feature list, click here!. About the GameSet approximately 10 years after the events of the original BioShock, the halls of Rapture once again echo with sins of the past. Along the Atlantic coastline, a monster has been snatching little girls and bringing them back to the undersea city of Rapture. Players step into the boots of the most iconic denizen of Rapture, the Big Daddy, as they travel through the decrepit and beautiful fallen city, chasing an unseen foe in search of answers and their own survival. . Multiplayer in BioShock 2 will provide a rich prequel experience that expands the origins of the BioShock fiction. Set during the fall of Rapture, players assume the role of a Plasmid test subject for Sinclair Solutions, a premier provider of Plasmids and Tonics in the underwater city of Rapture that was first explored in the original BioShock. Players will need to use all the elements of the BioShock toolset to survive, as the full depth of the BioShock experience is refined and transformed into a unique multiplayer experience that can only be found in Rapture.Updated This bundle also includes the Sinclair Solutions Test Pack, Rapture Metro Map Pack, Kill \u2018em Kindly, Zigo & Blanche multiplayer characters, and The Protector Trials. Requires the full game to play.Single-player FeaturesEvolution of the Genetically Enhanced Shooter: Innovative advances bring new depth and dimension to each encounter. New elements, such as the ability to dual-wield weapons and Plasmids, allow players to create exciting combination's of punishment. Return to Rapture: Set approximately 10 years after the events of the original BioShock, the story continues with an epic, more intense journey through one of the most captivating and terrifying fictional worlds ever created . You are the Big Daddy: Take control of BioShock\u2019s signature and iconic symbol by playing as the Big Daddy, and experience the power and raw strength of Rapture\u2019s most feared denizens as you battle powerful new enemies. Continuation of the Award-Winning Narrative: New and unique storytelling devices serve as the vehicle for the continuation of one of gaming\u2019s most acclaimed storylines. The Protector Trials: You receive the call: Tenenbaum desperately needs you to steal as much ADAM as possible, to help thwart Sofia Lamb's insane plan. Enter the Protector Trials: frantic combat challenges designed to push your mastery of weapons and Plasmids to the limit. The goal in each Trial is simple: get your Little Sister to an ADAM-rich corpse and keep her safe while she gathers precious ADAM. Opposition mounts as your Little Sister nears her goal -- will you survive the onslaught? Each Trial features three unique weapon and Plasmid load-outs, keeping the challenge fresh, as well as a fourth bonus load-out the player receives when all previous load-outs are completed. Multiplayer FeaturesGenetically Enhanced Multiplayer: Earn experience points during gameplay to earn access to new Weapons, Plasmids and Tonics that can be used to create hundreds of different combinations, allowing players to develop a unique character that caters to their playing style. . Experience Rapture\u2019s Civil War: Players will step into the shoes of Rapture citizens and take direct part in the civil war that tore Rapture apart. . See Rapture Before the Fall: Experience Rapture before it was reclaimed by the ocean and engage in combat over iconic environments in locations such as Kashmir Restaurant and Mercury Suites, all of which have been reworked from the ground up for multiplayer. . FPS Veterans Add Their Touch to the Multiplayer Experience: Digital Extremes brings more than 10 years of first person shooter experience including development of award-winning entries in the Unreal\u00ae and Unreal Tournament\u00ae franchise. . Sinclair Solutions Tester Pack: Opportunity Awaits! Expand your BioShock 2 multiplayer experience with a rank increase to 50 with Rank Rewards including a 3rd set of weapons upgrades. Plus, enjoy 20 new Trials, 2 new playable characters and 5 new Masks. Yes! We\u2019d thought you\u2019d like the sound of that!. Rapture Metro: As one of our valued Sinclair Solutions testers, we specially invite you to enjoy the pleasure of Rebirth! But only if you are truly dedicated and fully ranked up. However all testers are eligible for the 6 new maps in Rapture Metro. What\u2019s your golf handicap? Take this chance to turn your handicap into your enemy\u2019s with this fresh melee mode where every blunt object is a golf club. No putting. . Zigo & Blanche: Enroll in Sinclair Solution\u2019s Consumer Rewards Program with two new characters for the BioShock 2 Multiplayer experience: Mlle Blanche de Glace, the internationally acclaimed actress, or Zigo D\u2019Acosta, one of Rapture\u2019s great sailors. Get out there and start earning those rewards!.", + "about_the_game": "Set approximately 10 years after the events of the original BioShock, the halls of Rapture once again echo with sins of the past. Along the Atlantic coastline, a monster has been snatching little girls and bringing them back to the undersea city of Rapture. Players step into the boots of the most iconic denizen of Rapture, the Big Daddy, as they travel through the decrepit and beautiful fallen city, chasing an unseen foe in search of answers and their own survival.Multiplayer in BioShock 2 will provide a rich prequel experience that expands the origins of the BioShock fiction. Set during the fall of Rapture, players assume the role of a Plasmid test subject for Sinclair Solutions, a premier provider of Plasmids and Tonics in the underwater city of Rapture that was first explored in the original BioShock. Players will need to use all the elements of the BioShock toolset to survive, as the full depth of the BioShock experience is refined and transformed into a unique multiplayer experience that can only be found in Rapture.Updated This bundle also includes the Sinclair Solutions Test Pack, Rapture Metro Map Pack, Kill \u2018em Kindly, Zigo & Blanche multiplayer characters, and The Protector Trials. Requires the full game to play.Single-player FeaturesEvolution of the Genetically Enhanced Shooter: Innovative advances bring new depth and dimension to each encounter. New elements, such as the ability to dual-wield weapons and Plasmids, allow players to create exciting combination's of punishmentReturn to Rapture: Set approximately 10 years after the events of the original BioShock, the story continues with an epic, more intense journey through one of the most captivating and terrifying fictional worlds ever created You are the Big Daddy: Take control of BioShock\u2019s signature and iconic symbol by playing as the Big Daddy, and experience the power and raw strength of Rapture\u2019s most feared denizens as you battle powerful new enemiesContinuation of the Award-Winning Narrative: New and unique storytelling devices serve as the vehicle for the continuation of one of gaming\u2019s most acclaimed storylinesThe Protector Trials: You receive the call: Tenenbaum desperately needs you to steal as much ADAM as possible, to help thwart Sofia Lamb's insane plan. Enter the Protector Trials: frantic combat challenges designed to push your mastery of weapons and Plasmids to the limit. The goal in each Trial is simple: get your Little Sister to an ADAM-rich corpse and keep her safe while she gathers precious ADAM. Opposition mounts as your Little Sister nears her goal -- will you survive the onslaught? Each Trial features three unique weapon and Plasmid load-outs, keeping the challenge fresh, as well as a fourth bonus load-out the player receives when all previous load-outs are completedMultiplayer FeaturesGenetically Enhanced Multiplayer: Earn experience points during gameplay to earn access to new Weapons, Plasmids and Tonics that can be used to create hundreds of different combinations, allowing players to develop a unique character that caters to their playing style.Experience Rapture\u2019s Civil War: Players will step into the shoes of Rapture citizens and take direct part in the civil war that tore Rapture apart.See Rapture Before the Fall: Experience Rapture before it was reclaimed by the ocean and engage in combat over iconic environments in locations such as Kashmir Restaurant and Mercury Suites, all of which have been reworked from the ground up for multiplayer.FPS Veterans Add Their Touch to the Multiplayer Experience: Digital Extremes brings more than 10 years of first person shooter experience including development of award-winning entries in the Unreal\u00ae and Unreal Tournament\u00ae franchise.Sinclair Solutions Tester Pack: Opportunity Awaits! Expand your BioShock 2 multiplayer experience with a rank increase to 50 with Rank Rewards including a 3rd set of weapons upgrades. Plus, enjoy 20 new Trials, 2 new playable characters and 5 new Masks. Yes! We\u2019d thought you\u2019d like the sound of that!Rapture Metro: As one of our valued Sinclair Solutions testers, we specially invite you to enjoy the pleasure of Rebirth! But only if you are truly dedicated and fully ranked up. However all testers are eligible for the 6 new maps in Rapture Metro. What\u2019s your golf handicap? Take this chance to turn your handicap into your enemy\u2019s with this fresh melee mode where every blunt object is a golf club. No putting.Zigo & Blanche: Enroll in Sinclair Solution\u2019s Consumer Rewards Program with two new characters for the BioShock 2 Multiplayer experience: Mlle Blanche de Glace, the internationally acclaimed actress, or Zigo D\u2019Acosta, one of Rapture\u2019s great sailors. Get out there and start earning those rewards!", + "short_description": "Set approximately 10 years after the events of the original BioShock, the halls of Rapture once again echo with sins of the past. Along the Atlantic coastline, a monster has been snatching little girls and bringing them back to the undersea city of Rapture.", + "genres": "Action", + "recommendations": 10063, + "score": 6.075935954753044 + }, + { + "type": "game", + "name": "BioShock Infinite", + "detailed_description": "Indebted to the wrong people, with his life on the line, veteran of the U.S. Cavalry and now hired gun, Booker DeWitt has only one opportunity to wipe his slate clean. He must rescue Elizabeth, a mysterious girl imprisoned since childhood and locked up in the flying city of Columbia. Forced to trust one another, Booker and Elizabeth form a powerful bond during their daring escape. Together, they learn to harness an expanding arsenal of weapons and abilities, as they fight on zeppelins in the clouds, along high-speed Sky-Lines, and down in the streets of Columbia, all while surviving the threats of the air-city and uncovering its dark secret.Key Features\tThe City in the Sky \u2013 Leave the depths of Rapture to soar among the clouds of Columbia. A technological marvel, the flying city is a beautiful and vibrant world that holds a very dark secret. . Unlikely Mission \u2013 Set in 1912, hired gun Booker DeWitt must rescue a mysterious girl from the sky-city of Columbia or never leave it alive. . Whip, Zip, and Kill \u2013 Turn the city\u2019s Sky-Lines into weaponized roller coasters as you zip through the flying city and dish out fatal hands-on punishment. . Tear Through Time \u2013 Open Tears in time and space to shape the battlefield and turn the tide in combat by pulling weapons, turrets, and other resources out of thin air. . Vigorous Powers \u2013 Throw explosive fireballs, shoot lightning, and release murders of crows as devastatingly powerful Vigors surge through your body to be unleashed against all that oppose you. . Custom Combat Experience \u2013 With deadly weapons in one hand, powerful Vigors in the other, and the ability to open Tears in time and space, fight your own way through the floating city of Columbia to rescue Elizabeth and reach freedom. . 1999 Mode \u2013 Upon finishing BioShock Infinite, the player can unlock a game mode called \u201c1999 Mode\u201d that gives experienced players a taste of the kind of design and balance that hardcore gamers enjoyed back in the 20th century.", + "about_the_game": "Indebted to the wrong people, with his life on the line, veteran of the U.S. Cavalry and now hired gun, Booker DeWitt has only one opportunity to wipe his slate clean. He must rescue Elizabeth, a mysterious girl imprisoned since childhood and locked up in the flying city of Columbia. Forced to trust one another, Booker and Elizabeth form a powerful bond during their daring escape. Together, they learn to harness an expanding arsenal of weapons and abilities, as they fight on zeppelins in the clouds, along high-speed Sky-Lines, and down in the streets of Columbia, all while surviving the threats of the air-city and uncovering its dark secret.Key Features\tThe City in the Sky \u2013 Leave the depths of Rapture to soar among the clouds of Columbia. A technological marvel, the flying city is a beautiful and vibrant world that holds a very dark secret. \tUnlikely Mission \u2013 Set in 1912, hired gun Booker DeWitt must rescue a mysterious girl from the sky-city of Columbia or never leave it alive. \tWhip, Zip, and Kill \u2013 Turn the city\u2019s Sky-Lines into weaponized roller coasters as you zip through the flying city and dish out fatal hands-on punishment.\tTear Through Time \u2013 Open Tears in time and space to shape the battlefield and turn the tide in combat by pulling weapons, turrets, and other resources out of thin air.\tVigorous Powers \u2013 Throw explosive fireballs, shoot lightning, and release murders of crows as devastatingly powerful Vigors surge through your body to be unleashed against all that oppose you. \tCustom Combat Experience \u2013 With deadly weapons in one hand, powerful Vigors in the other, and the ability to open Tears in time and space, fight your own way through the floating city of Columbia to rescue Elizabeth and reach freedom. \t1999 Mode \u2013 Upon finishing BioShock Infinite, the player can unlock a game mode called \u201c1999 Mode\u201d that gives experienced players a taste of the kind of design and balance that hardcore gamers enjoyed back in the 20th century.", + "short_description": "Indebted to the wrong people, with his life on the line, veteran of the U.S. Cavalry and now hired gun, Booker DeWitt has only one opportunity to wipe his slate clean. He must rescue Elizabeth, a mysterious girl imprisoned since childhood and locked up in the flying city of Columbia.", + "genres": "Action", + "recommendations": 98946, + "score": 7.582684414295727 + }, + { + "type": "game", + "name": "Sid Meier's Civilization\u00ae V", + "detailed_description": "The Flagship Turn-Based Strategy Game Returns. Become Ruler of the World by establishing and leading a civilization from the dawn of man into the space age: Wage war, conduct diplomacy, discover new technologies, go head-to-head with some of history\u2019s greatest leaders and build the most powerful empire the world has ever known. . INVITING PRESENTATION: Jump right in and play at your own pace with an intuitive interface that eases new players into the game. Veterans will appreciate the depth, detail and control that are highlights of the series. . BELIEVABLE WORLD: Ultra realistic graphics showcase lush landscapes for you to explore, battle over and claim as your own. . COMMUNITY & MULTIPLAYER: Compete with players all over the world or locally in LAN matches, mod* the game in unprecedented ways, and install mods directly from an in-game community hub without ever leaving the game. . WIDE SYSTEM COMPATIBILITY: Civilization V operates on many different systems, from high end desktops to many laptops. . ALL NEW FEATURES: A new hex-based gameplay grid opens up exciting new combat and build strategies. City States become a new resource in your diplomatic battleground. An improved diplomacy system allows you to negotiate with fully interactive leaders. . *Modding SDK available as a free download. . Note: The Mac and Linux + SteamOS versions of Sid Meier's Civilization V are available in English, French, Italian, German and Spanish only.", + "about_the_game": "The Flagship Turn-Based Strategy Game ReturnsBecome Ruler of the World by establishing and leading a civilization from the dawn of man into the space age: Wage war, conduct diplomacy, discover new technologies, go head-to-head with some of history\u2019s greatest leaders and build the most powerful empire the world has ever known.INVITING PRESENTATION: Jump right in and play at your own pace with an intuitive interface that eases new players into the game. Veterans will appreciate the depth, detail and control that are highlights of the series.BELIEVABLE WORLD: Ultra realistic graphics showcase lush landscapes for you to explore, battle over and claim as your own. COMMUNITY & MULTIPLAYER: Compete with players all over the world or locally in LAN matches, mod* the game in unprecedented ways, and install mods directly from an in-game community hub without ever leaving the game. WIDE SYSTEM COMPATIBILITY: Civilization V operates on many different systems, from high end desktops to many laptops. ALL NEW FEATURES: A new hex-based gameplay grid opens up exciting new combat and build strategies. City States become a new resource in your diplomatic battleground. An improved diplomacy system allows you to negotiate with fully interactive leaders. *Modding SDK available as a free download. Note: The Mac and Linux + SteamOS versions of Sid Meier's Civilization V are available in English, French, Italian, German and Spanish only.", + "short_description": "Create, discover, and download new player-created maps, scenarios, interfaces, and more!", + "genres": "Strategy", + "recommendations": 117321, + "score": 7.694976249675537 + }, + { + "type": "game", + "name": "Borderlands Game of the Year", + "detailed_description": "Lock, Load, & Face the Madness. Get ready for the mind blowing insanity! Play as one of four trigger-happy mercenaries and take out everything that stands in your way!. With its addictive action, frantic first-person shooter combat, massive arsenal of weaponry, RPG elements and four-player co-op*, Borderlands is a breakthrough experience that challenges all the conventions of modern shooters. Borderlands places you in the role of a mercenary on the lawless and desolate planet of Pandora, hell-bent on finding a legendary stockpile of powerful alien technology known as The Vault. Role Playing Shooter (RPS) - Combines frantic first-person shooting action with accessible role-playing character progression. Co-Op Frenzy - Fly solo in single player or drop in and out with up to 4 Player Co-Op online for a maniacal multiplayer experience. Bazillions of Guns - Gun lust fulfilled with rocket-launching shotguns, enemy-torching revolvers, SMGs that fire lightning rounds, and tons more. Radical Art Style - New visual style combines traditional rendering techniques with hand-drawn textures to create a unique and eye-catching spin on the First Person genre. Intense Vehicular Combat - Get behind the wheel and engage in intense vehicle-to-vehicle combat. PLUS: THE ZOMBIE ISLAND OF DOCTOR NED: Enter the corporate owned small town known as Jakobs Cove and put an end to the rumors of the walking \u201cundead.\u201d New areas, new missions, new enemies, Oh My!. MAD MOXXI\u2019S UNDERDOME RIOT: Celebrate the grand opening of Marcus Bank by taking on hundreds of foes in the only competitive arena around where you\u2019re coming back famous. or not at all. . THE SECRET ARMORY OF GENERAL KNOXX: Want more of the Borderlands story and more loot than you could possibly figure out what to do with? Add new guns, missions, vehicles and more!. CLAPTRAP\u2019S NEW ROBOT REVOLUTION: This destructive adventure invites you to battle a vicious new threat, a massive uprising of your former friends: the claptraps.", + "about_the_game": "Lock, Load, & Face the MadnessGet ready for the mind blowing insanity! Play as one of four trigger-happy mercenaries and take out everything that stands in your way!With its addictive action, frantic first-person shooter combat, massive arsenal of weaponry, RPG elements and four-player co-op*, Borderlands is a breakthrough experience that challenges all the conventions of modern shooters. Borderlands places you in the role of a mercenary on the lawless and desolate planet of Pandora, hell-bent on finding a legendary stockpile of powerful alien technology known as The Vault.Role Playing Shooter (RPS) - Combines frantic first-person shooting action with accessible role-playing character progressionCo-Op Frenzy - Fly solo in single player or drop in and out with up to 4 Player Co-Op online for a maniacal multiplayer experienceBazillions of Guns - Gun lust fulfilled with rocket-launching shotguns, enemy-torching revolvers, SMGs that fire lightning rounds, and tons moreRadical Art Style - New visual style combines traditional rendering techniques with hand-drawn textures to create a unique and eye-catching spin on the First Person genreIntense Vehicular Combat - Get behind the wheel and engage in intense vehicle-to-vehicle combatPLUS: THE ZOMBIE ISLAND OF DOCTOR NED: Enter the corporate owned small town known as Jakobs Cove and put an end to the rumors of the walking \u201cundead.\u201d New areas, new missions, new enemies, Oh My!MAD MOXXI\u2019S UNDERDOME RIOT: Celebrate the grand opening of Marcus Bank by taking on hundreds of foes in the only competitive arena around where you\u2019re coming back famous... or not at all.THE SECRET ARMORY OF GENERAL KNOXX: Want more of the Borderlands story and more loot than you could possibly figure out what to do with? Add new guns, missions, vehicles and more!CLAPTRAP\u2019S NEW ROBOT REVOLUTION: This destructive adventure invites you to battle a vicious new threat, a massive uprising of your former friends: the claptraps.", + "short_description": "Get ready for the mind blowing insanity! Play as one of four trigger-happy mercenaries and take out everything that stands in your way! With its addictive action, frantic first-person shooter combat, massive arsenal of weaponry, RPG elements and four-player co-op, Borderlands is a breakthrough experience that challenges all the...", + "genres": "Action", + "recommendations": 19006, + "score": 6.495102330714994 + }, + { + "type": "game", + "name": "Company of Heroes: Opposing Fronts", + "detailed_description": "The next chapter in the #1 rated RTS franchise thrusts players into a hellish war torn landscape to command two battle-hardened armies in relentless campaigns for honor and country. Players lead the tenacious British 2nd Army during the heroic World War II liberation of Caen, France, and command the German Panzer Elite as they struggle to repel the largest airborne invasion in history. . Two New Armies: Play as the British 2nd Army or German Panzer Elite, each with devastating command trees options and unit upgrades. . Two Full Campaigns: Command the British 2nd Army to liberate the key strategic position of Caen, France. Control the German Panzer Elite to repel the Allied airborne invasion in Operation Market Garden. . Real War, Real Battlefields, Real War Enhanced: Mission Persistence, Dynamic Weather Effects, Enhanced Vehicle Tactics and more deliver a new level of realism and all new battlefield tactics. . All new Multiplayer Options: Combine Company of Heroes\u2122: Opposing Fronts\u2122 with the original Company of Heroes for a total of four playable armies online. Join British artillery with American armor to dominate the 3rd Reich or utilize Wehrmacht and Panzer Elite blitzkrieg tactics to annihilate the Allied invasion. . DirectX\u00ae 10 Support provides the most realistic RTS experience available with enhanced lighting and incredible terrain detail.", + "about_the_game": "The next chapter in the #1 rated RTS franchise thrusts players into a hellish war torn landscape to command two battle-hardened armies in relentless campaigns for honor and country. Players lead the tenacious British 2nd Army during the heroic World War II liberation of Caen, France, and command the German Panzer Elite as they struggle to repel the largest airborne invasion in history.\t\t\t\t\tTwo New Armies: Play as the British 2nd Army or German Panzer Elite, each with devastating command trees options and unit upgrades.\t\t\t\t\tTwo Full Campaigns: Command the British 2nd Army to liberate the key strategic position of Caen, France. Control the German Panzer Elite to repel the Allied airborne invasion in Operation Market Garden.\t\t\t\t\tReal War, Real Battlefields, Real War Enhanced: Mission Persistence, Dynamic Weather Effects, Enhanced Vehicle Tactics and more deliver a new level of realism and all new battlefield tactics.\t\t\t\t\tAll new Multiplayer Options: Combine Company of Heroes\u2122: Opposing Fronts\u2122 with the original Company of Heroes for a total of four playable armies online. Join British artillery with American armor to dominate the 3rd Reich or utilize Wehrmacht and Panzer Elite blitzkrieg tactics to annihilate the Allied invasion.\t\t\t\t\tDirectX\u00ae 10 Support provides the most realistic RTS experience available with enhanced lighting and incredible terrain detail.", + "short_description": "The next chapter in the #1 rated RTS franchise thrusts players into a hellish war torn landscape to command two battle-hardened armies in relentless campaigns for honor and country. Players lead the tenacious British 2nd Army during the heroic World War II liberation of Caen, France, and command the German Panzer Elite as they struggle...", + "genres": "Action", + "recommendations": 661, + "score": 4.281872251425884 + }, + { + "type": "game", + "name": "Supreme Commander: Forged Alliance", + "detailed_description": "The last days of man are at hand. Two years after the Infinite War the once great warring nations now lie in ruins, and humanity\u2019s hope for a brighter future is nothing but a bitter memory. A new, seemingly unstoppable enemy, supported by the zealots of The Order, now seeks to eradicate mankind: UEF, Aeon Loyalist, and Cybran alike. With their backs against the wall and staring into the abyss, the tattered remnants of Humanity\u2019s forces must put aside old hatreds and band together as they prepare to make one last desperate stand. One last chance. An alliance forged in blood, steel and hope, they turn to face the dark. Key Features: New Playable Faction: A completely new playable faction will be available in multiplayer games and serve as the main threat during the new single-player campaign. This new threat is a cunning and devious race with advanced technology and are true masters of quantum technology. New weapons, new strategies, new conquests! . New Units: 110 new land, sea, air, base and experimental units evolve armies to address strategic weakness or become the ultimate expressions of factional military doctrine. . Warfare on an Epic Scale: Fully realized navies, orbital weaponry and advanced counter intelligence technologies give commanders unprecedented, deadly new capabilities in what is already the most strategic RTS on the market today. . New Multiplayer Maps: New multiplayer battlefields provide new grounds for players to prove their supremacy. . New Single Player Campaign: Play through a brand new single player campaign as you gather your forces to save mankind from extinction. .", + "about_the_game": "The last days of man are at hand.. Two years after the Infinite War the once great warring nations now lie in ruins, and humanity\u2019s hope for a brighter future is nothing but a bitter memory. A new, seemingly unstoppable enemy, supported by the zealots of The Order, now seeks to eradicate mankind: UEF, Aeon Loyalist, and Cybran alike. With their backs against the wall and staring into the abyss, the tattered remnants of Humanity\u2019s forces must put aside old hatreds and band together as they prepare to make one last desperate stand. One last chance. An alliance forged in blood, steel and hope, they turn to face the dark.\t\t\t\t\tKey Features:\t\t\t\t\tNew Playable Faction: A completely new playable faction will be available in multiplayer games and serve as the main threat during the new single-player campaign. This new threat is a cunning and devious race with advanced technology and are true masters of quantum technology. New weapons, new strategies, new conquests! \t\t\t\t\tNew Units: 110 new land, sea, air, base and experimental units evolve armies to address strategic weakness or become the ultimate expressions of factional military doctrine. \t\t\t\t\tWarfare on an Epic Scale: Fully realized navies, orbital weaponry and advanced counter intelligence technologies give commanders unprecedented, deadly new capabilities in what is already the most strategic RTS on the market today. \t\t\t\t\tNew Multiplayer Maps: New multiplayer battlefields provide new grounds for players to prove their supremacy. \t\t\t\t\tNew Single Player Campaign: Play through a brand new single player campaign as you gather your forces to save mankind from extinction.", + "short_description": "The last days of man are at hand.. Two years after the Infinite War the once great warring nations now lie in ruins, and humanity\u2019s hope for a brighter future is nothing but a bitter memory. A new, seemingly unstoppable enemy, supported by the zealots of The Order, now seeks to eradicate mankind: UEF, Aeon Loyalist, and Cybran alike.", + "genres": "Strategy", + "recommendations": 7994, + "score": 5.924215314416878 + }, + { + "type": "game", + "name": "Warhammer\u00ae 40,000: Dawn of War\u00ae - Soulstorm", + "detailed_description": "The third and final expansion to the genre-defining and critically-acclaimed RTS, Dawn of War. In Soulstorm, two new armies are introduced \u2013 Sisters of Battle and Dark Eldar - raising the total number of playable armies to nine. The revolutionary meta-game that was first introduced in Dark Crusade is further expanded to an interplanetary scale, allowing players to battle across the star system. . Sisters of Battle. The Chamber Militant of the Emperor\u2019s Holy Inquisition. Limited in numbers but incredibly powerful, the Sisters of Battle are second only to the Space Marines in terms of sheer fighting prowess. Ranging from the Sisters Repentia with their devastating ceremonial eviscerators to the awe-inspiring Penitent Engine, the Sisters of Battle are truly a force to be feared. . Dark Eldar. Twisted and corrupt cousins of the Eldar, these terrifying raiders from the furthest reaches of the Webway are feared and hated by all. Their incredible speed, reliance on close quarter combat and stunning and poisoning abilities allows them to quickly strike an enemy and be gone before reinforcements can arrive. . Devastating air attacks. Strategic warfare in the 41st Millennium reaches new heights as each army gains air units to rain death from the skies. . Brutal domination. Wage war across the entire solar system as the metagame map introduced in Dark Crusade is expanded to an interplanetary scale. Liberate, enslave, or destroy entire worlds as you unleash your armies\u2019 fury across the galaxy. Players must now strive to conquer an entire solar system with multiple planets and moons to be conquered. In total 34 maps are available to the player. . Enhanced customization . Customize your hero\u2019s weapons, items and abilities as he grows in power and personalize your army\u2019s insignias, colors, banners and names. Earn and unlock achievements and medals to showcase your superiority online.", + "about_the_game": "The third and final expansion to the genre-defining and critically-acclaimed RTS, Dawn of War. In Soulstorm, two new armies are introduced \u2013 Sisters of Battle and Dark Eldar - raising the total number of playable armies to nine. The revolutionary meta-game that was first introduced in Dark Crusade is further expanded to an interplanetary scale, allowing players to battle across the star system. Sisters of BattleThe Chamber Militant of the Emperor\u2019s Holy Inquisition. Limited in numbers but incredibly powerful, the Sisters of Battle are second only to the Space Marines in terms of sheer fighting prowess. Ranging from the Sisters Repentia with their devastating ceremonial eviscerators to the awe-inspiring Penitent Engine, the Sisters of Battle are truly a force to be feared. Dark EldarTwisted and corrupt cousins of the Eldar, these terrifying raiders from the furthest reaches of the Webway are feared and hated by all. Their incredible speed, reliance on close quarter combat and stunning and poisoning abilities allows them to quickly strike an enemy and be gone before reinforcements can arrive.Devastating air attacksStrategic warfare in the 41st Millennium reaches new heights as each army gains air units to rain death from the skies. Brutal dominationWage war across the entire solar system as the metagame map introduced in Dark Crusade is expanded to an interplanetary scale. Liberate, enslave, or destroy entire worlds as you unleash your armies\u2019 fury across the galaxy. Players must now strive to conquer an entire solar system with multiple planets and moons to be conquered. In total 34 maps are available to the player. Enhanced customization Customize your hero\u2019s weapons, items and abilities as he grows in power and personalize your army\u2019s insignias, colors, banners and names. Earn and unlock achievements and medals to showcase your superiority online.", + "short_description": "The third and final expansion to the genre-defining and critically-acclaimed RTS, Dawn of War. In Soulstorm, two new armies are introduced \u2013 Sisters of Battle and Dark Eldar - raising the total number of playable armies to nine.", + "genres": "Strategy", + "recommendations": 10717, + "score": 6.117440974487368 + }, + { + "type": "game", + "name": "Saints Row 2", + "detailed_description": "Feature List About the GameSaints Row 2 brings true freedom to open-world gaming. Players can play as who they want, how they want, and with whomever they want in this sequel to the much acclaimed and tremendously successful Saints Row. Set years after the original, the player finds himself in a Stilwater both familiar and strange and challenged with bringing the Saints back as the rightful kings of Stilwater and bringing vengeance to those who wronged him. Limitless Customization - Play as fully customizable characters that are male, female or something in between. - Vehicles can be visually customized as well as performance tuned. - Cribs and even gangs all have an amazing degree of detailed customization options. . Multiplayer - Co-op full story campaign has seamless integration (for example one player drives while the other shoots). - Competitive MP pushes the boundaries of immersion in a living Stillwater environment fully populated with police, innocent bystanders and rival gangs. . Killer Combat and Awesome Vehicles - Planes, helicopters, motorcycles,boats and cars can be piloted and used as weapons. On the ground new combat options include melee, fine aim, and human shield. . Freedom to Explore - More missions, activities, diversions, races, weapons, vehicles, cribs, city districts, and interiors than ever before. Over 40 story missions with additional bonus missions take place in a transformed Stilwater that is over 50% larger than before.", + "about_the_game": "Saints Row 2 brings true freedom to open-world gaming. Players can play as who they want, how they want, and with whomever they want in this sequel to the much acclaimed and tremendously successful Saints Row. \t\t\t\t\tSet years after the original, the player finds himself in a Stilwater both familiar and strange and challenged with bringing the Saints back as the rightful kings of Stilwater and bringing vengeance to those who wronged him. \t\t\t\t\t Limitless Customization - Play as fully customizable characters that are male, female or something in between. - Vehicles can be visually customized as well as performance tuned. - Cribs and even gangs all have an amazing degree of detailed customization options. \t\t\t\t\tMultiplayer - Co-op full story campaign has seamless integration (for example one player drives while the other shoots). - Competitive MP pushes the boundaries of immersion in a living Stillwater environment fully populated with police, innocent bystanders and rival gangs. \t\t\t\t\tKiller Combat and Awesome Vehicles - Planes, helicopters, motorcycles,boats and cars can be piloted and used as weapons. On the ground new combat options include melee, fine aim, and human shield. \t\t\t\t\tFreedom to Explore - More missions, activities, diversions, races, weapons, vehicles, cribs, city districts, and interiors than ever before. Over 40 story missions with additional bonus missions take place in a transformed Stilwater that is over 50% larger than before.", + "short_description": "Saints Row 2 brings true freedom to open-world gaming. Players can play as who they want, how they want, and with whomever they want in this sequel to the much acclaimed and tremendously successful Saints Row.", + "genres": "Action", + "recommendations": 10416, + "score": 6.0986624961081795 + }, + { + "type": "game", + "name": "Champions Online", + "detailed_description": "New Content. Shadow of Destruction brings us the Qliphothic Warzone, a new epic end-game zone set in an eerie otherworld where forces of evil plot the downfall of all creation. Content is designed for veteran level 40 players in teams of 2+ players, 6+ players and 20 players!. About the GameChampions Online brings epic heroism back to the MMORPG genre with depth that challenges the most experienced online gamers, while its fast-paced action engages new entrants to the online superhero universe. Join Defender and the legendary Champions to stop Dr. Destroyer and his minions in the ultimate showdown between good and evil. Key features: Free-to-Play: Play a triple-A MMO experience without cost. Play from level 1 to 40 free of charge! There is no box price and no mandatory subscription. Enjoy Champions Online as you like, when you like. . Total Customization: Choose from thousands of different costume pieces, colors and body types to create your character's one-of-a-kind look. There are billions of possible combinations, and even in a universe brimming with the fantastic and the unforgettable, you can be completely unique!. Keep Your Enemies Close: Every hero must have an archenemy. Design your character's supreme adversary, choosing a name, powers and costume for a superpowered foe to bedevil your hero throughout his or her career. . Endless Exploration: The battle against evil rages across the world and into alternate dimensions. No other MMO offers players the chance to explore such diverse realms \u2014 from the shining skyscrapers of Millennium City and the frozen wastes of Canada to the hidden underwater city of Lemuria, the foul mystical dimension known as Qliphothic, and the tormented Vibora Bay. . Evil Most Foul: Battle supervillains, aliens, giant monsters and secret, sinister organizations. Doctor Destroyer is launching new plans to conquer the world. VIPER lurks in the shadows, seeking chances to strike at humanity. The ancient Lemurians are plotting a return to power. And Mechanon won't stop until it has wiped all organic life from the planet. Can you stop these heinous threats to humanity?. Hi-Octane Excitement: Combat is instantaneous and electrifying. No more boring auto attacks and lengthy recharge times. . Brains Required: Every enemy and super-powered threat in Champions Online has its own unique abilities and combat specialties. Use your head or wind up dead!. Bring Friends, Make Friends: Our universe is jam-packed with thousands of heroes, facing thousands of threats. Join up with other heroes, create your own super group, and prepare to take on the ultimate threats!. Your Powers, Your Terms: There is a multitude of astonishing powers to choose from and the flexible character creation system gives you total control over your hero's abilities. You can even pick the appearance of your powers. Do you want purple force fields? Green fire blasts? Jet black claws? You decide!. Bigger and Better: Vanquish evil and your successes will be rewarded with costume pieces to enhance your powers and abilities. Then customize the appearance of those rewards to your vision of your hero's look and abilities!. Make Your Mark: All this within a constantly changing, continually evolving story: Villains are defeated. Heroes rise and fall. Cities transform. Your actions may decide the future!.", + "about_the_game": "Champions Online brings epic heroism back to the MMORPG genre with depth that challenges the most experienced online gamers, while its fast-paced action engages new entrants to the online superhero universe. Join Defender and the legendary Champions to stop Dr. Destroyer and his minions in the ultimate showdown between good and evil.\t\t\t\t\t\t\t\t\tKey features:\t\t\t\t\t\t\t\t\tFree-to-Play: Play a triple-A MMO experience without cost. Play from level 1 to 40 free of charge! There is no box price and no mandatory subscription. Enjoy Champions Online as you like, when you like.\t\t\t\t\t\t\t\t\tTotal Customization: Choose from thousands of different costume pieces, colors and body types to create your character's one-of-a-kind look. There are billions of possible combinations, and even in a universe brimming with the fantastic and the unforgettable, you can be completely unique!\t\t\t\t\t\t\t\t\tKeep Your Enemies Close: Every hero must have an archenemy. Design your character's supreme adversary, choosing a name, powers and costume for a superpowered foe to bedevil your hero throughout his or her career.\t\t\t\t\t\t\t\t\tEndless Exploration: The battle against evil rages across the world and into alternate dimensions. No other MMO offers players the chance to explore such diverse realms \u2014 from the shining skyscrapers of Millennium City and the frozen wastes of Canada to the hidden underwater city of Lemuria, the foul mystical dimension known as Qliphothic, and the tormented Vibora Bay.\t\t\t\t\t\t\t\t\tEvil Most Foul: Battle supervillains, aliens, giant monsters and secret, sinister organizations. Doctor Destroyer is launching new plans to conquer the world. VIPER lurks in the shadows, seeking chances to strike at humanity. The ancient Lemurians are plotting a return to power. And Mechanon won't stop until it has wiped all organic life from the planet. Can you stop these heinous threats to humanity?\t\t\t\t\t\t\t\t\tHi-Octane Excitement: Combat is instantaneous and electrifying. No more boring auto attacks and lengthy recharge times. \t\t\t\t\t\t\t\t\tBrains Required: Every enemy and super-powered threat in Champions Online has its own unique abilities and combat specialties. Use your head or wind up dead!\t\t\t\t\t\t\t\t\tBring Friends, Make Friends: Our universe is jam-packed with thousands of heroes, facing thousands of threats. Join up with other heroes, create your own super group, and prepare to take on the ultimate threats!\t\t\t\t\t\t\t\t\tYour Powers, Your Terms: There is a multitude of astonishing powers to choose from and the flexible character creation system gives you total control over your hero's abilities. You can even pick the appearance of your powers. Do you want purple force fields? Green fire blasts? Jet black claws? You decide!\t\t\t\t\t\t\t\t\tBigger and Better: Vanquish evil and your successes will be rewarded with costume pieces to enhance your powers and abilities. Then customize the appearance of those rewards to your vision of your hero's look and abilities!\t\t\t\t\t\t\t\t\tMake Your Mark: All this within a constantly changing, continually evolving story: Villains are defeated. Heroes rise and fall. Cities transform. Your actions may decide the future!", + "short_description": "Grab your cape and defend Millennium City in this comic book-style action MMORPG! Design your hero and costume from thousands of costume pieces, face super-villains like Dr. Destroyer, and create your own unique nemesis.", + "genres": "Free to Play", + "recommendations": 180, + "score": 3.4270038685255635 + }, + { + "type": "game", + "name": "Star Trek Online", + "detailed_description": "NEW CONTENT . About the Game.", + "about_the_game": "", + "short_description": "In Star Trek Online, the Star Trek universe appears for the first time on a truly massive scale. Players take the captain's chair as they command their own starship and crew. Explore strange new worlds, seek out new life and new civilizations, and boldly go where no one has gone before.", + "genres": "Free to Play", + "recommendations": 846, + "score": 4.444329624900896 + }, + { + "type": "game", + "name": "Call of Duty: World at War", + "detailed_description": "Call of Duty is back, redefining war like you've never experienced before. Building on the Call of Duty 4\u00ae: Modern Warfare engine, Call of Duty: World at War immerses players into the most gritty and chaotic WWII combat ever experienced. Players band together to survive the most harrowing and climactic battles that led to the demise of the Axis powers on the European and Pacific fronts. The title offers an uncensored experience with unique enemies and combat variety, including Kamikaze fighters, ambush attacks, Banzai charges and cunning cover tactics, as well as explosive on-screen action through the all new four-player cooperative campaign. The addictive competitive multiplayer has also been enhanced with new infantry and vehicle-based action, a higher level cap, more weapons, and a host of new Perks, maps and challenges. Harsh New Enemies, Environments and Tactics: Face off against ruthless and tactically advanced enemies that will stop at nothing to defend their homelands, from swamp ambushes and tree-top snipers to fearless Kamikaze attacks. Play as a U.S. Marine and Russian conscript across a variety of Pacific and European locations against the fearless Imperial Japanese and elite German soldiers in epic adrenaline-filled infantry, vehicle and airborne missions. . Co-Op Campaign Mode, Call of Duty Style: For the first time in the franchise, Call of Duty: World at War introduces co-op play, bringing fresh meaning to \u0093No One Fights Alone\u0094. Campaign co-op features up to four-players online, allowing gamers to experience harrowing campaign missions together for greater camaraderie and tactical execution. Co-op mode incorporates innovative multiplayer components such as challenges, rankings and online stats for deeper re-playability and multiplayer experience bonuses. Co-op mode also features Competitive Co-Op that will show who is really the best player on your team. . Enhanced Innovative Multiplayer: Call of Duty: World at War continues the addictive class-based multiplayer action the series is famous for. The addition of vehicle combat with tanks rounds out the highly-successful Call of Duty 4: Modern Warfare multiplayer experience, and features such as persistent stats, player rankings, upgradeable weapons, squad-based gameplay, customizable classes and Perks, have been further enhanced to set a new standard in Call of Duty online warfare. . Unprecedented Cinematic Quality in a World at War: Built using the Call of Duty 4: Modern Warfare engine, Call of Duty: World at War utilizes cutting-edge technology including highly-detailed character models, self-shadowing, environmental lighting and amazing special effects to deliver jaw-dropping visuals. Depth of field, rim-lighting and texture-streaming technology bring the adrenaline-pumping combat to life, while physics-enabled battlefields and fire that spreads through environments realistically, immerses players into the harrowing and dynamic combat.", + "about_the_game": "Call of Duty is back, redefining war like you've never experienced before. Building on the Call of Duty 4\u00ae: Modern Warfare engine, Call of Duty: World at War immerses players into the most gritty and chaotic WWII combat ever experienced. Players band together to survive the most harrowing and climactic battles that led to the demise of the Axis powers on the European and Pacific fronts. The title offers an uncensored experience with unique enemies and combat variety, including Kamikaze fighters, ambush attacks, Banzai charges and cunning cover tactics, as well as explosive on-screen action through the all new four-player cooperative campaign. The addictive competitive multiplayer has also been enhanced with new infantry and vehicle-based action, a higher level cap, more weapons, and a host of new Perks, maps and challenges. \t\t\t\t\tHarsh New Enemies, Environments and Tactics: Face off against ruthless and tactically advanced enemies that will stop at nothing to defend their homelands, from swamp ambushes and tree-top snipers to fearless Kamikaze attacks. Play as a U.S. Marine and Russian conscript across a variety of Pacific and European locations against the fearless Imperial Japanese and elite German soldiers in epic adrenaline-filled infantry, vehicle and airborne missions. \t\t\t\t\tCo-Op Campaign Mode, Call of Duty Style: For the first time in the franchise, Call of Duty: World at War introduces co-op play, bringing fresh meaning to \u0093No One Fights Alone\u0094. Campaign co-op features up to four-players online, allowing gamers to experience harrowing campaign missions together for greater camaraderie and tactical execution. Co-op mode incorporates innovative multiplayer components such as challenges, rankings and online stats for deeper re-playability and multiplayer experience bonuses. Co-op mode also features Competitive Co-Op that will show who is really the best player on your team. \t\t\t\t\tEnhanced Innovative Multiplayer: Call of Duty: World at War continues the addictive class-based multiplayer action the series is famous for. The addition of vehicle combat with tanks rounds out the highly-successful Call of Duty 4: Modern Warfare multiplayer experience, and features such as persistent stats, player rankings, upgradeable weapons, squad-based gameplay, customizable classes and Perks, have been further enhanced to set a new standard in Call of Duty online warfare. \t\t\t\t\tUnprecedented Cinematic Quality in a World at War: Built using the Call of Duty 4: Modern Warfare engine, Call of Duty: World at War utilizes cutting-edge technology including highly-detailed character models, self-shadowing, environmental lighting and amazing special effects to deliver jaw-dropping visuals. Depth of field, rim-lighting and texture-streaming technology bring the adrenaline-pumping combat to life, while physics-enabled battlefields and fire that spreads through environments realistically, immerses players into the harrowing and dynamic combat.", + "short_description": "Call of Duty is back, redefining war like you've never experienced before. Building on the Call of Duty 4\u00ae: Modern Warfare engine, Call of Duty: World at War immerses players into the most gritty and chaotic WWII combat ever experienced.", + "genres": "Action", + "recommendations": 38461, + "score": 6.959769255261032 + }, + { + "type": "game", + "name": "Call of Duty\u00ae: Modern Warfare\u00ae 2 (2009)", + "detailed_description": "The most-anticipated game of the year and the sequel to the best-selling first-person action game of all time, Modern Warfare 2 continues the gripping and heart-racing action as players face off against a new threat dedicated to bringing the world to the brink of collapse. Call of Duty\u00ae: Modern Warfare 2 features for the first time in video games, the musical soundtrack of legendary Academy Award\u00ae, Golden Globe\u00ae Award, Grammy\u00ae Award and Tony winning composer Hans Zimmer. The title picks up immediately following the historic events of Call of Duty\u00ae 4: Modern Warfare\u00ae, the blockbuster title that earned worldwide critical acclaim, including:. \"Most Played Online Video Game\" in history, 2009 Guinness World Records. More than 50 Game of the Year awards, including the Console Game of the Year and Overall Game of the Year, 2007, from the Academy of Interactive Arts & Sciences\u00ae. SPECIAL OPS CO-OPERATIVE An entirely new gameplay mode which supports 2-player co-operative play online that is unique from the single player story campaign. Special Ops pits players into a gauntlet of time-trial and objective-based missions. . Rank-up as players unlock new Special Ops missions, each more difficult. . Missions include highlights from the single player campaign, fan favorites from Call of Duty 4: Modern Warfare and all new, exclusive missions. . MULTIPLAYER REINVENTED Setting a new bar for online multiplayer, Modern Warfare 2 multiplayer delivers new capabilities, customization, gamestates and modes, including:. Create-a-Class Evolved. Secondary Weapons - Machine Pistols, Shotguns, Handguns, Launchers. Riot Shields. Equipment - Throwing Knives, Blast Shield, Tactical Insertion. Perk Upgrades. Bling (Dual Attachments). Customizable Killstreaks - AC130, Sentry Gun, Predator Missile, Counter-UAV, Care Package. Accolades (Post match reports).", + "about_the_game": "The most-anticipated game of the year and the sequel to the best-selling first-person action game of all time, Modern Warfare 2 continues the gripping and heart-racing action as players face off against a new threat dedicated to bringing the world to the brink of collapse. \t\t\t\t\tCall of Duty\u00ae: Modern Warfare 2 features for the first time in video games, the musical soundtrack of legendary Academy Award\u00ae, Golden Globe\u00ae Award, Grammy\u00ae Award and Tony winning composer Hans Zimmer. The title picks up immediately following the historic events of Call of Duty\u00ae 4: Modern Warfare\u00ae, the blockbuster title that earned worldwide critical acclaim, including:\t\t\t\t\t\"Most Played Online Video Game\" in history, 2009 Guinness World Records\t\t\t\t\tMore than 50 Game of the Year awards, including the Console Game of the Year and Overall Game of the Year, 2007, from the Academy of Interactive Arts & Sciences\u00ae\t\t\t\t\tSPECIAL OPS CO-OPERATIVE\t\t\t\t\tAn entirely new gameplay mode which supports 2-player co-operative play online that is unique from the single player story campaign. \t\t\t\t\tSpecial Ops pits players into a gauntlet of time-trial and objective-based missions.\t\t\t\t\tRank-up as players unlock new Special Ops missions, each more difficult.\t\t\t\t\tMissions include highlights from the single player campaign, fan favorites from Call of Duty 4: Modern Warfare and all new, exclusive missions.\t\t\t\t\tMULTIPLAYER REINVENTED\t\t\t\t\tSetting a new bar for online multiplayer, Modern Warfare 2 multiplayer delivers new capabilities, customization, gamestates and modes, including:\t\t\t\t\tCreate-a-Class Evolved\t\t\t\t\tSecondary Weapons - Machine Pistols, Shotguns, Handguns, Launchers\t\t\t\t\tRiot Shields\t\t\t\t\tEquipment - Throwing Knives, Blast Shield, Tactical Insertion\t\t\t\t\tPerk Upgrades\t\t\t\t\tBling (Dual Attachments)\t\t\t\t\tCustomizable Killstreaks - AC130, Sentry Gun, Predator Missile, Counter-UAV, Care Package\t\t\t\t\tAccolades (Post match reports)", + "short_description": "The most-anticipated game of the year and the sequel to the best-selling first-person action game of all time, Modern Warfare 2 continues the gripping and heart-racing action as players face off against a new threat dedicated to bringing the world to the brink of collapse.", + "genres": "Action", + "recommendations": 28637, + "score": 6.765338517383762 + }, + { + "type": "game", + "name": "Total War: EMPIRE \u2013 Definitive Edition", + "detailed_description": "Complete your Total War collection with this Definitive Edition of Total War: EMPIRE, which includes all DLC and feature updates since the game\u2019s release:. Take on the Warpath Campaign and lead one of 5 new Native American factions in an epic war to defend your lands and drive out the invaders. . Build up your armies with the Elite Units of the East, Elite Units of the West, Elite Units of America and the Special Forces Units & Bonus Content packs, which together add over 50 elite new units. . Total War: EMPIRE Definitive Edition offers hundreds and hundreds of hours of absorbing gameplay and every bit of content made for the game. See below for full details. . . About Total War: EMPIRE. Control the land, command the seas, forge a new nation, and conquer the globe. Total War: EMPIRE takes the Total War franchise to the eighteenth century Age of Enlightenment a time of political upheaval, military advancements, and radical thought, captured in stunning detail. Total War: EMPIRE introduces a host of revolutionary new features, including true 3D naval combat. For the first time in the Total War series, you will be able to intuitively command single ships or vast fleets upon seascapes rich with extraordinary water and weather effects that play a huge role in your eventual glorious success or ignominious defeat. After pummelling your enemy with cannon fire, close in to grapple their ship and prepare to board, taking control of your men as they fight hand-to-hand on the decks of these wooden behemoths. In addition, Total War: EMPIRE will see further enhancements to the Total War series\u2019 signature 3D battles and turn-based campaign map. Real-time battles will pose new challenges with the addition of cannon and musket, challenging players to master new formations and tactics as a result of the increasing role of gunpowder within warfare. And the Campaign Map, the heart of Total War introduces a variety of new and upgraded elements, including new systems for Trade, Diplomacy and Espionage with agents; a refined and streamlined UI; improved Advisors; and a vastly extended scope, taking in the riches of India, the turbulence of Europe and, for the first time, the untapped potential of the United States of America. . About The Warpath Campaign. A new detailed North American Campaign Map expands the Total War: EMPIRE experience, with 5 brand new Native American factions, new units and technologies. Experience battles in the new Warpath Campaign and lead one of the 5 new factions in an epic war to defend your lands and drive out the invaders. Or take these units and their unique strengths into multiplayer battles. \u2022\t5 New Playable Factions including the Iroquois, Huron, Plains, Pueblo and Cherokee nations. \u2022\tExpanded North American Territories - A new, more detailed North American Campaign Map featuring new regions and a new start date. \u2022\tNew Elite Units including Mohawk Elite Warriors, Cheyenne Dog Soldiers, Navajo Scout Warriors and many more. \u2022\tTwo New Agent Types - Infiltrate enemy territory with the new Shaman unit and sabotage the opposition with the cunning Scout. \u2022\t18 New Tribal Technologies including Spirit Medicine, the Call of the Wild and Dreamwalking creating a brand new tribal technology tree. \u2022\tNew Winning Objectives for each of the playable factions. . About Elite Units of the East. The Elite Units of the East adds 12 new elite units to the Maratha and Ottoman factions and expands the map further East than any previous Total War game. Most of these soldiers' expertise developed on the battlefield - some are fearsome brigands, others of them are drawn from a strong academic background, learned warriors. They will provide a vast array of tactical options: intimidating and cowing your enemies. \u2022\tHaydut Irregulars (Ottoman Empire). \u2022\tWallachian Boyars (Ottoman Empire). \u2022\tBosnian Panduks (Ottoman Empire). \u2022\tCircassian Armoured Cavalry (Ottoman Empire). \u2022\tArmenian Archers (Ottoman Empire). \u2022\tLibyan Kuloglu (Ottoman Empire). \u2022\tPalestinian Auxiliaries (Ottoman Empire). \u2022\tCairo Janissaries (Ottoman Empire). \u2022\tMounted Nizam-I-Cedit (Ottoman Empire). \u2022\tRajput Zamindars (Maratha). \u2022\tPoligars (Maratha). \u2022\tBarawardi (Maratha). . About Elite Units of the West. The Elite Units of the West introduces 14 completely unique units from all the major Western factions. Featuring all new infantry and cavalry units, equipped with the best weapons and having undergone the most rigorous of training, the Elite Units of the West bring even more options on the battlefield to all tacticians seeking to defeat their enemies. \u2022\tHungarian Grenadiers (Austria). \u2022\tHorse Guards (Britain). \u2022\tSwiss Guards (France). \u2022\tBlue Guards (United Provinces). \u2022\tGardes du Corps (United Provinces). \u2022\tGuard Grenadiers (Poland-Lithuania). \u2022\t2nd Hussars (Prussia). \u2022\tBosniaks (Prussia). \u2022\tFrei-Korps (Prussia). \u2022\tGardes \u00e0 cheval (Russia). \u2022\tSiemenovski Foot Guards (Russia). \u2022\tWalloon Guards (Spain). \u2022\tLegion of the United States (United States). \u2022\tUS Marines (United States). . About Elite Units of America. The Elite Units of America adds 15 new elite units to the American, British and French factions of Total War: EMPIRE. In the last half of the 18th century, the political upheaval from thirteen of British Colonies in North America ultimately led to the 1776 Declaration of Independence and changed History forever. The 15 units have all played a major part in the American Revolution. Though their background owes a lot to European military traditions, their identity is tied to the destiny of the United States and gave these men courage and audacity like no other soldier on the battlefield. \u2022\t1st Delaware (United States). \u2022\t1st Maryland (United States). \u2022\t2nd Continental Light Dragoons (United States). \u2022\t2nd New York (United States). \u2022\t33rd Foot (Britain). \u2022\tBrunswick Dragoons (Britain). \u2022\tHessian Grenadiers (Britain). \u2022\tKing\u2019s Royal Regiment of New York (Britain). \u2022\tLee\u2019s Legion (United States). \u2022\tMorgan\u2019s Provisional Rifle Corp (United States). \u2022\tPulaski\u2019s Legion (United States). \u2022\tRoyal Deux-Ponts Regiment (France). \u2022\tRoyal Welch Fusiliers (Britain). \u2022\tCompany of Select Marksmen/Fraser\u2019s Rangers (Britain). \u2022\tTarleton\u2019s Light Dragoons (Britain). . About Special Forces Units & Bonus Content. The Special Forces Units introduces six of the most influential military forces of the 18th Century. True to the period, these exclusive elite units become available on the campaign map via a certain faction or once a specific geographical region is under control. This pack also includes three more exclusive Elite Units. \u2022\tHMS Victory. \u2022\tRogers' Rangers . \u2022\tOttoman Organ Gun . \u2022\tGhoorkas . \u2022\tCorso Terrestre Guerillas . \u2022\tBulkeley's Regiment . \u2022\tDeath's Head Hussars . \u2022\tThe USS Constitution . \u2022\tThe Dahomey Amazons", + "about_the_game": "Complete your Total War collection with this Definitive Edition of Total War: EMPIRE, which includes all DLC and feature updates since the game\u2019s release:Take on the Warpath Campaign and lead one of 5 new Native American factions in an epic war to defend your lands and drive out the invaders.Build up your armies with the Elite Units of the East, Elite Units of the West, Elite Units of America and the Special Forces Units & Bonus Content packs, which together add over 50 elite new units.Total War: EMPIRE Definitive Edition offers hundreds and hundreds of hours of absorbing gameplay and every bit of content made for the game. See below for full details. About Total War: EMPIREControl the land, command the seas, forge a new nation, and conquer the globe. Total War: EMPIRE takes the Total War franchise to the eighteenth century Age of Enlightenment a time of political upheaval, military advancements, and radical thought, captured in stunning detail.Total War: EMPIRE introduces a host of revolutionary new features, including true 3D naval combat. For the first time in the Total War series, you will be able to intuitively command single ships or vast fleets upon seascapes rich with extraordinary water and weather effects that play a huge role in your eventual glorious success or ignominious defeat. After pummelling your enemy with cannon fire, close in to grapple their ship and prepare to board, taking control of your men as they fight hand-to-hand on the decks of these wooden behemoths. In addition, Total War: EMPIRE will see further enhancements to the Total War series\u2019 signature 3D battles and turn-based campaign map. Real-time battles will pose new challenges with the addition of cannon and musket, challenging players to master new formations and tactics as a result of the increasing role of gunpowder within warfare. And the Campaign Map, the heart of Total War introduces a variety of new and upgraded elements, including new systems for Trade, Diplomacy and Espionage with agents; a refined and streamlined UI; improved Advisors; and a vastly extended scope, taking in the riches of India, the turbulence of Europe and, for the first time, the untapped potential of the United States of America. About The Warpath CampaignA new detailed North American Campaign Map expands the Total War: EMPIRE experience, with 5 brand new Native American factions, new units and technologies. Experience battles in the new Warpath Campaign and lead one of the 5 new factions in an epic war to defend your lands and drive out the invaders. Or take these units and their unique strengths into multiplayer battles. \u2022\t5 New Playable Factions including the Iroquois, Huron, Plains, Pueblo and Cherokee nations. \u2022\tExpanded North American Territories - A new, more detailed North American Campaign Map featuring new regions and a new start date. \u2022\tNew Elite Units including Mohawk Elite Warriors, Cheyenne Dog Soldiers, Navajo Scout Warriors and many more. \u2022\tTwo New Agent Types - Infiltrate enemy territory with the new Shaman unit and sabotage the opposition with the cunning Scout. \u2022\t18 New Tribal Technologies including Spirit Medicine, the Call of the Wild and Dreamwalking creating a brand new tribal technology tree. \u2022\tNew Winning Objectives for each of the playable factions. About Elite Units of the EastThe Elite Units of the East adds 12 new elite units to the Maratha and Ottoman factions and expands the map further East than any previous Total War game.Most of these soldiers' expertise developed on the battlefield - some are fearsome brigands, others of them are drawn from a strong academic background, learned warriors. They will provide a vast array of tactical options: intimidating and cowing your enemies.\u2022\tHaydut Irregulars (Ottoman Empire)\u2022\tWallachian Boyars (Ottoman Empire)\u2022\tBosnian Panduks (Ottoman Empire)\u2022\tCircassian Armoured Cavalry (Ottoman Empire)\u2022\tArmenian Archers (Ottoman Empire)\u2022\tLibyan Kuloglu (Ottoman Empire)\u2022\tPalestinian Auxiliaries (Ottoman Empire)\u2022\tCairo Janissaries (Ottoman Empire)\u2022\tMounted Nizam-I-Cedit (Ottoman Empire)\u2022\tRajput Zamindars (Maratha)\u2022\tPoligars (Maratha)\u2022\tBarawardi (Maratha)About Elite Units of the WestThe Elite Units of the West introduces 14 completely unique units from all the major Western factions. Featuring all new infantry and cavalry units, equipped with the best weapons and having undergone the most rigorous of training, the Elite Units of the West bring even more options on the battlefield to all tacticians seeking to defeat their enemies. \u2022\tHungarian Grenadiers (Austria)\u2022\tHorse Guards (Britain)\u2022\tSwiss Guards (France)\u2022\tBlue Guards (United Provinces)\u2022\tGardes du Corps (United Provinces)\u2022\tGuard Grenadiers (Poland-Lithuania)\u2022\t2nd Hussars (Prussia)\u2022\tBosniaks (Prussia)\u2022\tFrei-Korps (Prussia)\u2022\tGardes \u00e0 cheval (Russia)\u2022\tSiemenovski Foot Guards (Russia)\u2022\tWalloon Guards (Spain)\u2022\tLegion of the United States (United States)\u2022\tUS Marines (United States)About Elite Units of AmericaThe Elite Units of America adds 15 new elite units to the American, British and French factions of Total War: EMPIRE. In the last half of the 18th century, the political upheaval from thirteen of British Colonies in North America ultimately led to the 1776 Declaration of Independence and changed History forever. The 15 units have all played a major part in the American Revolution. Though their background owes a lot to European military traditions, their identity is tied to the destiny of the United States and gave these men courage and audacity like no other soldier on the battlefield.\u2022\t1st Delaware (United States)\u2022\t1st Maryland (United States)\u2022\t2nd Continental Light Dragoons (United States)\u2022\t2nd New York (United States)\u2022\t33rd Foot (Britain)\u2022\tBrunswick Dragoons (Britain)\u2022\tHessian Grenadiers (Britain)\u2022\tKing\u2019s Royal Regiment of New York (Britain)\u2022\tLee\u2019s Legion (United States)\u2022\tMorgan\u2019s Provisional Rifle Corp (United States)\u2022\tPulaski\u2019s Legion (United States)\u2022\tRoyal Deux-Ponts Regiment (France)\u2022\tRoyal Welch Fusiliers (Britain)\u2022\tCompany of Select Marksmen/Fraser\u2019s Rangers (Britain)\u2022\tTarleton\u2019s Light Dragoons (Britain)About Special Forces Units & Bonus ContentThe Special Forces Units introduces six of the most influential military forces of the 18th Century. True to the period, these exclusive elite units become available on the campaign map via a certain faction or once a specific geographical region is under control. This pack also includes three more exclusive Elite Units.\u2022\tHMS Victory\u2022\tRogers' Rangers \u2022\tOttoman Organ Gun \u2022\tGhoorkas \u2022\tCorso Terrestre Guerillas \u2022\tBulkeley's Regiment \u2022\tDeath's Head Hussars \u2022\tThe USS Constitution \u2022\tThe Dahomey Amazons", + "short_description": "Command the seas, control the land, forge a new nation, and conquer the globe.", + "genres": "Strategy", + "recommendations": 16703, + "score": 6.409956796626187 + }, + { + "type": "game", + "name": "Aliens vs. Predator\u2122", + "detailed_description": "Bringing the legendary war between two of science-fiction's most popular characters to FPS fans, AvP delivers three outstanding single player campaigns and provides untold hours of unique 3-way multiplayer gaming. . Experience distinctly new and thrilling first person gameplay as you survive, hunt and prey in the deadly jungles and swamps surrounding the damned colony of Freya's Prospect. . As the Marine, you'll experience a claustrophobic and terrifying experience where light is your friend, but there's never enough. However, the United States Marine Corps are humanity's last line of defense, and as such they are armed to the teeth with the very latest in high explosive and automatic weaponry. . As the Predator, you will stalk from the shadows and from above, passing athletically through the treetops to ambush your victims. Although equipped with an array of powerful, exotic weapons and tracking equipment, honor ultimately dictates that you must get in close and take your trophies face to face. . As the most deadly species in the universe, the Alien offers you the chance to play as the very stuff of nightmares - the monster in the dark swarming forward with countless others, jaws like a steel trap and claws like blades. . Play all sides off against each other in a series of unique 3-way online modes and go tooth-to-claw-to-pulse rifle in the reinvention of one of multiplayer gaming's defining moments. . AvP uses the Steam Cloud to store game stats and skill information, which is then used for matchmaking purposes.", + "about_the_game": "Bringing the legendary war between two of science-fiction's most popular characters to FPS fans, AvP delivers three outstanding single player campaigns and provides untold hours of unique 3-way multiplayer gaming. \t\t\t\t\tExperience distinctly new and thrilling first person gameplay as you survive, hunt and prey in the deadly jungles and swamps surrounding the damned colony of Freya's Prospect. \t\t\t\t\tAs the Marine, you'll experience a claustrophobic and terrifying experience where light is your friend, but there's never enough. However, the United States Marine Corps are humanity's last line of defense, and as such they are armed to the teeth with the very latest in high explosive and automatic weaponry. \t\t\t\t\t\tAs the Predator, you will stalk from the shadows and from above, passing athletically through the treetops to ambush your victims. Although equipped with an array of powerful, exotic weapons and tracking equipment, honor ultimately dictates that you must get in close and take your trophies face to face. \t\t\t\t\t\tAs the most deadly species in the universe, the Alien offers you the chance to play as the very stuff of nightmares - the monster in the dark swarming forward with countless others, jaws like a steel trap and claws like blades. \t\t\t\t\t\tPlay all sides off against each other in a series of unique 3-way online modes and go tooth-to-claw-to-pulse rifle in the reinvention of one of multiplayer gaming's defining moments. \t\t\t\t\tAvP uses the Steam Cloud to store game stats and skill information, which is then used for matchmaking purposes.", + "short_description": "Survive, hunt and prey in the deadly jungles and swamps in distinctly new and thrilling first person gameplay.", + "genres": "Action", + "recommendations": 12596, + "score": 6.223929070643236 + }, + { + "type": "game", + "name": "TrackMania Nations Forever", + "detailed_description": "A free game in the truest sense of the word, TrackMania Nations Forever lets you drive at mind-blowing speeds on fun and spectacular tracks in solo and multiplayer modes. . TrackMania Nations Forever offers a new \"Forever\" version of the Stadium environment, a solid solo mode and 65 brand new, progressively challenging tracks. TrackMania Nations Forever will unite an even larger number of players than the original Nations thanks to its engaging multiplayer modes, innovative online functions and revolutionary interactivity between players. . For TrackMania Nations Forever, Nadeo studio chose to take advantage of the PC's capacities as a gaming, creative and communications platform in order to allow a greater number of players to share a unique gaming experience:. Features:. A completely free game. . A captivating solo mode with 65 brand new tracks. . Join millions of players online and compete on thousands of tracks on the TrackMania servers. . One complete TrackMania environment: Stadium \"Forever\". . An in-game editor to create your own tracks, video studio to realize your own movies and a paint shop to customize your vehicles. . Official ladders for solo and multiplayer. . Compatible with TrackMania United Forever (profile and multiplayer servers).", + "about_the_game": "A free game in the truest sense of the word, TrackMania Nations Forever lets you drive at mind-blowing speeds on fun and spectacular tracks in solo and multiplayer modes.TrackMania Nations Forever offers a new \"Forever\" version of the Stadium environment, a solid solo mode and 65 brand new, progressively challenging tracks. TrackMania Nations Forever will unite an even larger number of players than the original Nations thanks to its engaging multiplayer modes, innovative online functions and revolutionary interactivity between players.For TrackMania Nations Forever, Nadeo studio chose to take advantage of the PC's capacities as a gaming, creative and communications platform in order to allow a greater number of players to share a unique gaming experience:Features:A completely free game.\t\t\t\t\tA captivating solo mode with 65 brand new tracks.\t\t\t\t\tJoin millions of players online and compete on thousands of tracks on the TrackMania servers.\t\t\t\t\tOne complete TrackMania environment: Stadium \"Forever\".\t\t\t\t\tAn in-game editor to create your own tracks, video studio to realize your own movies and a paint shop to customize your vehicles.\t\t\t\t\tOfficial ladders for solo and multiplayer.\t\t\t\t\tCompatible with TrackMania United Forever (profile and multiplayer servers).", + "short_description": "A free game in the truest sense of the word, TrackMania Nations Forever lets you drive at mind-blowing speeds on fun and spectacular tracks in solo and multiplayer modes.TrackMania Nations Forever offers a new "Forever" version of the Stadium environment, a solid solo mode and 65 brand new, progressively challenging tracks.", + "genres": "Racing", + "recommendations": 173, + "score": 3.4010027055917007 + }, + { + "type": "game", + "name": "Grand Theft Auto III", + "detailed_description": "The sprawling crime epic that changed open-world games forever. Welcome to Liberty City. Where it all began. . The critically acclaimed blockbuster Grand Theft Auto III brings to life the dark and seedy underworld of Liberty City. With a massive and diverse open world, a wild cast of characters from every walk of life and the freedom to explore at will, Grand Theft Auto III puts the dark, intriguing and ruthless world of crime at your fingertips. . With stellar voice acting, a darkly comic storyline, a stunning soundtrack and revolutionary open-world gameplay, Grand Theft Auto III is the game that defined the open world genre for a generation.", + "about_the_game": "The sprawling crime epic that changed open-world games forever.\r\nWelcome to Liberty City. Where it all began.\r\n\r\nThe critically acclaimed blockbuster Grand Theft Auto III brings to life the dark and seedy underworld of Liberty City. With a massive and diverse open world, a wild cast of characters from every walk of life and the freedom to explore at will, Grand Theft Auto III puts the dark, intriguing and ruthless world of crime at your fingertips.\r\n\r\nWith stellar voice acting, a darkly comic storyline, a stunning soundtrack and revolutionary open-world gameplay, Grand Theft Auto III is the game that defined the open world genre for a generation.", + "short_description": "Welcome to Liberty City. Where it all began. With stellar voice acting, a darkly comic storyline, a stunning soundtrack and revolutionary open-world gameplay, Grand Theft Auto III is the game that defined the open world genre for a generation.", + "genres": "Action", + "recommendations": 10536, + "score": 6.1062131722701665 + }, + { + "type": "game", + "name": "Grand Theft Auto: Vice City", + "detailed_description": "Welcome to Vice City. Welcome to the 1980s. . From the decade of big hair, excess and pastel suits comes a story of one man's rise to the top of the criminal pile. Vice City, a huge urban sprawl ranging from the beach to the swamps and the glitz to the ghetto, was one of the most varied, complete and alive digital cities ever created. Combining open-world gameplay with a character driven narrative, you arrive in a town brimming with delights and degradation and given the opportunity to take it over as you choose. . Having just made it back onto the streets of Liberty City after a long stretch in maximum security, Tommy Vercetti is sent to Vice City by his old boss, Sonny Forelli. They were understandably nervous about his re-appearance in Liberty City, so a trip down south seemed like a good idea. But all does not go smoothly upon his arrival in the glamorous, hedonistic metropolis of Vice City. He's set up and is left with no money and no merchandise. Sonny wants his money back, but the biker gangs, Cuban gangsters, and corrupt politicians stand in his way. Most of Vice City seems to want Tommy dead. His only answer is to fight back and take over the city himself.", + "about_the_game": "Welcome to Vice City. Welcome to the 1980s.\r\n\r\nFrom the decade of big hair, excess and pastel suits comes a story of one man's rise to the top of the criminal pile. Vice City, a huge urban sprawl ranging from the beach to the swamps and the glitz to the ghetto, was one of the most varied, complete and alive digital cities ever created. Combining open-world gameplay with a character driven narrative, you arrive in a town brimming with delights and degradation and given the opportunity to take it over as you choose.\r\n\r\nHaving just made it back onto the streets of Liberty City after a long stretch in maximum security, Tommy Vercetti is sent to Vice City by his old boss, Sonny Forelli. They were understandably nervous about his re-appearance in Liberty City, so a trip down south seemed like a good idea. But all does not go smoothly upon his arrival in the glamorous, hedonistic metropolis of Vice City. He's set up and is left with no money and no merchandise. Sonny wants his money back, but the biker gangs, Cuban gangsters, and corrupt politicians stand in his way. Most of Vice City seems to want Tommy dead. His only answer is to fight back and take over the city himself.", + "short_description": "Welcome to Vice City. Welcome to the 1980s. From the decade of big hair, excess and pastel suits comes a story of one man's rise to the top of the criminal pile.", + "genres": "Action", + "recommendations": 22910, + "score": 6.6182529154430245 + }, + { + "type": "game", + "name": "Grand Theft Auto: San Andreas", + "detailed_description": "Five years ago Carl Johnson escaped from the pressures of life in Los Santos, San Andreas. a city tearing itself apart with gang trouble, drugs and corruption. Where filmstars and millionaires do their best to avoid the dealers and gangbangers. . Now, it's the early 90s. Carl's got to go home. His mother has been murdered, his family has fallen apart and his childhood friends are all heading towards disaster. . On his return to the neighborhood, a couple of corrupt cops frame him for homicide. CJ is forced on a journey that takes him across the entire state of San Andreas, to save his family and to take control of the streets.", + "about_the_game": "Five years ago Carl Johnson escaped from the pressures of life in Los Santos, San Andreas... a city tearing itself apart with gang trouble, drugs and corruption. Where filmstars and millionaires do their best to avoid the dealers and gangbangers. \r\n\r\nNow, it's the early 90s. Carl's got to go home. His mother has been murdered, his family has fallen apart and his childhood friends are all heading towards disaster. \r\n\r\nOn his return to the neighborhood, a couple of corrupt cops frame him for homicide. CJ is forced on a journey that takes him across the entire state of San Andreas, to save his family and to take control of the streets.", + "short_description": "Five years ago Carl Johnson escaped from the pressures of life in Los Santos, San Andreas... a city tearing itself apart with gang trouble, drugs and corruption. Where filmstars and millionaires do their best to avoid the dealers and gangbangers. Now, it's the early 90s. Carl's got to go home.", + "genres": "Action", + "recommendations": 67837, + "score": 7.333850339844873 + }, + { + "type": "game", + "name": "Bully: Scholarship Edition", + "detailed_description": "Bully: Scholarship Edition takes place at the fictional New England boarding school, Bullworth Academy, and tells the story of mischievous 15-year-old Jimmy Hopkins as he goes through the hilarity and awkwardness of adolescence. Beat the jocks at dodge ball, play pranks on the preppies, save the nerds, kiss the girl and ultimately navigate the social hierarchy in the worst school around. . Includes the complete soundtrack, featuring 26 original tracks. After purchase and download you can locate the soundtrack in your Steam folder here: . [Steam\\steamapps\\common\\bully scholarship edition\\Bully Original Soundtrack]. The Steam folder is typically found under C:\\Program Files\\Steam", + "about_the_game": "Bully: Scholarship Edition takes place at the fictional New England boarding school, Bullworth Academy, and tells the story of mischievous 15-year-old Jimmy Hopkins as he goes through the hilarity and awkwardness of adolescence. Beat the jocks at dodge ball, play pranks on the preppies, save the nerds, kiss the girl and ultimately navigate the social hierarchy in the worst school around. Includes the complete soundtrack, featuring 26 original tracks. After purchase and download you can locate the soundtrack in your Steam folder here: [Steam\\steamapps\\common\\bully scholarship edition\\Bully Original Soundtrack]. The Steam folder is typically found under C:\\Program Files\\Steam", + "short_description": "Bully tells the story of mischievous 15-year-old Jimmy Hopkins as he goes through the hilarity and awkwardness of adolescence. Beat the jocks at dodge ball, play pranks on the preppies, save the nerds, kiss the girl and navigate the social hierarchy in the worst school around.", + "genres": "Action", + "recommendations": 24008, + "score": 6.649112524744033 + }, + { + "type": "game", + "name": "Grand Theft Auto IV: The Complete Edition", + "detailed_description": "Important Updates To Grand Theft Auto IV and Episodes from Liberty CityWe are making a number of changes to make sure players who own Grand Theft Auto IV and GTA: Episodes from Liberty City can continue to enjoy these games.New PlayersStarting 03/19/2020, Grand Theft Auto IV: Complete Edition will replace both Grand Theft Auto IV and Grand Theft Auto: Episodes from Liberty City wherever it is currently digitally available. Grand Theft Auto IV: Complete Edition will as also be available via the Rockstar Games Launcher. . Current game save files will be compatible with Grand Theft Auto IV: Complete Edition. . As a result of this update the following services will no longer be available in Grand Theft Auto IV: Complete Edition:. Games for Windows Live. Multiplayer mode. Leaderboards. The following Radio Stations will be temporarily unavailable in Grand Theft Auto IV: Complete Edition. RamJam FM, Self-Actualization FM, and Vice City FM (previously available in Grand Theft Auto: Episodes from Liberty City). Note: Because Japanese is a supported language for Grand Theft Auto IV, but is not supported for Grand Theft Auto: Episodes from Liberty City, players will continue to be able to play Grand Theft Auto IV with Japanese sub-titles but will need to select another language in order to play Grand Theft Auto: Episodes from Liberty City.Current PlayersPlayers who have previously installed and played Grand Theft Auto IV or Grand Theft Auto: Episodes from Liberty City will be able to update their copy to Grand Theft Auto IV: Complete Edition through the following means:Steam Users Depending on the game, players on Steam will need to install or update their current game:. Grand Theft Auto: Episodes from Liberty City will be removed and replaced with GTAIV: Complete Edition in the launcher library. Update file size is expected to be approximately 22GB. Grand Theft Auto IV owners will download content from Grand Theft Auto: Episodes from Liberty City and their game will update to GTAIV: Complete Edition. Update file size is expected to be approximately 6GB\u2003. Physical Media Games not previously activated using Games for Windows Live will be able to use the Key on the back of the game manual to activate and update to Grand Theft Auto IV: Complete Edition. Games for Windows Live Digital Store Purchases Games previously activated using Games for Windows Live will require players to create and/or link their Social Club accounts in replacement of Games for Windows Live to update to Grand Theft Auto IV: Complete Edition. Note: New activations from players trying to install current copies of Grand Theft Auto IV may be disrupted until Grand Theft Auto IV: Complete Edition is available. All users will need to be connected to the internet and authenticate their copy of the game. About the GameNiko Bellic, Johnny Klebitz, and Luis Lopez all have one thing in common \u2013 they live in the worst city in America. . Liberty City worships money and status, and is heaven for those who have them and a living nightmare for those who don\u2019t. . Niko is looking to escape his past and make a new life for himself in the land of opportunity. Johnny, a veteran member of The Lost biker gang, is caught in the middle of a vicious turf war with rival gangs for control of the city. Luis, part-time hoodlum and full-time assistant to legendary nightclub impresario Tony Prince (a.k.a. \u201cGay Tony\u201d), is struggling with the competing loyalties of family and friends in a world in which everyone has a price. Their lives cross paths with devastating consequences as they fight to survive in a city torn apart by violence and corruption. . The Complete Edition includes Grand Theft Auto IV and the Episodes \u2013 The Lost and Damned & The Ballad of Gay Tony.", + "about_the_game": "Niko Bellic, Johnny Klebitz, and Luis Lopez all have one thing in common \u2013 they live in the worst city in America. \r\n\r\nLiberty City worships money and status, and is heaven for those who have them and a living nightmare for those who don\u2019t. \r\n\r\nNiko is looking to escape his past and make a new life for himself in the land of opportunity. Johnny, a veteran member of The Lost biker gang, is caught in the middle of a vicious turf war with rival gangs for control of the city. Luis, part-time hoodlum and full-time assistant to legendary nightclub impresario Tony Prince (a.k.a. \u201cGay Tony\u201d), is struggling with the competing loyalties of family and friends in a world in which everyone has a price. Their lives cross paths with devastating consequences as they fight to survive in a city torn apart by violence and corruption.\r\n\r\nThe Complete Edition includes Grand Theft Auto IV and the Episodes \u2013 The Lost and Damned & The Ballad of Gay Tony.", + "short_description": "Niko Bellic, Johnny Klebitz and Luis Lopez all have one thing in common - they live in the worst city in America. Liberty City worships money and status, and is heaven for those who have them and a living nightmare for those who don't.", + "genres": "Action", + "recommendations": 111209, + "score": 7.659706149439829 + }, + { + "type": "game", + "name": "Grand Theft Auto: Episodes from Liberty City", + "detailed_description": "Important Updates To Grand Theft Auto IV and Episodes from Liberty CityWe are making a number of changes to make sure players who own Grand Theft Auto IV and GTA: Episodes from Liberty City can continue to enjoy these games.New PlayersStarting 03/19/2020, Grand Theft Auto IV: Complete Edition will replace both Grand Theft Auto IV and Grand Theft Auto: Episodes from Liberty City wherever it is currently digitally available. Grand Theft Auto IV: Complete Edition will as also be available via the Rockstar Games Launcher. . Current game save files will be compatible with Grand Theft Auto IV: Complete Edition. . As a result of this update the following services will no longer be available in Grand Theft Auto IV: Complete Edition:. Games for Windows Live. Multiplayer mode. Leaderboards. The following Radio Stations will be temporarily unavailable in Grand Theft Auto IV: Complete Edition. RamJam FM, Self-Actualization FM, and Vice City FM (previously available in Grand Theft Auto: Episodes from Liberty City). Note: Because Japanese is a supported language for Grand Theft Auto IV, but is not supported for Grand Theft Auto: Episodes from Liberty City, players will continue to be able to play Grand Theft Auto IV with Japanese sub-titles but will need to select another language in order to play Grand Theft Auto: Episodes from Liberty City.Current PlayersPlayers who have previously installed and played Grand Theft Auto IV or Grand Theft Auto: Episodes from Liberty City will be able to update their copy to Grand Theft Auto IV: Complete Edition through the following means:Steam Users Depending on the game, players on Steam will need to install or update their current game:. Grand Theft Auto: Episodes from Liberty City will be removed and replaced with GTAIV: Complete Edition in the launcher library. Update file size is expected to be approximately 22GB. Grand Theft Auto IV owners will download content from Grand Theft Auto: Episodes from Liberty City and their game will update to GTAIV: Complete Edition. Update file size is expected to be approximately 6GB\u2003. Physical Media Games not previously activated using Games for Windows Live will be able to use the Key on the back of the game manual to activate and update to Grand Theft Auto IV: Complete Edition. Games for Windows Live Digital Store Purchases Games previously activated using Games for Windows Live will require players to create and/or link their Social Club accounts in replacement of Games for Windows Live to update to Grand Theft Auto IV: Complete Edition. Note: New activations from players trying to install current copies of Grand Theft Auto IV may be disrupted until Grand Theft Auto IV: Complete Edition is available. All users will need to be connected to the internet and authenticate their copy of the game. About the GamePLEASE NOTE: Microsoft no longer supports creating Games for Windows-LIVE accounts within Episodes From Liberty City. You can create an account through account.xbox.com and then log into your account in game. . Grand Theft Auto: Episodes from Liberty City includes both The Lost and Damned, and The Ballad of Gay Tony together and does not require a copy of the original Grand Theft Auto IV to play. . In The Lost and Damned, experience Liberty City as Johnny, a veteran member of The Lost, a notorious biker gang. Johnny has been creating business opportunities for The Lost in Liberty City but his first loyalty must be to the patch he wears on his back and to Billy Grey, the club's President. However, when Billy returns from rehab hell-bent on bloodshed and debauchery, Johnny finds himself in the middle of a vicious turf war with rival gangs for control of a city torn apart by violence and corruption. Can the brotherhood survive?. The Ballad of Gay Tony injects Liberty City with an overdose of guns, glitz, and grime. As Luis Lopez, part-time hoodlum and full-time assistant to legendary nightclub impresario Tony Prince (aka \"Gay Tony\"), players will struggle with the competing loyalties of family and friends, and with the uncertainty about who is real and who is fake in a world in which everyone has a price.", + "about_the_game": "PLEASE NOTE: Microsoft no longer supports creating Games for Windows-LIVE accounts within Episodes From Liberty City. You can create an account through account.xbox.com and then log into your account in game.Grand Theft Auto: Episodes from Liberty City includes both The Lost and Damned, and The Ballad of Gay Tony together and does not require a copy of the original Grand Theft Auto IV to play.In The Lost and Damned, experience Liberty City as Johnny, a veteran member of The Lost, a notorious biker gang. Johnny has been creating business opportunities for The Lost in Liberty City but his first loyalty must be to the patch he wears on his back and to Billy Grey, the club's President. However, when Billy returns from rehab hell-bent on bloodshed and debauchery, Johnny finds himself in the middle of a vicious turf war with rival gangs for control of a city torn apart by violence and corruption. Can the brotherhood survive?\t\t\t\t\tThe Ballad of Gay Tony injects Liberty City with an overdose of guns, glitz, and grime. As Luis Lopez, part-time hoodlum and full-time assistant to legendary nightclub impresario Tony Prince (aka \"Gay Tony\"), players will struggle with the competing loyalties of family and friends, and with the uncertainty about who is real and who is fake in a world in which everyone has a price.", + "short_description": "Grand Theft Auto: Episodes from Liberty City includes both The Lost and Damned and The Ballad of Gay Tony together and does not require a copy of the original Grand Theft Auto IV to play.", + "genres": "Action", + "recommendations": 7461, + "score": 5.878733161389873 + }, + { + "type": "game", + "name": "Overlord II", + "detailed_description": "Overlord II, sequel to the critically acclaimed cult hit, sees the return of the chaotic Minions and their new Dark Master. Bigger, badder and more beautifully destructive, Overlord 2 has a Glorious Empire to smash, a massive Netherworld to revive, Minion mounts to mobilize, a trio of mistresses to woo, War Machines to crush opposition and lots of cute creatures to, err. murder (and a mini-map). What sort of stuff will I get to kill? Your main source of victims will come from the brave and highly flammable ranks of the Glorious Empire, a sinister regime that gained power after the fall of the previous Overlord. You'll be hacking your way through entire battalions at a time, but to keep the blood on your sword varied we've also thrown a few Yetis, Elves, villagers and annoyingly cute indigenous species into the mix, just to name but a few. Don't say we never do anything for you. . I've always wanted to enslave the human race, is this the game for me? You've come to the right place! With the Domination style Overlord humanity, can become your plaything. Village by village, you'll reap the benefits of an unwilling workforce as you drive the Glorious Empire from your lands. . I'm more of a \"watch the world burn\" kind of guy, can I still get my rocks off? We've got your pleasure, sir. With the Destruction style Overlord you can ravage the land like a moody Tsunami; razing cities, forests and Imperial camps to the ground just because they looked at you funny. . What can my minions do? Minions are angry little Swiss army knives of pain: They can ride into battle on wolves and other magical creatures, loot the best weapons from stomped enemies, pillage houses for treasure, operate fearsome war machines, infiltrate enemy camps and polish your armour so thoroughly you'll blind passing wildlife. . What types of Minions can I rule? This new batch of minions is smarter, faster, deadlier and wittier than the sorry sacks of skin you used to rule. Minions now come in four fantastic flavours: Browns are brutal brawlers that solve their problems with teeth and fists. Reds are the surly artillery who love to play catch, as long as it's with fireballs. Greens are the stealthy assassins. Silent and deadly, like a fart on legs. Blues are no use in a fight but can resurrect fellow Minions who've tried to stop a sword with their face. .", + "about_the_game": "Overlord II, sequel to the critically acclaimed cult hit, sees the return of the chaotic Minions and their new Dark Master. Bigger, badder and more beautifully destructive, Overlord 2 has a Glorious Empire to smash, a massive Netherworld to revive, Minion mounts to mobilize, a trio of mistresses to woo, War Machines to crush opposition and lots of cute creatures to, err... murder (and a mini-map) What sort of stuff will I get to kill? Your main source of victims will come from the brave and highly flammable ranks of the Glorious Empire, a sinister regime that gained power after the fall of the previous Overlord. You'll be hacking your way through entire battalions at a time, but to keep the blood on your sword varied we've also thrown a few Yetis, Elves, villagers and annoyingly cute indigenous species into the mix, just to name but a few. Don't say we never do anything for you. I've always wanted to enslave the human race, is this the game for me? You've come to the right place! With the Domination style Overlord humanity, can become your plaything. Village by village, you'll reap the benefits of an unwilling workforce as you drive the Glorious Empire from your lands. I'm more of a \"watch the world burn\" kind of guy, can I still get my rocks off? We've got your pleasure, sir. With the Destruction style Overlord you can ravage the land like a moody Tsunami; razing cities, forests and Imperial camps to the ground just because they looked at you funny. What can my minions do? Minions are angry little Swiss army knives of pain: They can ride into battle on wolves and other magical creatures, loot the best weapons from stomped enemies, pillage houses for treasure, operate fearsome war machines, infiltrate enemy camps and polish your armour so thoroughly you'll blind passing wildlife. What types of Minions can I rule? This new batch of minions is smarter, faster, deadlier and wittier than the sorry sacks of skin you used to rule. Minions now come in four fantastic flavours: Browns are brutal brawlers that solve their problems with teeth and fists. Reds are the surly artillery who love to play catch, as long as it's with fireballs. Greens are the stealthy assassins. Silent and deadly, like a fart on legs. Blues are no use in a fight but can resurrect fellow Minions who've tried to stop a sword with their face.", + "short_description": "Overlord II, sequel to the critically acclaimed cult hit, sees the return of the chaotic Minions and their new Dark Master. Bigger, badder and more beautifully destructive, Overlord 2 has a Glorious Empire to smash, a massive Netherworld to revive, Minion mounts to mobilize, a trio of mistresses to woo, War Machines to crush opposition...", + "genres": "RPG", + "recommendations": 3312, + "score": 5.3434588134553636 + }, + { + "type": "game", + "name": "AudioSurf", + "detailed_description": "Ride your music. Audiosurf is a music-adapting puzzle racer where you use your own music to create your own experience. The shape, the speed, and the mood of each ride is determined by the song you choose. You earn points for clustering together blocks of the same color on the highway, and compete with others on the internet for the high score on your favorite songs. Audiosurf on Steam includes The Orange Box soundtrack, integrated with the game to enable \"Still Alive\" surfing and more. In addition, Audiosurf is one of the first titles to leverage Steamworks, offering full support for the Steam Achievements that appear on Steam Community profile pages. Play with any music from your own collection--the game supports MP3s, iTunes M4As, WMAs, CDs and OGGs . Valve's The Orange Box Original Soundtrack is included. . Online scoreboards for each song you play. . Choose your strategy from 14 available characters. . Track your progress as Steam Achievements.", + "about_the_game": "Ride your music.\t\t\t\t\tAudiosurf is a music-adapting puzzle racer where you use your own music to create your own experience. The shape, the speed, and the mood of each ride is determined by the song you choose. You earn points for clustering together blocks of the same color on the highway, and compete with others on the internet for the high score on your favorite songs. \t\t\t\t\tAudiosurf on Steam includes The Orange Box soundtrack, integrated with the game to enable \"Still Alive\" surfing and more. In addition, Audiosurf is one of the first titles to leverage Steamworks, offering full support for the Steam Achievements that appear on Steam Community profile pages.\t\t\t\t\tPlay with any music from your own collection--the game supports MP3s, iTunes M4As, WMAs, CDs and OGGs \t\t\t\t\tValve's The Orange Box Original Soundtrack is included.\t\t\t\t\tOnline scoreboards for each song you play.\t\t\t\t\tChoose your strategy from 14 available characters.\t\t\t\t\tTrack your progress as Steam Achievements.", + "short_description": "Ride your music. Audiosurf is a music-adapting puzzle racer where you use your own music to create your own experience. The shape, the speed, and the mood of each ride is determined by the song you choose.", + "genres": "Indie", + "recommendations": 8447, + "score": 5.960547694267252 + }, + { + "type": "game", + "name": "Far Cry\u00ae", + "detailed_description": "A tropical paradise seethes with hidden evil in Far Cry\u00ae, a cunningly detailed action shooter that pushes the boundaries of combat to shocking new levels. Freelance mariner Jack Carver is cursing the day he ever came to this island. A week ago, a brash female reporter named Valerie had offered him an incredible sum of cash to take her to this unspoiled paradise. Shortly after docking, however, Jack's boat was greeted by artillery fire from a mysterious militia group swarming about the island. With his boat destroyed, his money gone, and the gorgeous Valerie suddenly missing, Jack now finds himself facing an army of mercenaries amidst the wilds of the island, with nothing but a gun and his wits to survive. But the further he pushes into the lush jungle canopy, the stranger things become. Jack encounters an insider within the militia group who reveals the horrific details of the mercenaries' true intentions. He presents Jack with an unsettling choice: battle the deadliest mercenaries, or condemn the human race to a maniac's insidious agenda. Feel the Far Cry engine - The meticulously designed, next-generation Far Cry engine pushes the threshold of action gaming with proprietary Polybump mapping, advanced environment and character physics, destructible terrain, dynamic lighting, motion-captured animation, and total surround sound. . Unparalleled long-range gunplay - Battle to the ends of the earth with Far Cry's utterly unique, 800-meter scalable view system. Lock onto enemies from a distance with motion-sensing binoculars. Then choose your style of attack - from long-range sniping to ballistic close-quarters firefights - and everything in between. . Cunning and complex AI tactics - Battles never become repetitive when you face Far Cry's unpredictable, intelligent AI mercenary units trained in advanced adaptive group tactics. Units include snipers, stalkers, scouts, and grenadiers who engage you from all angles, distances, and terrains in coordinated strikes. Commanders will even call for reinforcements by land, sea, or air. . Diverse combat action - Master a dynamic slate of combat skills - close-quarters combat, long-range shooting, search-and-destroy tactics, stealth operations, and combat driving skills through indoor and outdoor environments. . Heart-pounding atmosphere - Experience unprecedented drama and realism in a misleadingly perfect setting, with incredible lighting and shadows, adaptive audio, and weather effects.", + "about_the_game": "A tropical paradise seethes with hidden evil in Far Cry\u00ae, a cunningly detailed action shooter that pushes the boundaries of combat to shocking new levels.\t\t\t\t\tFreelance mariner Jack Carver is cursing the day he ever came to this island. A week ago, a brash female reporter named Valerie had offered him an incredible sum of cash to take her to this unspoiled paradise. Shortly after docking, however, Jack's boat was greeted by artillery fire from a mysterious militia group swarming about the island.\t\t\t\t\tWith his boat destroyed, his money gone, and the gorgeous Valerie suddenly missing, Jack now finds himself facing an army of mercenaries amidst the wilds of the island, with nothing but a gun and his wits to survive. But the further he pushes into the lush jungle canopy, the stranger things become.\t\t\t\t\tJack encounters an insider within the militia group who reveals the horrific details of the mercenaries' true intentions. He presents Jack with an unsettling choice: battle the deadliest mercenaries, or condemn the human race to a maniac's insidious agenda.\t\t\t\t\tFeel the Far Cry engine - The meticulously designed, next-generation Far Cry engine pushes the threshold of action gaming with proprietary Polybump mapping, advanced environment and character physics, destructible terrain, dynamic lighting, motion-captured animation, and total surround sound. \t\t\t\t\tUnparalleled long-range gunplay - Battle to the ends of the earth with Far Cry's utterly unique, 800-meter scalable view system. Lock onto enemies from a distance with motion-sensing binoculars. Then choose your style of attack - from long-range sniping to ballistic close-quarters firefights - and everything in between.\t\t\t\t\tCunning and complex AI tactics - Battles never become repetitive when you face Far Cry's unpredictable, intelligent AI mercenary units trained in advanced adaptive group tactics. Units include snipers, stalkers, scouts, and grenadiers who engage you from all angles, distances, and terrains in coordinated strikes. Commanders will even call for reinforcements by land, sea, or air.\t\t\t\t\tDiverse combat action - Master a dynamic slate of combat skills - close-quarters combat, long-range shooting, search-and-destroy tactics, stealth operations, and combat driving skills through indoor and outdoor environments.\t\t\t\t\tHeart-pounding atmosphere - Experience unprecedented drama and realism in a misleadingly perfect setting, with incredible lighting and shadows, adaptive audio, and weather effects.", + "short_description": "A tropical paradise seethes with hidden evil in Far Cry\u00ae, a cunningly detailed action shooter that pushes the boundaries of combat to shocking new levels. Freelance mariner Jack Carver is cursing the day he ever came to this island.", + "genres": "Action", + "recommendations": 7317, + "score": 5.865887141494101 + }, + { + "type": "game", + "name": "Assassin's Creed\u2122: Director's Cut Edition", + "detailed_description": "Assassin's Creed\u2122 is the next-gen game developed by Ubisoft Montreal that redefines the action genre. While other games claim to be next-gen with impressive graphics and physics, Assassin's Creed merges technology, game design, theme and emotions into a world where you instigate chaos and become a vulnerable, yet powerful, agent of change. The setting is 1191 AD. The Third Crusade is tearing the Holy Land apart. You, Altair, intend to stop the hostilities by suppressing both sides of the conflict. You are an Assassin, a warrior shrouded in secrecy and feared for your ruthlessness. Your actions can throw your immediate environment into chaos, and your existence will shape events during this pivotal moment in history. Be an Assassin - Master the skills, tactics and weapons of history's deadliest and most secretive clan of warriors. Plan your attacks, strike without mercy and fight your way to escape. . Experience exclusive PC content - Four PC-exclusive investigation missions make the game an even better experience than its console predecessors, including the Rooftop Race Challenge, a race to a specified location and the Archer Stealth Assassination Challenge, where the player must assassinate all archers in a certain zone to help out fellow Assassins. . Realistic and responsive environments - Experience a living, breathing world in which all your actions have consequences. Crowds react to your moves and will either help or hinder you on your quests. . Action with a new dimension-total freedom - Eliminate your targets wherever, whenever and however. Stalk your prey through richly detailed, historically accurate, open-ended environments. Scale buildings, mount horses, blend in with crowds. Do whatever it takes to achieve your objectives. . Relive the epic times of the Crusades - Assassin's Creed immerses you in the realistic and historical Holy Land of the 12th century, featuring life-like graphics, ambience and the subtle, yet detailed nuances of a living world. . Intense action rooted in reality - Experience heavy action blended with fluid and precise animations. Use a wide range of medieval weapons, and face your enemies in realistic swordfight duels. . Next-gen gameplay - The proprietary engine developed from the ground up for the next-gen console allows organic game design featuring open gameplay, intuitive control scheme, realistic interaction with environment and a fluid, yet sharp, combat mechanic.", + "about_the_game": "Assassin's Creed\u2122 is the next-gen game developed by Ubisoft Montreal that redefines the action genre. While other games claim to be next-gen with impressive graphics and physics, Assassin's Creed merges technology, game design, theme and emotions into a world where you instigate chaos and become a vulnerable, yet powerful, agent of change.\t\t\t\t\tThe setting is 1191 AD. The Third Crusade is tearing the Holy Land apart. You, Altair, intend to stop the hostilities by suppressing both sides of the conflict.\t\t\t\t\tYou are an Assassin, a warrior shrouded in secrecy and feared for your ruthlessness. Your actions can throw your immediate environment into chaos, and your existence will shape events during this pivotal moment in history.\t\t\t\t\tBe an Assassin - Master the skills, tactics and weapons of history's deadliest and most secretive clan of warriors. Plan your attacks, strike without mercy and fight your way to escape.\t\t\t\t\tExperience exclusive PC content - Four PC-exclusive investigation missions make the game an even better experience than its console predecessors, including the Rooftop Race Challenge, a race to a specified location and the Archer Stealth Assassination Challenge, where the player must assassinate all archers in a certain zone to help out fellow Assassins.\t\t\t\t\tRealistic and responsive environments - Experience a living, breathing world in which all your actions have consequences. Crowds react to your moves and will either help or hinder you on your quests.\t\t\t\t\tAction with a new dimension-total freedom - Eliminate your targets wherever, whenever and however. Stalk your prey through richly detailed, historically accurate, open-ended environments. Scale buildings, mount horses, blend in with crowds. Do whatever it takes to achieve your objectives.\t\t\t\t\tRelive the epic times of the Crusades - Assassin's Creed immerses you in the realistic and historical Holy Land of the 12th century, featuring life-like graphics, ambience and the subtle, yet detailed nuances of a living world.\t\t\t\t\tIntense action rooted in reality - Experience heavy action blended with fluid and precise animations. Use a wide range of medieval weapons, and face your enemies in realistic swordfight duels.\t\t\t\t\tNext-gen gameplay - The proprietary engine developed from the ground up for the next-gen console allows organic game design featuring open gameplay, intuitive control scheme, realistic interaction with environment and a fluid, yet sharp, combat mechanic.", + "short_description": "Assassin's Creed\u2122 is the next-gen game developed by Ubisoft Montreal that redefines the action genre. While other games claim to be next-gen with impressive graphics and physics, Assassin's Creed merges technology, game design, theme and emotions into a world where you instigate chaos and become a vulnerable, yet powerful, agent of...", + "genres": "Action", + "recommendations": 15349, + "score": 6.3542303015912545 + }, + { + "type": "game", + "name": "Warhammer 40,000: Dawn of War II", + "detailed_description": "Reviews. About the GameDeveloped by award winning studio Relic Entertainment, Dawn of War II ushers in a new chapter in the acclaimed RTS series \u2013 taking players to the brutal frontlines of war to lead an Elite Strike Force on a mission to save the galaxy. . It\u2019s the 41st Millennium in the Sub-Sector Aurelia \u2013 a cluster of worlds on the edge of the galaxy \u2013 where a battle of epic proportions is about to commence. Ancient races will clash across the planets that dot this sector of space, battling for the greatest of stakes \u2013 not only for control of Sub-Sector Aurelia \u2013 but the fate of each race. . With a focus on fast-action RTS gameplay, Dawn of War II brings to life the science fiction universe of Warhammer 40,000 like never before. Experience the intimate brutality of battle as you play through your chosen race\u2019s epic campaign. Clash with the enemies on battlefield ablaze with visceral melee and ranged combat. Lead and develop your squads from raw recruits into the most battle hardened veterans in the galaxy. Also included is The Last Stand, a co-operative game mode featuring user controlled heroes fighting waves of enemies. . Brutal Frontline Action & Tactics. Get straight into the action to experience intense melee and devastating ranged combat. Use vicious melee sync-kills to obliterate your enemies. Outsmart your opponents using dynamic and destructible environments to suppress, flank and destroy your foes. . Non-Linear Single Player Campaign. Command an elite strike force, developing the skills and abilities of your squads and commander as you progress through the game. . Co-Op Multiplayer. Play through the entire single player campaign co-operatively with a friend, at any point in the game, anytime. . Next Generation RTS Engine. Utilizing Relic's proprietary Essence Engine 2.0 Dawn of War II delivers cinematic visuals, detailed graphics and amazing special effects.", + "about_the_game": "Developed by award winning studio Relic Entertainment, Dawn of War II ushers in a new chapter in the acclaimed RTS series \u2013 taking players to the brutal frontlines of war to lead an Elite Strike Force on a mission to save the galaxy.It\u2019s the 41st Millennium in the Sub-Sector Aurelia \u2013 a cluster of worlds on the edge of the galaxy \u2013 where a battle of epic proportions is about to commence. Ancient races will clash across the planets that dot this sector of space, battling for the greatest of stakes \u2013 not only for control of Sub-Sector Aurelia \u2013 but the fate of each race.With a focus on fast-action RTS gameplay, Dawn of War II brings to life the science fiction universe of Warhammer 40,000 like never before. Experience the intimate brutality of battle as you play through your chosen race\u2019s epic campaign. Clash with the enemies on battlefield ablaze with visceral melee and ranged combat. Lead and develop your squads from raw recruits into the most battle hardened veterans in the galaxy. Also included is The Last Stand, a co-operative game mode featuring user controlled heroes fighting waves of enemies.Brutal Frontline Action & TacticsGet straight into the action to experience intense melee and devastating ranged combat. Use vicious melee sync-kills to obliterate your enemies. Outsmart your opponents using dynamic and destructible environments to suppress, flank and destroy your foes.Non-Linear Single Player CampaignCommand an elite strike force, developing the skills and abilities of your squads and commander as you progress through the game.Co-Op MultiplayerPlay through the entire single player campaign co-operatively with a friend, at any point in the game, anytime.Next Generation RTS EngineUtilizing Relic's proprietary Essence Engine 2.0 Dawn of War II delivers cinematic visuals, detailed graphics and amazing special effects.", + "short_description": "With a focus on fast-action RTS gameplay, Dawn of War II brings to life the science fiction universe of Warhammer 40,000 like never before. Experience the intimate brutality of battle as you play through your chosen race\u2019s epic campaign.", + "genres": "Strategy", + "recommendations": 5937, + "score": 5.728131402174905 + }, + { + "type": "game", + "name": "Oddworld: Abe's Oddysee\u00ae", + "detailed_description": "Wishlist Now! About the Game. Selected by the fickle finger of fate, Abe\u2122, floor-waxer first class for RuptureFarms, was catapulted into a life of adventure when he overheard plans by his boss, Molluck the Glukkon\u2122, to turn Abe and his fellow Mudokons into Tasty Treats as part of a last-ditch effort to rescue Molluck's failing meat-packing empire. During his escape from RuptureFarms, Abe received a vision from the mysterious Big Face, showing Abe that he must not only rescue his fellow Mudokons, but also protect all of Oddworld's creatures from the predatory Magog Cartel. After completing arduous Temple trials, and journeying across a wasteland with his friend Elum, Abe was granted the awesome power of the Shrykull. Returning to RuptureFarms, Abe destroyed the foul slaughterhouse, rescued his buddies, and brought down some righteous lightning on top of Molluck's pointy head.", + "about_the_game": "Selected by the fickle finger of fate, Abe\u2122, floor-waxer first class for RuptureFarms, was catapulted into a life of adventure when he overheard plans by his boss, Molluck the Glukkon\u2122, to turn Abe and his fellow Mudokons into Tasty Treats as part of a last-ditch effort to rescue Molluck's failing meat-packing empire. \t\t\t\t\t During his escape from RuptureFarms, Abe received a vision from the mysterious Big Face, showing Abe that he must not only rescue his fellow Mudokons, but also protect all of Oddworld's creatures from the predatory Magog Cartel. \t\t\t\t\t After completing arduous Temple trials, and journeying across a wasteland with his friend Elum, Abe was granted the awesome power of the Shrykull. Returning to RuptureFarms, Abe destroyed the foul slaughterhouse, rescued his buddies, and brought down some righteous lightning on top of Molluck's pointy head.", + "short_description": "Selected by the fickle finger of fate, Abe\u2122, floor-waxer first class for RuptureFarms, was catapulted into a life of adventure when he overheard plans by his boss, Molluck the Glukkon\u2122, to turn Abe and his fellow Mudokons into Tasty Treats as part of a last-ditch effort to rescue Molluck's failing meat-packing empire.", + "genres": "Adventure", + "recommendations": 1946, + "score": 4.9930357520040625 + }, + { + "type": "game", + "name": "Tribes: Ascend", + "detailed_description": "Tribes: Ascend is the world\u2019s fastest shooter - a high-adrenaline, online multiplayer FPS with jetpacks, skiing, vehicles, and multiple classes. The classic shooter franchise Tribes has been played by well over 1 million people. With Tribes: Ascend, the franchise is reborn \u2013 fast-paced, vertical, acrobatic combat combined with class-based teamwork and stunning sci-fi visuals.Key Features:Skiing: A slow soldier is a dead soldier. By holding down space bar you remove friction and build momentum to traverse large maps, hunt down targets, and escape enemy territory at intense speeds. . Jetpacks: Total freedom of movement and aerial, dog-fight like combat. . Class-Based Combat: Unlock up to nine distinct classes, each with unique weapon loadouts and abilities. . Player Progression: As you play a class you gain experience which is used to unlock class-specific skills and perks. You can also share the xp gained while playing a favorite class to progress other classes. . Escalating Intensity: In each match you earn credits for shooting down enemies or supporting your team\u2019s objectives. Use these match credits to upgrade base defenses, access vehicles, or call-in tactical strikes. The longer you play, the more chaotic the match becomes. . Vehicles: Pilot the powerful Beowulf tank, the speedy two-person Grav Cycle or the versatile flying Shrike. . Beautiful, Massive Battlefields: Wage war in a variety of open environments including frozen wastelands, sprawling cities, and jagged mountains. . Don\u2019t Fight Alone: Friend-list allows you to link up with others and establish supremacy online . Free To Play. but not pay to win: All items affecting game play can be earned by playing the game itself. Players can purchase optional Tribes Gold to unlock classes more quickly and/or skills more quickly. Players will also be able to purchase cosmetic skins with Tribes Gold. . Spectator Mode: Highly-detailed spectator mode allows you to zoom in on your favorite players, view player data, and switch between action hot spots on the fly.", + "about_the_game": "Tribes: Ascend is the world\u2019s fastest shooter - a high-adrenaline, online multiplayer FPS with jetpacks, skiing, vehicles, and multiple classes. The classic shooter franchise Tribes has been played by well over 1 million people. With Tribes: Ascend, the franchise is reborn \u2013 fast-paced, vertical, acrobatic combat combined with class-based teamwork and stunning sci-fi visuals.Key Features:Skiing: A slow soldier is a dead soldier. By holding down space bar you remove friction and build momentum to traverse large maps, hunt down targets, and escape enemy territory at intense speeds.Jetpacks: Total freedom of movement and aerial, dog-fight like combat. Class-Based Combat: Unlock up to nine distinct classes, each with unique weapon loadouts and abilities.Player Progression: As you play a class you gain experience which is used to unlock class-specific skills and perks. You can also share the xp gained while playing a favorite class to progress other classes.Escalating Intensity: In each match you earn credits for shooting down enemies or supporting your team\u2019s objectives. Use these match credits to upgrade base defenses, access vehicles, or call-in tactical strikes. The longer you play, the more chaotic the match becomes.Vehicles: Pilot the powerful Beowulf tank, the speedy two-person Grav Cycle or the versatile flying Shrike. Beautiful, Massive Battlefields: Wage war in a variety of open environments including frozen wastelands, sprawling cities, and jagged mountains.Don\u2019t Fight Alone: Friend-list allows you to link up with others and establish supremacy online Free To Play... but not pay to win: All items affecting game play can be earned by playing the game itself. Players can purchase optional Tribes Gold to unlock classes more quickly and/or skills more quickly. Players will also be able to purchase cosmetic skins with Tribes Gold.Spectator Mode: Highly-detailed spectator mode allows you to zoom in on your favorite players, view player data, and switch between action hot spots on the fly.", + "short_description": "This edition packages weapon DLC from ten previous expansions as well new featured content.", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Crysis", + "detailed_description": "Adapt to Survive \u0097 An epic story thrusts players into an ever-changing environment, forcing them to adapt their tactics and approach to conquer battlefields ranging from newly frozen jungle to zero-gravity alien environments. . Suit up! \u0097 A high-tech Nanosuit allows gamers to augment their abilities in real time on the battlefield. Players can choose to enhance their speed, strength, armor and cloaking abilities to approach situations in creative tactical ways. . Customizable Weaponry \u0097 A huge arsenal of modular weaponry gives gamers unprecedented control over their play style. Blow the opposition away with experimental weapons, discover alien technology and utilize custom ammunition from incendiary-tipped rounds to tactical munitions that can silently put foes to sleep. . Veni Vidi Vici \u0097 Lifelike enemy AI challenges players to assess a situation and approach it strategically. It isn't about having the fastest trigger finger \u0097 players are challenged to be proactive in the fight, not reactive. . Zero-G Gameplay \u0097 Battle a horrifying alien species in a true Zero-gravity environment, where physics change everything as players must adapt to moving in Zero-G and contending with the recoil from their weapons and more. . Next-Generation Graphics \u0097 Built from the ground up using Crytek's proprietary CryENGINE 2\u2122, Crysis' visuals define \"state of the art,\" with full DX10 support and scalable options to deliver solid performance on older machines. . Open, Physicalized World \u0097 Choose your own path through the open world of Crysis, destroying obstacles, driving vehicles from VTOL's to boats and using the environment itself against your enemies. [/b]\t[/list]", + "about_the_game": "Adapt to Survive \u0097 An epic story thrusts players into an ever-changing environment, forcing them to adapt their tactics and approach to conquer battlefields ranging from newly frozen jungle to zero-gravity alien environments.\t\t\t\t\tSuit up! \u0097 A high-tech Nanosuit allows gamers to augment their abilities in real time on the battlefield. Players can choose to enhance their speed, strength, armor and cloaking abilities to approach situations in creative tactical ways.\t\t\t\t\tCustomizable Weaponry \u0097 A huge arsenal of modular weaponry gives gamers unprecedented control over their play style. Blow the opposition away with experimental weapons, discover alien technology and utilize custom ammunition from incendiary-tipped rounds to tactical munitions that can silently put foes to sleep.\t\t\t\t\tVeni Vidi Vici \u0097 Lifelike enemy AI challenges players to assess a situation and approach it strategically. It isn't about having the fastest trigger finger \u0097 players are challenged to be proactive in the fight, not reactive.\t\t\t\t\tZero-G Gameplay \u0097 Battle a horrifying alien species in a true Zero-gravity environment, where physics change everything as players must adapt to moving in Zero-G and contending with the recoil from their weapons and more.\t\t\t\t\tNext-Generation Graphics \u0097 Built from the ground up using Crytek's proprietary CryENGINE 2\u2122, Crysis' visuals define \"state of the art,\" with full DX10 support and scalable options to deliver solid performance on older machines.\t\t\t\t\tOpen, Physicalized World \u0097 Choose your own path through the open world of Crysis, destroying obstacles, driving vehicles from VTOL's to boats and using the environment itself against your enemies.[/b]\t[/list]", + "short_description": "Adapt to Survive \u0097 An epic story thrusts players into an ever-changing environment, forcing them to adapt their tactics and approach to conquer battlefields ranging from newly frozen jungle to zero-gravity alien environments. Suit up! \u0097 A high-tech Nanosuit allows gamers to augment their abilities in real time on the battlefield.", + "genres": "Action", + "recommendations": 11443, + "score": 6.160647553869634 + }, + { + "type": "game", + "name": "Crysis Warhead\u00ae", + "detailed_description": "Pulse-racing new installment from 2007's PC Game of the Year*: Play as Sergeant Sykes and experience a whole new side of the battle. A standard combat mission behind enemy lines becomes critical when you discover your enemies have captured something of vital importance to the ensuing war. It's down to you to retrieve the cargo, at any cost. . More explosive and dynamic minute to minute game play: new customizable weapons, new vehicles, new photorealistic locations to explore, and a fully interactive war zone to dominate. . Enhanced human and alien AI: Intelligent enemies, bigger challenges, and all-new ally squad support. . Crysis Warhead is a standalone release and does not require ownership of Crysis to play. *PC GAMER.", + "about_the_game": "Pulse-racing new installment from 2007's PC Game of the Year*: Play as Sergeant Sykes and experience a whole new side of the battle. A standard combat mission behind enemy lines becomes critical when you discover your enemies have captured something of vital importance to the ensuing war. It's down to you to retrieve the cargo, at any cost.\t\t\t\t\tMore explosive and dynamic minute to minute game play: new customizable weapons, new vehicles, new photorealistic locations to explore, and a fully interactive war zone to dominate.\t\t\t\t\tEnhanced human and alien AI: Intelligent enemies, bigger challenges, and all-new ally squad support.\t\t\t\t\tCrysis Warhead is a standalone release and does not require ownership of Crysis to play.\t\t\t\t\t*PC GAMER", + "short_description": "Pulse-racing new installment from 2007's PC Game of the Year*: Play as Sergeant Sykes and experience a whole new side of the battle. A standard combat mission behind enemy lines becomes critical when you discover your enemies have captured something of vital importance to the ensuing war.", + "genres": "Action", + "recommendations": 3241, + "score": 5.329177458041538 + }, + { + "type": "game", + "name": "SPORE\u2122", + "detailed_description": "From Single Cell to Galactic God, evolve in a universe of your own creations.Play through Spore's five evolutionary stages: Cell, Creature, Tribe, Civilization, and Space. Each stage has its own unique style, challenges, and goals. . You can play how you choose: Start in Cell and nurture one species from humble tidepool organism to intergalactic traveler, or jump straight in and build tribes or civilizations on new planets. What you do with your universe is up to you. . Spore gives you a variety of powerful yet easy-to-use creation tools so you can create every aspect of your universe: creatures, vehicles, buildings, and even starships.Features CREATE Your Universe from Microscopic to Macrocosmic: From tide pool amoebas to thriving civilizations to intergalactic starships, everything is in your hands. . EVOLVE Your Creature through Five Stages: It's survival of the funnest as your choices reverberate through generations and ultimately decide the fate of your civilization.", + "about_the_game": "From Single Cell to Galactic God, evolve in a universe of your own creations.Play through Spore's five evolutionary stages: Cell, Creature, Tribe, Civilization, and Space. Each stage has its own unique style, challenges, and goals. You can play how you choose: Start in Cell and nurture one species from humble tidepool organism to intergalactic traveler, or jump straight in and build tribes or civilizations on new planets. What you do with your universe is up to you.Spore gives you a variety of powerful yet easy-to-use creation tools so you can create every aspect of your universe: creatures, vehicles, buildings, and even starships.Features\t\t\t\t\tCREATE Your Universe from Microscopic to Macrocosmic: From tide pool amoebas to thriving civilizations to intergalactic starships, everything is in your hands.\t\t\t\t\tEVOLVE Your Creature through Five Stages: It's survival of the funnest as your choices reverberate through generations and ultimately decide the fate of your civilization.", + "short_description": "Be the architect of your own universe with Spore, an exciting single-player adventure. From Single Cell to Galactic God, evolve your creature in a universe of your own creations.", + "genres": "Action", + "recommendations": 48051, + "score": 7.106522377510331 + }, + { + "type": "game", + "name": "Mirror's Edge\u2122", + "detailed_description": "In a city where information is heavily monitored, agile couriers called Runners transport sensitive data away from prying eyes. In this seemingly utopian paradise, a crime has been committed, your sister has been framed and now you are being hunted. You are a Runner called Faith and this innovative first-person action-adventure is your story. . Mirror's Edge\u2122 delivers you straight into the shoes of this unique heroine as she traverses the vertigo-inducing cityscape, engaging in intense combat and fast paced chases. With a never before seen sense of movement and perspective, you will be drawn into Faith's world. A world that is visceral, immediate, and very dangerous. . Live or die? Soar or plummet? One thing is certain, in this city you will learn how to run. From the makers of the groundbreaking Battlefield franchise, Mirror's Edge is an action-adventure experience unlike any other.Features Move yourself: String together an amazing arsenal of wall-runs, leaps, vaults and more, in fluid, acrobatic movements that turns every level of the urban environment to your advantage and salvation. . Immerse yourself: In first person every breath, every collision, every impact is acutely felt. Heights create real vertigo, movements flow naturally, collisions and bullet impacts create genuine fear and adrenaline. . Challenge yourself: Fight or flight. Your speed and agility allow you not only to evade, capture and perform daring escapes, but also to disable and disarm unwary opponents, in a mix of chase, puzzles, strategy and intense combat. . Free yourself: Runner vision allows you to see the city as they do. See the flow. Rooftops become pathways and conduits, opportunities and escape routes. The flow is what keeps you running \u0097 what keeps you alive. Awards", + "about_the_game": "In a city where information is heavily monitored, agile couriers called Runners transport sensitive data away from prying eyes. In this seemingly utopian paradise, a crime has been committed, your sister has been framed and now you are being hunted. You are a Runner called Faith and this innovative first-person action-adventure is your story. Mirror's Edge\u2122 delivers you straight into the shoes of this unique heroine as she traverses the vertigo-inducing cityscape, engaging in intense combat and fast paced chases. With a never before seen sense of movement and perspective, you will be drawn into Faith's world. A world that is visceral, immediate, and very dangerous. Live or die? Soar or plummet? One thing is certain, in this city you will learn how to run. From the makers of the groundbreaking Battlefield franchise, Mirror's Edge is an action-adventure experience unlike any other.Features\t\t\t\t\tMove yourself: String together an amazing arsenal of wall-runs, leaps, vaults and more, in fluid, acrobatic movements that turns every level of the urban environment to your advantage and salvation. \t\t\t\t\tImmerse yourself: In first person every breath, every collision, every impact is acutely felt. Heights create real vertigo, movements flow naturally, collisions and bullet impacts create genuine fear and adrenaline. \t\t\t\t\tChallenge yourself: Fight or flight. Your speed and agility allow you not only to evade, capture and perform daring escapes, but also to disable and disarm unwary opponents, in a mix of chase, puzzles, strategy and intense combat. \t\t\t\t\tFree yourself: Runner vision allows you to see the city as they do. See the flow. Rooftops become pathways and conduits, opportunities and escape routes. The flow is what keeps you running \u0097 what keeps you alive.Awards", + "short_description": "In a city where information is heavily monitored, couriers called Runners transport sensitive data. In this seemingly utopian paradise, a crime has been committed, & you are being hunted. You are a Runner called Faith and this innovative first-person action-adventure is your story.", + "genres": "Action", + "recommendations": 26729, + "score": 6.719885960071336 + }, + { + "type": "game", + "name": "Mass Effect (2007)", + "detailed_description": "Special Edition About the Game. As Commander Shepard, you lead an elite squad on a heroic, action-packed adventure throughout the galaxy. . Discover the imminent danger from an ancient threat and battle the traitorous Saren and his deadly army to save civilization. The fate of all life depends on your actions! . 2007 New York Times Game of the Year . A Stunning universe with high resolution graphics and textures . Controls and interface optimized for PC gamers . Customize your character and embark on a pulse-pounding adventure in an immersive open-ended storyline . Incredible real-time character interaction . Thrilling, tactical combat as you lead an elite squad of three . Interplanetary exploration of an epic proportion .", + "about_the_game": "As Commander Shepard, you lead an elite squad on a heroic, action-packed adventure throughout the galaxy. Discover the imminent danger from an ancient threat and battle the traitorous Saren and his deadly army to save civilization. The fate of all life depends on your actions! \t\t\t\t\t2007 New York Times Game of the Year \t\t\t\t\tA Stunning universe with high resolution graphics and textures \t\t\t\t\tControls and interface optimized for PC gamers \t\t\t\t\tCustomize your character and embark on a pulse-pounding adventure in an immersive open-ended storyline \t\t\t\t\tIncredible real-time character interaction \t\t\t\t\tThrilling, tactical combat as you lead an elite squad of three \t\t\t\t\tInterplanetary exploration of an epic proportion", + "short_description": "As Commander Shepard, you lead an elite squad on a heroic, action-packed adventure throughout the galaxy.", + "genres": "Action", + "recommendations": 14463, + "score": 6.315037332898067 + }, + { + "type": "game", + "name": "Dead Space (2008)", + "detailed_description": "Only the Dead Survive. A massive deep-space mining ship goes dark after unearthing a strange artifact on a distant planet. Engineer Isaac Clarke embarks on the repair mission, only to uncover a nightmarish blood bath \u0097 the ship's crew horribly slaughtered and infected by alien scourge. Now Isaac is cut off, trapped, and engaged in a desperate fight for survival. . Strategically dismember the Necromorph enemies limb by bloody limb. . Zero gravity combat means terror can strike from anywhere. . Uncover the horrific truth of this shocking thriller. . Game Features:. Messy monster slaying . The Necromorphs are unlike any enemies you've seen before. Headshots do about as much damage to them as flicking rubber bands. To survive, you'll need to dismember their insect-like limbs, one at a time. . Improvised weapons . There aren't many traditional firearms aboard the Ishimura, but there's plenty of stopping power in Isaac's toolkit. Send horizontal or vertical blasts of energy at enemies with the Plasma Cutter, remotely control a high-speed sawblade with the Disc Ripper, and fill hallways with wide swaths of destruction with the Line Gun. Switch things up with alternate fire modes, and purchase upgrades to increase ammo, power, and reload speed. . Real-time attacks. Whatever you do, don\u2019t drop your guard. Everything takes place in real-time. That means any action you take, whether it be reloading or digging through your inventory, gives the Necromorphs a perfect opportunity to attack. This nightmare has just begun and it\u2019s up to get to the bottom of what happened here.", + "about_the_game": "Only the Dead Survive. A massive deep-space mining ship goes dark after unearthing a strange artifact on a distant planet. Engineer Isaac Clarke embarks on the repair mission, only to uncover a nightmarish blood bath \u0097 the ship's crew horribly slaughtered and infected by alien scourge. Now Isaac is cut off, trapped, and engaged in a desperate fight for survival.Strategically dismember the Necromorph enemies limb by bloody limb. \t\t\t\t\tZero gravity combat means terror can strike from anywhere. \t\t\t\t\tUncover the horrific truth of this shocking thriller. Game Features:Messy monster slaying The Necromorphs are unlike any enemies you've seen before. Headshots do about as much damage to them as flicking rubber bands. To survive, you'll need to dismember their insect-like limbs, one at a time. Improvised weapons There aren't many traditional firearms aboard the Ishimura, but there's plenty of stopping power in Isaac's toolkit. Send horizontal or vertical blasts of energy at enemies with the Plasma Cutter, remotely control a high-speed sawblade with the Disc Ripper, and fill hallways with wide swaths of destruction with the Line Gun. Switch things up with alternate fire modes, and purchase upgrades to increase ammo, power, and reload speed.Real-time attacks. Whatever you do, don\u2019t drop your guard. Everything takes place in real-time. That means any action you take, whether it be reloading or digging through your inventory, gives the Necromorphs a perfect opportunity to attack. This nightmare has just begun and it\u2019s up to get to the bottom of what happened here.", + "short_description": "You are Isaac Clarke, an engineer on the spacecraft USG Ishimura. You're not a warrior. You're not a soldier. You are, however, the last line of defense for the remaining living crew.", + "genres": "Action", + "recommendations": 19613, + "score": 6.515826051389094 + }, + { + "type": "game", + "name": "Command & Conquer: Red Alert 3", + "detailed_description": "The desperate leadership of a doomed Soviet Union travels back in time to change history and restore the glory of Mother Russia. The time travel mission goes awry, creating an alternate timeline where technology has followed an entirely different evolution, a new superpower has been thrust on to the world stage, and World War III is raging. The Empire of the Rising Sun has risen in the East, making World War III a three-way struggle between the Soviets, the Allies, and the Empire with armies fielding wacky and wonderful weapons and technologies like Tesla coils, heavily armed War Blimps, teleportation, armored bears, intelligent dolphins, floating island fortresses, and transforming tanks. . Star-Studded Storytelling \u0097 Command & Conquer's trademark live-action videos return in HD, with over 60 minutes of footage featuring the largest cast in the history of the Command & Conquer franchise. . Command the Seas, Conquer the World \u0097 Experience Gameplay as for the first time in the series, waging war on the water will be every bit as important as dominating by land and air. Gain strategic advantages by controlling resources in the seas and mounting three-pronged attacks from all directions. . Ready your Man Cannons! \u0097 Armored War Bears, and Anime-inspired psychic school girls join your favorite Red Alert units like Sonic Dolphins, Tesla Troopers, Attack Dogs, and the ever popular Tanya. . A New Threat From the East \u0097 The deadly Empire of the Rising Sun is a technological terror, with designs influenced by a mixture of anime, science-fiction, martial arts and robot culture. The Empire's futuristic units can transform into alternate forms, and they specialize in naval warfare.", + "about_the_game": "The desperate leadership of a doomed Soviet Union travels back in time to change history and restore the glory of Mother Russia. The time travel mission goes awry, creating an alternate timeline where technology has followed an entirely different evolution, a new superpower has been thrust on to the world stage, and World War III is raging. The Empire of the Rising Sun has risen in the East, making World War III a three-way struggle between the Soviets, the Allies, and the Empire with armies fielding wacky and wonderful weapons and technologies like Tesla coils, heavily armed War Blimps, teleportation, armored bears, intelligent dolphins, floating island fortresses, and transforming tanks. \t\t\t\t\tStar-Studded Storytelling \u0097 Command & Conquer's trademark live-action videos return in HD, with over 60 minutes of footage featuring the largest cast in the history of the Command & Conquer franchise. \t\t\t\t\tCommand the Seas, Conquer the World \u0097 Experience Gameplay as for the first time in the series, waging war on the water will be every bit as important as dominating by land and air. Gain strategic advantages by controlling resources in the seas and mounting three-pronged attacks from all directions. \t\t\t\t\tReady your Man Cannons! \u0097 Armored War Bears, and Anime-inspired psychic school girls join your favorite Red Alert units like Sonic Dolphins, Tesla Troopers, Attack Dogs, and the ever popular Tanya. \t\t\t\t\tA New Threat From the East \u0097 The deadly Empire of the Rising Sun is a technological terror, with designs influenced by a mixture of anime, science-fiction, martial arts and robot culture. The Empire's futuristic units can transform into alternate forms, and they specialize in naval warfare.", + "short_description": "The desperate leadership of a doomed Soviet Union travels back in time to change history and restore the glory of Mother Russia. The time travel mission goes awry, creating an alternate timeline where technology has followed an entirely different evolution, a new superpower has been thrust on to the world stage, and World War III is...", + "genres": "Strategy", + "recommendations": 11310, + "score": 6.152941242778721 + }, + { + "type": "game", + "name": "Alice: Madness Returns", + "detailed_description": "Eleven years ago a horrific fire took Alice\u2019s family from her and left her mind horrifically scarred. Afterwards she was confined to Rutledge Asylum, where she struggled to confront her demons by slipping further into her fantasy world of Wonderland. Now, after ten years, she has finally secured her release\u2014yet she still bears the heavy psychological burden of that tragic event. . With her mind in tatters, she is unable to resolve the fear prompted by her strange memories, dreams, and visions. Perhaps she\u2019ll do better in Wonderland. She always has. She travels there, seeking what the \u201creal\u201d world can\u2019t provide: security, knowledge, and the truth about the past. But in her absence, Wonderland too has suffered. Something has gone horribly wrong, and now a great evil is descending upon what once was her beautiful refuge. Can Alice save Wonderland\u2014and herself\u2014from the madness that consumes them both?. Key Features: Intense 3rd person action:. Use multiple upgradeable melee weapons, including the explosive Teapot Cannon, the punishing Hobby Horse, and the classic Vorpal Blade. . Explore a dark and shattered Wonderland:. Encounter familiar but now strange characters, including the Cheshire Cat, the Mad Hatter, the Caterpillar and the Red Queen. . Magical abilities:. Obtain peculiar abilities in Wonderland such as floating with Alice\u2019s dress, shrinking, or growing to towering sizes in order to crush enemies. . Interactive puzzles:. Intuitive and rewarding puzzles such as transforming obstacles, musical memories, chess, and picture blocks. .", + "about_the_game": "Eleven years ago a horrific fire took Alice\u2019s family from her and left her mind horrifically scarred. Afterwards she was confined to Rutledge Asylum, where she struggled to confront her demons by slipping further into her fantasy world of Wonderland. Now, after ten years, she has finally secured her release\u2014yet she still bears the heavy psychological burden of that tragic event.With her mind in tatters, she is unable to resolve the fear prompted by her strange memories, dreams, and visions. Perhaps she\u2019ll do better in Wonderland. She always has. She travels there, seeking what the \u201creal\u201d world can\u2019t provide: security, knowledge, and the truth about the past. But in her absence, Wonderland too has suffered. Something has gone horribly wrong, and now a great evil is descending upon what once was her beautiful refuge. Can Alice save Wonderland\u2014and herself\u2014from the madness that consumes them both?\t\t\t\t\tKey Features:\t\t\t\t\tIntense 3rd person action:\t\t\t\t\tUse multiple upgradeable melee weapons, including the explosive Teapot Cannon, the punishing Hobby Horse, and the classic Vorpal Blade.\t\t\t\t\tExplore a dark and shattered Wonderland:\t\t\t\t\tEncounter familiar but now strange characters, including the Cheshire Cat, the Mad Hatter, the Caterpillar and the Red Queen.\t\t\t\t\tMagical abilities:\t\t\t\t\tObtain peculiar abilities in Wonderland such as floating with Alice\u2019s dress, shrinking, or growing to towering sizes in order to crush enemies.\t\t\t\t\tInteractive puzzles:\t\t\t\t\tIntuitive and rewarding puzzles such as transforming obstacles, musical memories, chess, and picture blocks.", + "short_description": "Alice: Madness Returns is a third-person, single-player, action adventure platformer. Visit the grim reality of Victorian London and travel to the beautiful yet ghastly Wonderland to uncover the root of Alice's madness.", + "genres": "Action", + "recommendations": 11641, + "score": 6.171955765770967 + }, + { + "type": "game", + "name": "Far Cry\u00ae 2", + "detailed_description": "You are a gun for hire, trapped in a war-torn African state, stricken with malaria and forced to make deals with corrupt warlords on both sides of the conflict in order to make this country your home. You must identify and exploit your enemies' weaknesses, neutralizing their superior numbers and firepower with surprise, subversion, cunning and of course brute force. Fire \u0097 Feel the heat of the most realistic fire ever seen in a video game! Use wind and propagation to surround and trap your enemies. Grab your Molotov cocktails or flamethrowers to take out your enemies. . Destructible environment \u0097 No more obstacles: Everything is breakable and alterable, even in Multiplayer mode. The DUNIA engine's RealTree technology also delivers the most realistic nature deterioration system ever. . Open world \u0097 Experience real freedom while roaming in more than 50km2 without any loading. Choose your own path in this vast environment and explore a living African world. . A huge adventure \u0097 Fight for two rival factions, and make your way up to your primary target by any means necessary. Take on over 70 side missions to earn valuable information, new weapons and vehicles. . Non-scripted artificial intelligence \u0097 Medics will drag wounded soldiers to safety. Grunts will come to fear you. Your reputation and in-game actions will make enemies drop their guns and run for their lives. Feel the tension of never knowing just how an enemy will react. . MULTIPLAYER \u0097 Challenge your friends but watch your back\u0097you never know who your true friends are and who might betray you! All the single player technical features are also present in multiplayer mode.", + "about_the_game": "You are a gun for hire, trapped in a war-torn African state, stricken with malaria and forced to make deals with corrupt warlords on both sides of the conflict in order to make this country your home.\t\t\t\t\tYou must identify and exploit your enemies' weaknesses, neutralizing their superior numbers and firepower with surprise, subversion, cunning and of course brute force.\t\t\t\t\tFire \u0097 Feel the heat of the most realistic fire ever seen in a video game! Use wind and propagation to surround and trap your enemies. Grab your Molotov cocktails or flamethrowers to take out your enemies.\t\t\t\t\tDestructible environment \u0097 No more obstacles: Everything is breakable and alterable, even in Multiplayer mode. The DUNIA engine's RealTree technology also delivers the most realistic nature deterioration system ever.\t\t\t\t\tOpen world \u0097 Experience real freedom while roaming in more than 50km2 without any loading. Choose your own path in this vast environment and explore a living African world.\t\t\t\t\tA huge adventure \u0097 Fight for two rival factions, and make your way up to your primary target by any means necessary. Take on over 70 side missions to earn valuable information, new weapons and vehicles.\t\t\t\t\tNon-scripted artificial intelligence \u0097 Medics will drag wounded soldiers to safety. Grunts will come to fear you. Your reputation and in-game actions will make enemies drop their guns and run for their lives. Feel the tension of never knowing just how an enemy will react.\t\t\t\t\tMULTIPLAYER \u0097 Challenge your friends but watch your back\u0097you never know who your true friends are and who might betray you! All the single player technical features are also present in multiplayer mode.", + "short_description": "You are a gun for hire, trapped in a war-torn African state, stricken with malaria and forced to make deals with corrupt warlords on both sides of the conflict in order to make this country your home. You must identify and exploit your enemies' weaknesses, neutralizing their superior numbers and firepower with surprise, subversion,...", + "genres": "Action", + "recommendations": 12925, + "score": 6.2409253955063315 + }, + { + "type": "game", + "name": "Red Faction Guerrilla Steam Edition", + "detailed_description": "Set 50 years after the climactic events of the original Red Faction, Red Faction: Guerrilla allows players to take the role of an insurgent fighter with the newly re-established Red Faction movement as they battle for liberation from the oppressive Earth Defense Force. Red Faction: Guerrilla re-defines the limits of destruction-based game-play with a huge open-world, fast-paced guerrilla-style combat, and true physics-based destruction.Key features . Open World Guerrilla Warfare \u0097 You decide who, when, where and how to battle. Utilize guerrilla tactics, improvised weaponry, and modified vehicles to lead insurgent attacks on EDF targets. Launch attacks based on your own gameplay style, take on missions in any order you choose, or engage in destructive activities to weaken the EDF's grip on Mars. . Strategic Destruction \u0097 Use destruction to your tactical advantage, setting ambushes or chain reaction explosions to attack enemy strongholds and permanently modify the game environment. Leverage fully-dynamic physics-based destruction to improvise on the fly: blow holes in a wall or floor to set an ambush or escape, take out a staircase to stop your pursuers, or drive vehicles through blown out walls. . Evolving & Emergent Gameplay \u0097 Carve your path through an ever changing landscape as you improvise your combat tactics - mixing gameplay styles, vehicles, weapons and explosives to defeat the EDF. . Epic Sci-Fi Setting \u0097 Explore the huge, unforgiving Martian landscape, from the desolate mining outpost of Parker to the gleaming EDF capital city of Eos; then tear through the fully destructible open-world environments swarming with EDF forces, Red Faction resistance fighters, and the downtrodden settlers caught in the cross-fire. . Multiplayer Combat \u0097 There is no place to hide when you put your guerrilla warfare skills to the test in a variety of highly destructive multiplayer combat modes.", + "about_the_game": "Set 50 years after the climactic events of the original Red Faction, Red Faction: Guerrilla allows players to take the role of an insurgent fighter with the newly re-established Red Faction movement as they battle for liberation from the oppressive Earth Defense Force. Red Faction: Guerrilla re-defines the limits of destruction-based game-play with a huge open-world, fast-paced guerrilla-style combat, and true physics-based destruction.Key features \t\t\t\t\tOpen World Guerrilla Warfare \u0097 You decide who, when, where and how to battle. Utilize guerrilla tactics, improvised weaponry, and modified vehicles to lead insurgent attacks on EDF targets. Launch attacks based on your own gameplay style, take on missions in any order you choose, or engage in destructive activities to weaken the EDF's grip on Mars. \t\t\t\t\tStrategic Destruction \u0097 Use destruction to your tactical advantage, setting ambushes or chain reaction explosions to attack enemy strongholds and permanently modify the game environment. Leverage fully-dynamic physics-based destruction to improvise on the fly: blow holes in a wall or floor to set an ambush or escape, take out a staircase to stop your pursuers, or drive vehicles through blown out walls. \t\t\t\t\tEvolving & Emergent Gameplay \u0097 Carve your path through an ever changing landscape as you improvise your combat tactics - mixing gameplay styles, vehicles, weapons and explosives to defeat the EDF. \t\t\t\t\tEpic Sci-Fi Setting \u0097 Explore the huge, unforgiving Martian landscape, from the desolate mining outpost of Parker to the gleaming EDF capital city of Eos; then tear through the fully destructible open-world environments swarming with EDF forces, Red Faction resistance fighters, and the downtrodden settlers caught in the cross-fire. \t\t\t\t\tMultiplayer Combat \u0097 There is no place to hide when you put your guerrilla warfare skills to the test in a variety of highly destructive multiplayer combat modes.", + "short_description": "Set 50 years after the climactic events of the original Red Faction, Red Faction: Guerrilla allows players to take the role of an insurgent fighter with the newly re-established Red Faction movement as they battle for liberation from the oppressive Earth Defense Force.", + "genres": "Action", + "recommendations": 6010, + "score": 5.736186364106702 + }, + { + "type": "game", + "name": "S.T.A.L.K.E.R.: Clear Sky", + "detailed_description": "S.T.A.L.K.E.R. 2: Heart of Chornobyl. Prepare to enter the Zone for your own risk striving to make a fortune out of it or even to find the truth concealed in the Heart of Chornobyl. . * EPIC NONLINEAR STORY IN SEAMLESS OPEN WORLD. * VARIETY OF ENEMIES AND HUNDREDS OF WEAPON COMBINATIONS. * LEGENDARY MUTANTS WITH DIFFERENT BEHAVIOUR MODELS. * ARTIFACTS OF INCREDIBLE VALUE AND UNFORGIVING ANOMALIES. Discover the legendary S.T.A.L.K.E.R. universe!. About the GameGreat Emission, the biggest anomalous energy blowout from the times of Second Incident at The Chernobyl Nuclear Power Plant, has shaken the world again and reshaped the Zone. To investigate its cause and and prevent future cataclysms is your only chance to survive in S.T.A.L.K.E.R.: Clear Sky. . WAR OF FACTIONS. With the anomalous activity at its maximum, the unstable Zone continues to tremor with outbursts. The transformation of the Zone map destabilizes the fragile balance of forces in the Zone. Hostilities for the new territories, artifact fields and spheres of influence flare up among groups. Feuds and friendships are left behind \u2013 now, everyone watches out only for themselves. The Faction War has begun. To survive, join one of the parties and knock out opponents over the Cordon. Or benefit from working for all the factions at once, like a true mercenary. . NEW PATHS. The safe and trusted pathways are no more. Known places disappear in impenetrable fields of anomalies, stalkers and entire expeditions vanish or remain trapped within. Mysterious territories that have been lost since the appearance of the Zone are opening up, calling for explorers. Your mission is to become a pioneer and explore all the new areas that have become accessible in \"Clear Sky\"!. MYSTERIES OF THE PAST. As a mercenary named Scar, play a key role in Strelok\u2019s fate and discover new details to the original game story, revealing its major secrets. Visit the familiar places as they were before the original game starts and witness the events that shaped the Zone to the years ahead. . . Game features: . A prequel to S.T.A.L.K.E.R.: Shadow of Chornobyl, that reveals the backstory of the Zone, familiar characters and locations. . New types of equipment and weapons: HPSS-1m, hunting rifle, RP-74. . New locations: Swamps, Red Forest, Limansk and Abandoned Hospital, full of new stories and tasks. . An advanced upgrade system for weapons and armor with technicians, allowing you to improve and customize your favorite pieces. . Player's actions can affect the balance of power in the Zone and the influence of factions. . A dozen of new anomalies and artifacts, and a new artifact hunting system utilizing detectors. . Improved graphics, interface and AI, making the journey through the sinister radioactive lands even more convenient.", + "about_the_game": "Great Emission, the biggest anomalous energy blowout from the times of Second Incident at The Chernobyl Nuclear Power Plant, has shaken the world again and reshaped the Zone. To investigate its cause and and prevent future cataclysms is your only chance to survive in S.T.A.L.K.E.R.: Clear Sky.WAR OF FACTIONSWith the anomalous activity at its maximum, the unstable Zone continues to tremor with outbursts. The transformation of the Zone map destabilizes the fragile balance of forces in the Zone. Hostilities for the new territories, artifact fields and spheres of influence flare up among groups. Feuds and friendships are left behind \u2013 now, everyone watches out only for themselves. The Faction War has begun. To survive, join one of the parties and knock out opponents over the Cordon... Or benefit from working for all the factions at once, like a true mercenary.NEW PATHSThe safe and trusted pathways are no more. Known places disappear in impenetrable fields of anomalies, stalkers and entire expeditions vanish or remain trapped within. Mysterious territories that have been lost since the appearance of the Zone are opening up, calling for explorers. Your mission is to become a pioneer and explore all the new areas that have become accessible in \"Clear Sky\"!MYSTERIES OF THE PASTAs a mercenary named Scar, play a key role in Strelok\u2019s fate and discover new details to the original game story, revealing its major secrets. Visit the familiar places as they were before the original game starts and witness the events that shaped the Zone to the years ahead. Game features: A prequel to S.T.A.L.K.E.R.: Shadow of Chornobyl, that reveals the backstory of the Zone, familiar characters and locations.New types of equipment and weapons: HPSS-1m, hunting rifle, RP-74.New locations: Swamps, Red Forest, Limansk and Abandoned Hospital, full of new stories and tasks.An advanced upgrade system for weapons and armor with technicians, allowing you to improve and customize your favorite pieces.Player's actions can affect the balance of power in the Zone and the influence of factions.A dozen of new anomalies and artifacts, and a new artifact hunting system utilizing detectors.Improved graphics, interface and AI, making the journey through the sinister radioactive lands even more convenient.", + "short_description": "S.T.A.L.K.E.R.: Clear Sky \u2013 standalone prequel for the acclaimed S.T.A.L.K.E.R.: Shadow of Chernobyl, which tells you story about the Clear Sky group, that want to research the Zone and understand it better.", + "genres": "Action", + "recommendations": 13396, + "score": 6.264519237582466 + }, + { + "type": "game", + "name": "Warhammer\u00ae 40,000: Dawn of War\u00ae II Chaos Rising", + "detailed_description": "The Blood Ravens have saved the sector, now can they save themselves?. In SEGA and Relic Entertainment\u2019s sequel to the acclaimed Dawn of War II real time strategy franchise, you return to Sub-Sector Aurelia where a long lost frozen ice planet has reappeared from the Warp, bringing with it new secrets to uncover and deadly new foes to face. . In Dawn of War II: Chaos Rising you will take command of the Blood Ravens and defend the sector against the Chaos Space Marines of the Black Legion. Purge the Chaos filth and hold the chapter together as traitorous forces work from within to try bring down the Blood Ravens. . New Single Player Missions . Continue your fight against the enemies of the Emperor and use your squads\u2019 wargear, abilities, and experience to battle against Chaos in 15 new missions. . New Multiplayer Race. Swear loyalty to the Chaos Gods and play as the bloodthirsty Chaos Space Marines in multiplayer battles against both Chaos Rising and Dawn of War II owners. . New Units. New multiplayer units join the Space Marines, Ork, Eldar, and Tyranid armies. 2 New Last Stand Heroes \u2013 Face off against the relentless horde as either the Chaos Sorcerer or Tyranid Hive Tyrant.", + "about_the_game": "The Blood Ravens have saved the sector, now can they save themselves?In SEGA and Relic Entertainment\u2019s sequel to the acclaimed Dawn of War II real time strategy franchise, you return to Sub-Sector Aurelia where a long lost frozen ice planet has reappeared from the Warp, bringing with it new secrets to uncover and deadly new foes to face.In Dawn of War II: Chaos Rising you will take command of the Blood Ravens and defend the sector against the Chaos Space Marines of the Black Legion. Purge the Chaos filth and hold the chapter together as traitorous forces work from within to try bring down the Blood Ravens.New Single Player Missions Continue your fight against the enemies of the Emperor and use your squads\u2019 wargear, abilities, and experience to battle against Chaos in 15 new missionsNew Multiplayer RaceSwear loyalty to the Chaos Gods and play as the bloodthirsty Chaos Space Marines in multiplayer battles against both Chaos Rising and Dawn of War II ownersNew UnitsNew multiplayer units join the Space Marines, Ork, Eldar, and Tyranid armies.2 New Last Stand Heroes \u2013 Face off against the relentless horde as either the Chaos Sorcerer or Tyranid Hive Tyrant", + "short_description": "In Dawn of War II: Chaos Rising you will take command of the Blood Ravens and defend the sector against the Chaos Space Marines of the Black Legion. Purge the Chaos filth and hold the chapter together as traitorous forces work from within to try bring down the Blood Ravens.", + "genres": "Strategy", + "recommendations": 1602, + "score": 4.864873016793949 + }, + { + "type": "game", + "name": "The Witcher: Enhanced Edition Director's Cut", + "detailed_description": "Check out other games from CD PROJEKT RED Check out other games from CD PROJEKT RED About the GameThe Witcher is a role-playing game set in a dark fantasy world where moral ambiguity reigns. Shattering the line between good and evil, the game emphasizes story and character development, while incorporating a tactically-deep, real-time combat system. . Become The Witcher, Geralt of Rivia, and get caught in a web of intrigue woven by forces vying for control of the world. Make difficult decisions and live with the consequences in a game that will immerse you in an extraordinary tale like no other. . KEY FEATURESGERALT OF RIVIA: A ONE-OF-A-KIND PROTAGONIST. Take on the role of Geralt of Rivia: a charismatic swordmaster and professional monster slayer. . Choose from over 250 special abilities, combat skills and magical powers to build a character best suited to your style of play. . ORIGINAL FANTASY WORLD DRAWN FROM LITERATURE. Enter a harsh fantasy world inspired by the writings of renowned Polish author Andrzej Sapkowski, where nothing is truly black or white, right or wrong. . NON-LINEAR STORYLINE. Immerse yourself in an epic narrative full of turns, twists and ambiguous moral decisions which have real impact on the storyline. . Accomplish quests in a variety of ways and see how the narrative culminates in one of three different endings depending on your actions. . STUNNING TACTICAL ACTION. Engage in elaborate, yet intuitive real-time combat based on real medieval sword-fighting techniques. . Battle using six combat styles, dozens of potions, complex alchemy system, modifiable weapons and powerful magic which all add tactical depth to the fluid real-time experience. . Motion capture performed by medieval fighting experts at Frankfurt's renowned Metric Minds studio, resulting in 600 spectacular and authentic in-game combat animations. ABOUT THE WITCHER: ENHANCED EDITIONThe Witcher: Enhanced Edition takes all of the acclaimed gameplay that garnered the original game more than 90 industry awards and introduces a number of gameplay and technical improvements. Superior dialogue and cutscenes: Over 5000 rewritten and re-recorded lines of dialogue in English, completely redone German language version, as well as over 200 new gesture animations create a more consistent experience and make characters behave more believably in dialogue and cutscenes. . Enhanced inventory: A separate sack for alchemy ingredients, as well as a simple sort-and-stack function streamline item organization and usage. . Technical improvements: Numerous technical enhancements feature greatly reduced loading times, improved stability, combat responsiveness, faster inventory loading, an option to turn auto-saving on or off, and more. . Character differentiation system: The system randomizes the appearance of dozens of in-game models in order to add more variety to monsters and NPCs. . The Witcher Enhanced Edition comes with these bonus items:. An interactive comic book. D'jinni Adventure Editor. Two new adventures offering 5+ hours of gameplay. Official Soundtrack. \u201cMusic Inspired by The Witcher\u201d album. \u201cMaking of\u201d videos. Official Game Guide. Two maps of The Witcher's world.", + "about_the_game": "The Witcher is a role-playing game set in a dark fantasy world where moral ambiguity reigns. Shattering the line between good and evil, the game emphasizes story and character development, while incorporating a tactically-deep, real-time combat system.Become The Witcher, Geralt of Rivia, and get caught in a web of intrigue woven by forces vying for control of the world. Make difficult decisions and live with the consequences in a game that will immerse you in an extraordinary tale like no other.KEY FEATURESGERALT OF RIVIA: A ONE-OF-A-KIND PROTAGONISTTake on the role of Geralt of Rivia: a charismatic swordmaster and professional monster slayer.Choose from over 250 special abilities, combat skills and magical powers to build a character best suited to your style of play.ORIGINAL FANTASY WORLD DRAWN FROM LITERATUREEnter a harsh fantasy world inspired by the writings of renowned Polish author Andrzej Sapkowski, where nothing is truly black or white, right or wrong.NON-LINEAR STORYLINEImmerse yourself in an epic narrative full of turns, twists and ambiguous moral decisions which have real impact on the storyline.Accomplish quests in a variety of ways and see how the narrative culminates in one of three different endings depending on your actions.STUNNING TACTICAL ACTIONEngage in elaborate, yet intuitive real-time combat based on real medieval sword-fighting techniques.Battle using six combat styles, dozens of potions, complex alchemy system, modifiable weapons and powerful magic which all add tactical depth to the fluid real-time experience.Motion capture performed by medieval fighting experts at Frankfurt's renowned Metric Minds studio, resulting in 600 spectacular and authentic in-game combat animations.ABOUT THE WITCHER: ENHANCED EDITIONThe Witcher: Enhanced Edition takes all of the acclaimed gameplay that garnered the original game more than 90 industry awards and introduces a number of gameplay and technical improvements.Superior dialogue and cutscenes: Over 5000 rewritten and re-recorded lines of dialogue in English, completely redone German language version, as well as over 200 new gesture animations create a more consistent experience and make characters behave more believably in dialogue and cutscenes.Enhanced inventory: A separate sack for alchemy ingredients, as well as a simple sort-and-stack function streamline item organization and usage.Technical improvements: Numerous technical enhancements feature greatly reduced loading times, improved stability, combat responsiveness, faster inventory loading, an option to turn auto-saving on or off, and more.Character differentiation system: The system randomizes the appearance of dozens of in-game models in order to add more variety to monsters and NPCs.The Witcher Enhanced Edition comes with these bonus items:An interactive comic bookD'jinni Adventure EditorTwo new adventures offering 5+ hours of gameplayOfficial Soundtrack\u201cMusic Inspired by The Witcher\u201d album\u201cMaking of\u201d videosOfficial Game GuideTwo maps of The Witcher's world", + "short_description": "Become The Witcher, Geralt of Rivia, a legendary monster slayer caught in a web of intrigue woven by forces vying for control of the world. Make difficult decisions and live with the consequences in a game that will immerse you in an extraordinary tale like no other.", + "genres": "Action", + "recommendations": 68751, + "score": 7.342673020564544 + }, + { + "type": "game", + "name": "The Witcher 2: Assassins of Kings Enhanced Edition", + "detailed_description": "Check out other games from CD PROJEKT RED Check out other games from CD PROJEKT RED About the GameThe second installment in the RPG saga about professional monster slayer Geralt of Rivia, The Witcher 2: Assassins of Kings spins a mature, thought-provoking tale to produce one of the most elaborate and unique role-playing games ever released on PC. . A time of untold chaos has come. Mighty forces clash behind the scenes in a struggle for power and influence. The Northern Kingdoms mobilize for war. But armies on the march are not enough to stop a bloody conspiracy. KEY FEATURESIMMERSIVE, MATURE, NON-LINEAR STORY. Dive into an immense, emotionally-charged, non-linear story set in a fantasy world unlike any other. . Embark on a complex, expansive adventure in which every decision may lead to dire consequences. . Engage in over 40 hours of narrative-driven gameplay, featuring 4 different beginnings and 16 different endings. . SPECTACULAR, BRUTAL, TACTICAL COMBAT. Fight using a combat system that uniquely fuses dynamic action with well-developed RPG mechanics. . Use an array of unique witcher weapons, featuring both melee and ranged options. . Prepare for battle using a wide array of tactical options: craft potions, set traps and baits, cast magic and sneak up on your foes. . REALISTIC, VAST, CONSISTENT GAME WORLD. Discover a deep, rich game world where ominous events shape the lives of entire populations while bloodthirsty monsters rage about. . Explore numerous, varied locations: from vibrant trading posts, to bustling mining towns, to mighty castles and fortresses; and discover the stories they have to tell and dark secrets they hide. . CUTTING-EDGE TECHNOLOGY. Experience a believable living and breathing world, featuring beautiful graphics and utilizing sophisticated in-game mechanics made possible thanks to CD PROJEKT RED in-house technology, REDengine. ABOUT THE WITCHER 2 ENHANCED EDITIONThe Enhanced Edition features lots of new and exciting content. Additional hours of gameplay: New adventures set in previously unseen locations, expanding the story and introducing new characters, mysteries and monsters. . New game introduction and cinematics: All new animations and cutscenes, including a new pre-rendered cinematic intro directed by BAFTA Award winner and Academy Award nominee Tomasz Bagi\u0144ski. . All DLCs and improvements introduced in the 2.0 version of the game, including:. Arena Mode \u2014 an arcade mode that allows players to fight against endless waves of enemies and test their combat skills. . A new, extensive tutorial system, gradually and smoothly immersing players in the game world and Geralt\u2019s adventures. . Dark Mode \u2014 a difficulty level designed for hardcore players, with unique dark-themed items. At this difficulty level, even greater emphasis is placed on battle preparation, defensive maneuvers and opportunistic attacking. . The Witcher 2 Enhanced Edition comes with these bonus items: . Official soundtrack in MP3 format. A map of the game's world. A quest handbook for both novice and experienced role-playing fans. Game manual. \u201cReasons of State\u201d digital comic book.", + "about_the_game": "The second installment in the RPG saga about professional monster slayer Geralt of Rivia, The Witcher 2: Assassins of Kings spins a mature, thought-provoking tale to produce one of the most elaborate and unique role-playing games ever released on PC. A time of untold chaos has come. Mighty forces clash behind the scenes in a struggle for power and influence. The Northern Kingdoms mobilize for war. But armies on the march are not enough to stop a bloody conspiracy...KEY FEATURESIMMERSIVE, MATURE, NON-LINEAR STORYDive into an immense, emotionally-charged, non-linear story set in a fantasy world unlike any other. Embark on a complex, expansive adventure in which every decision may lead to dire consequences. Engage in over 40 hours of narrative-driven gameplay, featuring 4 different beginnings and 16 different endings. SPECTACULAR, BRUTAL, TACTICAL COMBATFight using a combat system that uniquely fuses dynamic action with well-developed RPG mechanics.Use an array of unique witcher weapons, featuring both melee and ranged options.Prepare for battle using a wide array of tactical options: craft potions, set traps and baits, cast magic and sneak up on your foes. REALISTIC, VAST, CONSISTENT GAME WORLDDiscover a deep, rich game world where ominous events shape the lives of entire populations while bloodthirsty monsters rage about. Explore numerous, varied locations: from vibrant trading posts, to bustling mining towns, to mighty castles and fortresses; and discover the stories they have to tell and dark secrets they hide.CUTTING-EDGE TECHNOLOGYExperience a believable living and breathing world, featuring beautiful graphics and utilizing sophisticated in-game mechanics made possible thanks to CD PROJEKT RED in-house technology, REDengine. ABOUT THE WITCHER 2 ENHANCED EDITIONThe Enhanced Edition features lots of new and exciting content.Additional hours of gameplay: New adventures set in previously unseen locations, expanding the story and introducing new characters, mysteries and monsters.New game introduction and cinematics: All new animations and cutscenes, including a new pre-rendered cinematic intro directed by BAFTA Award winner and Academy Award nominee Tomasz Bagi\u0144ski.All DLCs and improvements introduced in the 2.0 version of the game, including:Arena Mode \u2014 an arcade mode that allows players to fight against endless waves of enemies and test their combat skills.A new, extensive tutorial system, gradually and smoothly immersing players in the game world and Geralt\u2019s adventures.Dark Mode \u2014 a difficulty level designed for hardcore players, with unique dark-themed items. At this difficulty level, even greater emphasis is placed on battle preparation, defensive maneuvers and opportunistic attacking.The Witcher 2 Enhanced Edition comes with these bonus items: Official soundtrack in MP3 formatA map of the game's worldA quest handbook for both novice and experienced role-playing fansGame manual\u201cReasons of State\u201d digital comic book.", + "short_description": "A time of untold chaos has come. Mighty forces clash behind the scenes in a struggle for power and influence. The Northern Kingdoms mobilize for war. But armies on the march are not enough to stop a bloody conspiracy...", + "genres": "RPG", + "recommendations": 70928, + "score": 7.363223551744939 + }, + { + "type": "game", + "name": "F.E.A.R. 3", + "detailed_description": "Alma is expecting and a new level of terror grows as you and your cannibal brother battle through a hellish nightmare. Fight together or die alone on a deadly mission to confront your twisted mother. Players can take on the role of Point Man, a genetically enhanced soldier with superhuman reflexes and the ability to manipulate time, or the undead spirit of his brother Paxton Fettel, a paranormal entity who possesses incredible psychic powers. Key Features Blood Runs Deep, F.E.A.R. Runs Deeper: F.E.A.R. 3 delivers all the hallmarks that define the F.E.A.R. brand: terrifying paranormal experience, frenetic combat and a dramatic storyline. . Never Face Fear Alone: F.E.A.R. 3 evolves the brand, introducing Divergent Co-op: deep, social gameplay that gives players distinctly different abilities that affect their own play as well as the experience of gamers they are playing with\u2026 or against. . Frenetic Combat: Active 360 degree cover, evolutionary slow-mo modes, scoring systems and best in class mech- combat aid players in facing an army of soldiers and paranormal enemies. . Experience the Almaverse: The game world is tainted by the Almaverse, the alternate dimension where Alma\u2019s psychic essence subsists. New sinister and fantastical enemy creatures birthed in Alma\u2019s warped mind spill into reality and intensify the panic. . Generative System: Proprietary technology creates random events to increase the feeling of isolation and unpredictability when playing alone or with a friend, and offers new experiences each time gamers play through. . Masters of Horror: Legendary film director John Carpenter and writer Steve Niles provide their expertise and guidance to take F.E.A.R. 3 \u2019s intensity to the next level. Niles co-wrote the twisted storyline that reveals the motivations and family dynamics of the main characters, and Carpenter helped craft the cinematics for maximum storytelling and fright factor. .", + "about_the_game": "Alma is expecting and a new level of terror grows as you and your cannibal brother battle through a hellish nightmare. Fight together or die alone on a deadly mission to confront your twisted mother. Players can take on the role of Point Man, a genetically enhanced soldier with superhuman reflexes and the ability to manipulate time, or the undead spirit of his brother Paxton Fettel, a paranormal entity who possesses incredible psychic powers.\t\t\t\t\t\tKey Features\t\t\t\t\t\tBlood Runs Deep, F.E.A.R. Runs Deeper: F.E.A.R. 3 delivers all the hallmarks that define the F.E.A.R. brand: terrifying paranormal experience, frenetic combat and a dramatic storyline.\t\t\t\t\t\tNever Face Fear Alone: F.E.A.R. 3 evolves the brand, introducing Divergent Co-op: deep, social gameplay that gives players distinctly different abilities that affect their own play as well as the experience of gamers they are playing with\u2026 or against. \t\t\t\t\t\tFrenetic Combat: Active 360 degree cover, evolutionary slow-mo modes, scoring systems and best in class mech- combat aid players in facing an army of soldiers and paranormal enemies.\t\t\t\t\t\tExperience the Almaverse: The game world is tainted by the Almaverse, the alternate dimension where Alma\u2019s psychic essence subsists. New sinister and fantastical enemy creatures birthed in Alma\u2019s warped mind spill into reality and intensify the panic. \t\t\t\t\t\tGenerative System: Proprietary technology creates random events to increase the feeling of isolation and unpredictability when playing alone or with a friend, and offers new experiences each time gamers play through.\t\t\t\t\t\tMasters of Horror: Legendary film director John Carpenter and writer Steve Niles provide their expertise and guidance to take F.E.A.R. 3 \u2019s intensity to the next level. Niles co-wrote the twisted storyline that reveals the motivations and family dynamics of the main characters, and Carpenter helped craft the cinematics for maximum storytelling and fright factor.", + "short_description": "F.E.A.R. 3 delivers all the hallmarks that define the F.E.A.R. brand: terrifying paranormal experience, frenetic combat and a dramatic storyline.", + "genres": "Action", + "recommendations": 5693, + "score": 5.700470525892839 + }, + { + "type": "game", + "name": "F.E.A.R.", + "detailed_description": "Be the hero in your own cinematic epic of action, tension and terror. A mysterious paramilitary force infiltrates a multi-billion dollar aerospace compound, taking hostages but issuing no demands. The government responds by sending in a Special Forces team only to have them obliterated. Live footage of the massacre shows an inexplicable wave of destruction tearing the soldiers apart. With no other recourse, the elite F.E.A.R. (First Encounter Assault Recon) team is assembled to deal with the extraordinary circumstances. They are given one simple mission: Evaluate the threat and eliminate the intruders at any cost. F.E.A.R. Extraction Point Extraction Point kicks off where the original game ended \u2013 with a bang. As the helicopter which the F.E.A.R. team is on attempts to leave the vicinity, it instead winds up crashing. The F.E.A.R. team is thus forced to seek out an alternate extraction point, all the way battling the now free Alma and her paranormal minions across a destroyed city. F.E.A.R. Perseus Mandate As the first F.E.A.R. team and Delta Force fight for control of the situation, a second F.E.A.R. team is sent in to shed some light on Armacham Technology Corporation's (ATC) dark past. As a member of a secondary F.E.A.R. team, you are brought in to discover more information regarding the secret project at the ATC facilities. The multiplayer component for this expansion is no longer available.", + "about_the_game": "Be the hero in your own cinematic epic of action, tension and terror. A mysterious paramilitary force infiltrates a multi-billion dollar aerospace compound, taking hostages but issuing no demands. The government responds by sending in a Special Forces team only to have them obliterated. Live footage of the massacre shows an inexplicable wave of destruction tearing the soldiers apart. With no other recourse, the elite F.E.A.R. (First Encounter Assault Recon) team is assembled to deal with the extraordinary circumstances. They are given one simple mission: Evaluate the threat and eliminate the intruders at any cost.\t\t\t\t\t\tF.E.A.R. Extraction Point Extraction Point kicks off where the original game ended \u2013 with a bang. As the helicopter which the F.E.A.R. team is on attempts to leave the vicinity, it instead winds up crashing. The F.E.A.R. team is thus forced to seek out an alternate extraction point, all the way battling the now free Alma and her paranormal minions across a destroyed city.\t\t\t\t\t\tF.E.A.R. Perseus Mandate As the first F.E.A.R. team and Delta Force fight for control of the situation, a second F.E.A.R. team is sent in to shed some light on Armacham Technology Corporation's (ATC) dark past. As a member of a secondary F.E.A.R. team, you are brought in to discover more information regarding the secret project at the ATC facilities. The multiplayer component for this expansion is no longer available.", + "short_description": "Experience the original F.E.A.R. along with F.E.A.R. Extraction Point and F.E.A.R. Perseus Mandate.", + "genres": "Action", + "recommendations": 9082, + "score": 6.008325243118744 + }, + { + "type": "game", + "name": "F.E.A.R.", + "detailed_description": "Be the hero in your own cinematic epic of action, tension and terror. A mysterious paramilitary force infiltrates a multi-billion dollar aerospace compound, taking hostages but issuing no demands. The government responds by sending in a Special Forces team only to have them obliterated. Live footage of the massacre shows an inexplicable wave of destruction tearing the soldiers apart. With no other recourse, the elite F.E.A.R. (First Encounter Assault Recon) team is assembled to deal with the extraordinary circumstances. They are given one simple mission: Evaluate the threat and eliminate the intruders at any cost. F.E.A.R. Extraction Point Extraction Point kicks off where the original game ended \u2013 with a bang. As the helicopter which the F.E.A.R. team is on attempts to leave the vicinity, it instead winds up crashing. The F.E.A.R. team is thus forced to seek out an alternate extraction point, all the way battling the now free Alma and her paranormal minions across a destroyed city. F.E.A.R. Perseus Mandate As the first F.E.A.R. team and Delta Force fight for control of the situation, a second F.E.A.R. team is sent in to shed some light on Armacham Technology Corporation's (ATC) dark past. As a member of a secondary F.E.A.R. team, you are brought in to discover more information regarding the secret project at the ATC facilities. The multiplayer component for this expansion is no longer available.", + "about_the_game": "Be the hero in your own cinematic epic of action, tension and terror. A mysterious paramilitary force infiltrates a multi-billion dollar aerospace compound, taking hostages but issuing no demands. The government responds by sending in a Special Forces team only to have them obliterated. Live footage of the massacre shows an inexplicable wave of destruction tearing the soldiers apart. With no other recourse, the elite F.E.A.R. (First Encounter Assault Recon) team is assembled to deal with the extraordinary circumstances. They are given one simple mission: Evaluate the threat and eliminate the intruders at any cost.\t\t\t\t\t\tF.E.A.R. Extraction Point Extraction Point kicks off where the original game ended \u2013 with a bang. As the helicopter which the F.E.A.R. team is on attempts to leave the vicinity, it instead winds up crashing. The F.E.A.R. team is thus forced to seek out an alternate extraction point, all the way battling the now free Alma and her paranormal minions across a destroyed city.\t\t\t\t\t\tF.E.A.R. Perseus Mandate As the first F.E.A.R. team and Delta Force fight for control of the situation, a second F.E.A.R. team is sent in to shed some light on Armacham Technology Corporation's (ATC) dark past. As a member of a secondary F.E.A.R. team, you are brought in to discover more information regarding the secret project at the ATC facilities. The multiplayer component for this expansion is no longer available.", + "short_description": "Experience the original F.E.A.R. along with F.E.A.R. Extraction Point and F.E.A.R. Perseus Mandate.", + "genres": "Action", + "recommendations": 9082, + "score": 6.008325243118744 + }, + { + "type": "game", + "name": "Resident Evil 5", + "detailed_description": "StoryThe Umbrella Corporation and its crop of lethal viruses have been destroyed and contained. But a new, more dangerous threat has emerged. Years after surviving the events in Raccoon City, Chris Redfield has been fighting the scourge of bio-organic weapons all over the world. Now a member of the Bioterrorism Security Assessment Alliance (BSAA), Chris is sent to Africa to investigate a biological agent that is transforming the populace into aggressive and disturbing creatures. Joined by another local BSAA agent, Sheva Alomar, the two must work together to solve the truth behind the disturbing turn of events.Content DescriptionThis game is a port of the Games for Windows - Live version that was released in 2009. If you buy the Untold Stories Bundle here on Steam, it will be the same as upgrading to Resident Evil 5 Gold Edition.NOTEDoes not support NVIDIA GeForce 3D Vision which came with the original Games for Windows - Live version. . If you have previously purchased the Games For Windows Live version of Resident Evil 5, you can redeem a free copy of the Steam version. Please check the below information for details. . Steamworks Migration FAQ. ", + "about_the_game": "StoryThe Umbrella Corporation and its crop of lethal viruses have been destroyed and contained. But a new, more dangerous threat has emerged. Years after surviving the events in Raccoon City, Chris Redfield has been fighting the scourge of bio-organic weapons all over the world. Now a member of the Bioterrorism Security Assessment Alliance (BSAA), Chris is sent to Africa to investigate a biological agent that is transforming the populace into aggressive and disturbing creatures. Joined by another local BSAA agent, Sheva Alomar, the two must work together to solve the truth behind the disturbing turn of events.Content DescriptionThis game is a port of the Games for Windows - Live version that was released in 2009. If you buy the Untold Stories Bundle here on Steam, it will be the same as upgrading to Resident Evil 5 Gold Edition.NOTEDoes not support NVIDIA GeForce 3D Vision which came with the original Games for Windows - Live version.If you have previously purchased the Games For Windows Live version of Resident Evil 5, you can redeem a free copy of the Steam version. Please check the below information for details.Steamworks Migration FAQ", + "short_description": "This game is a port of the Games for Windows - Live version that was released in 2009. If you buy the Untold Stories Bundle here on Steam, it will be the same as upgrading to Resident Evil 5 Gold Edition.", + "genres": "Action", + "recommendations": 26420, + "score": 6.712220844233446 + }, + { + "type": "game", + "name": "World of Goo", + "detailed_description": "World of Goo is a multiple award winning physics based puzzle / construction game made entirely by two guys. Drag and drop living, squirming, talking, globs of goo to build structures, bridges, cannonballs, zeppelins, and giant tongues. The millions of Goo Balls that live in the beautiful World of Goo are curious to explore - but they don't know that they are in a game, or that they are extremely delicious. Mysterious Levels - Each level is strange and dangerously beautiful, introducing new puzzles, areas, and the creatures that live in them. . World of Goo Balls - Along the way, undiscovered new species of Goo Ball, each with unique abilities, come together to ooze through reluctant tales of discovery, love, conspiracy, beauty, electric power, and the third dimension. . The Sign Painter - Someone is watching you. . World of Goo Corporation - Congratulations! World of Goo Corporation is the Global Leader in Goo and Goo Related Product, including World of Goo Corporation Trademark Brand Soft Drink Beverage and World of Goo Corporation Trademark Brand Facial Exfoliating Lotion. Succulent!. Massive Online Competition - Human players around the world compete in a living leaderboard to build the tallest towers of goo in World of Goo Corporation's mysterious sandbox. World of Goo Corporation is contractually obligated to state that everyone is a winner and is enthusiastic to celebrate everyone's tower building opportunities equally. . Congratulations, and good luck!.", + "about_the_game": "World of Goo is a multiple award winning physics based puzzle / construction game made entirely by two guys. Drag and drop living, squirming, talking, globs of goo to build structures, bridges, cannonballs, zeppelins, and giant tongues. The millions of Goo Balls that live in the beautiful World of Goo are curious to explore - but they don't know that they are in a game, or that they are extremely delicious.\t\t\t\t\tMysterious Levels - Each level is strange and dangerously beautiful, introducing new puzzles, areas, and the creatures that live in them.\t\t\t\t\tWorld of Goo Balls - Along the way, undiscovered new species of Goo Ball, each with unique abilities, come together to ooze through reluctant tales of discovery, love, conspiracy, beauty, electric power, and the third dimension.\t\t\t\t\tThe Sign Painter - Someone is watching you.\t\t\t\t\tWorld of Goo Corporation - Congratulations! World of Goo Corporation is the Global Leader in Goo and Goo Related Product, including World of Goo Corporation Trademark Brand Soft Drink Beverage and World of Goo Corporation Trademark Brand Facial Exfoliating Lotion. Succulent!\t\t\t\t\tMassive Online Competition - Human players around the world compete in a living leaderboard to build the tallest towers of goo in World of Goo Corporation's mysterious sandbox. World of Goo Corporation is contractually obligated to state that everyone is a winner and is enthusiastic to celebrate everyone's tower building opportunities equally. Congratulations, and good luck!", + "short_description": "World of Goo is a multiple award winning physics based puzzle / construction game made entirely by two guys.", + "genres": "Indie", + "recommendations": 3823, + "score": 5.438020621196936 + }, + { + "type": "game", + "name": "The Elder Scrolls III: Morrowind\u00ae Game of the Year Edition", + "detailed_description": "The Elder Scrolls III: Morrowind\u00ae Game of the Year Edition includes Morrowind plus all of the content from the Bloodmoon and Tribunal expansions. The original Mod Construction Set is not included in this package. An epic, open-ended single-player RPG, Morrowind allows you to create and play any kind of character imaginable. You can choose to follow the main storyline and find the source of the evil blight that plagues the land, or set off on your own to explore strange locations and develop your character based on their actions throughout the game. Featuring stunning 3D graphics, open-ended gameplay, and an incredible level of detail and interactivity, Morrowind offers a gameplay experience like no other. In Tribunal, you journey to the capital city of Morrowind, called Mournhold, to meet the other two god-kings of Morrowind, Almalexia and Sotha Sil. Your journey will lead you to the Clockwork City of Sotha Sil and massive, epic-sized dungeons, where strange and deadly creatures await you, including goblins, lich lords, and the mysterious Fabricants. Bloodmoon takes you to the frozen Island of Solstheim where you'll experience snow, blizzards, and new creatures, including frost trolls, ice minions, and wolves. just to name a few. You'll have a choice of stories to follow and have the opportunity to defend the colony, take control over how the colony is built up, and eliminate the werewolves. Or, you can decide to join the werewolves and become one of them, opening up a whole new style of gameplay. Key features: . Players can take their existing Morrowind characters and save games and continue their adventures in the Morrowind GotY edition. Adds up to 80 hours of new gameplay and quests for current Morrowind players . Explore the forests, caves, and snow-covered wastelands of the island of Solstheim . Delve into new, epic-sized dungeons and visit the Capital City of Mournhold and the Clockwork City of Sotha Sil . Fight new creatures including bears and wolves, lich lords and goblins, ice minions and spriggans . Direct the construction of a mining colony and face the threat of savage werewolves . Become a werewolf and indulge your thirst for the hunt . New armor and weapons including Nordic Mail and Ice blades .", + "about_the_game": "The Elder Scrolls III: Morrowind\u00ae Game of the Year Edition includes Morrowind plus all of the content from the Bloodmoon and Tribunal expansions. The original Mod Construction Set is not included in this package.\t\t\t\t\tAn epic, open-ended single-player RPG, Morrowind allows you to create and play any kind of character imaginable. You can choose to follow the main storyline and find the source of the evil blight that plagues the land, or set off on your own to explore strange locations and develop your character based on their actions throughout the game. Featuring stunning 3D graphics, open-ended gameplay, and an incredible level of detail and interactivity, Morrowind offers a gameplay experience like no other. \t\t\t\t\tIn Tribunal, you journey to the capital city of Morrowind, called Mournhold, to meet the other two god-kings of Morrowind, Almalexia and Sotha Sil. Your journey will lead you to the Clockwork City of Sotha Sil and massive, epic-sized dungeons, where strange and deadly creatures await you, including goblins, lich lords, and the mysterious Fabricants. \t\t\t\t\tBloodmoon takes you to the frozen Island of Solstheim where you'll experience snow, blizzards, and new creatures, including frost trolls, ice minions, and wolves... just to name a few. You'll have a choice of stories to follow and have the opportunity to defend the colony, take control over how the colony is built up, and eliminate the werewolves. Or, you can decide to join the werewolves and become one of them, opening up a whole new style of gameplay.\t\t\t\t\tKey features: \t\t\t\t\tPlayers can take their existing Morrowind characters and save games and continue their adventures in the Morrowind GotY edition\t\t\t\t\tAdds up to 80 hours of new gameplay and quests for current Morrowind players \t\t\t\t\tExplore the forests, caves, and snow-covered wastelands of the island of Solstheim \t\t\t\t\tDelve into new, epic-sized dungeons and visit the Capital City of Mournhold and the Clockwork City of Sotha Sil \t\t\t\t\tFight new creatures including bears and wolves, lich lords and goblins, ice minions and spriggans \t\t\t\t\tDirect the construction of a mining colony and face the threat of savage werewolves \t\t\t\t\tBecome a werewolf and indulge your thirst for the hunt \t\t\t\t\tNew armor and weapons including Nordic Mail and Ice blades", + "short_description": "The Elder Scrolls III: Morrowind\u00ae Game of the Year Edition includes Morrowind plus all of the content from the Bloodmoon and Tribunal expansions. The original Mod Construction Set is not included in this package. An epic, open-ended single-player RPG, Morrowind allows you to create and play any kind of character imaginable.", + "genres": "RPG", + "recommendations": 17336, + "score": 6.434476671809401 + }, + { + "type": "game", + "name": "The Elder Scrolls IV: Oblivion\u00ae Game of the Year Edition", + "detailed_description": "The Elder Scrolls IV: Oblivion\u00ae Game of the Year Edition presents one of the best RPGs of all time like never before. Step inside the most richly detailed and vibrant game-world ever created. With a powerful combination of freeform gameplay and unprecedented graphics, you can unravel the main quest at your own pace or explore the vast world and find your own challenges. Also included in the Game of the Year edition are Knights of the Nine and the Shivering Isles expansion, adding new and unique quests and content to the already massive world of Oblivion. See why critics called Oblivion the Best Game of 2006. Key features:. Live Another Life in Another World . Create and play any character you can imagine, from the noble warrior to the sinister assassin to the wizened sorcerer. . First Person Melee and Magic . An all-new combat and magic system brings first person role-playing to a new level of intensity where you feel every blow. . Radiant AI . This groundbreaking AI system gives Oblivion's characters full 24/7 schedules and the ability to make their own choices based on the world around them. Non-player characters eat, sleep, and complete goals all on their own. . New Lands to Explore . In the Shivering Isles expansion, see a world created in Sheogorath's own image, one divided between Mania and Dementia and unlike anything you've experienced in Oblivion. . Challenging new foes . Battle the denizens of Shivering Isles, a land filled with hideous insects, Flesh Atronachs, skeletal Shambles, amphibious Grummites, and many more. . Begin a New Faction . The Knights of the Nine have long been disbanded. Reclaim their former glory as you traverse the far reaches of Cyrodill across an epic quest line. .", + "about_the_game": "The Elder Scrolls IV: Oblivion\u00ae Game of the Year Edition presents one of the best RPGs of all time like never before. Step inside the most richly detailed and vibrant game-world ever created. With a powerful combination of freeform gameplay and unprecedented graphics, you can unravel the main quest at your own pace or explore the vast world and find your own challenges. \t\t\t\t\tAlso included in the Game of the Year edition are Knights of the Nine and the Shivering Isles expansion, adding new and unique quests and content to the already massive world of Oblivion. See why critics called Oblivion the Best Game of 2006.\t\t\t\t\tKey features:\t\t\t\t\tLive Another Life in Another World \t\t\t\t\tCreate and play any character you can imagine, from the noble warrior to the sinister assassin to the wizened sorcerer. \t\t\t\t\tFirst Person Melee and Magic \t\t\t\t\tAn all-new combat and magic system brings first person role-playing to a new level of intensity where you feel every blow. \t\t\t\t\tRadiant AI \t\t\t\t\tThis groundbreaking AI system gives Oblivion's characters full 24/7 schedules and the ability to make their own choices based on the world around them. Non-player characters eat, sleep, and complete goals all on their own. \t\t\t\t\tNew Lands to Explore \t\t\t\t\tIn the Shivering Isles expansion, see a world created in Sheogorath's own image, one divided between Mania and Dementia and unlike anything you've experienced in Oblivion. \t\t\t\t\tChallenging new foes \t\t\t\t\tBattle the denizens of Shivering Isles, a land filled with hideous insects, Flesh Atronachs, skeletal Shambles, amphibious Grummites, and many more. \t\t\t\t\tBegin a New Faction \t\t\t\t\tThe Knights of the Nine have long been disbanded. Reclaim their former glory as you traverse the far reaches of Cyrodill across an epic quest line.", + "short_description": "The Elder Scrolls IV: Oblivion\u00ae Game of the Year Edition presents one of the best RPGs of all time like never before. Step inside the most richly detailed and vibrant game-world ever created. With a powerful combination of freeform gameplay and unprecedented graphics, you can unravel the main quest at your own pace or explore the vast...", + "genres": "RPG", + "recommendations": 33358, + "score": 6.865932423567762 + }, + { + "type": "game", + "name": "BRINK", + "detailed_description": "Brink is an immersive first-person shooter that blends single-player, co-op, and multiplayer gameplay into one seamless experience, allowing you to develop your character whether playing alone, with your friends, or against others online. You decide the combat role you want to assume in the world of Brink as you fight to save yourself and mankind\u2019s last refuge. Brink offers a compelling mix of dynamic battlefields, extensive customization options, and an innovative control system that will keep you coming back for more. . Brink takes place on the Ark, a man-made floating city that is on the brink of all-out civil war. Originally built as an experimental, self-sufficient and 100% \u201cgreen\u201d habitat, the reported rapid rise of the Earth\u2019s oceans has forced the Ark to become home to not only the original founders and their descendants but also to thousands of refugees. With tensions between the two groups growing, Security and Resistance forces are locked in a heated battle for control of the Ark. Which side will you choose?. KEY FEATURES: Not Just Another Hero \u2013 Brink's advanced player customization offers a near-endless combination of looks for your character \u2013 allowing for the appearance of your character to be truly unique. As you progress through the game and acquire more experience, you\u2019ll have even more opportunities for customization. . Two Sides to Every Story \u2013 Choose to fight through the single player campaign as either a member of the Resistance or the Security and then take your same character online to play cooperatively or competitively against other players. . Blurring the Lines \u2013 Take your unique character online at any time you choose! Brink allows you to seamlessly move between your single player campaign, co-op with friends, and intense multiplayer action. Multiplayer takes the story online where you can play with up to seven other people (or AI characters) cooperatively as you take on the opposing faction or with up to 16 players competitively. . Play SMART \u2013 Brink uses the familiar shooter controls that you\u2019re used to, without frustrating, artificial constraints and adds a new feature: the SMART button. When you press the SMART button, the game dynamically evaluates where you\u2019re trying to get to, and makes it happen. Whether you\u2019re a seasoned FPS veteran or someone just getting started, you\u2019ll be able to make more intelligent decisions during the fast-paced action with SMART. . Context-Sensitive Goals and Rewards - Objectives, communications, missions, and inventory selection are all dynamically generated based on your role, your condition, your location, your squad-mates, and the overall status of the battle in all gameplay modes. You\u2019ll always know exactly where to go, what to do when you get there, and what your reward will be for success. .", + "about_the_game": "Brink is an immersive first-person shooter that blends single-player, co-op, and multiplayer gameplay into one seamless experience, allowing you to develop your character whether playing alone, with your friends, or against others online. You decide the combat role you want to assume in the world of Brink as you fight to save yourself and mankind\u2019s last refuge. Brink offers a compelling mix of dynamic battlefields, extensive customization options, and an innovative control system that will keep you coming back for more.\t\t\t\t\t\t\t\t\t\t\tBrink takes place on the Ark, a man-made floating city that is on the brink of all-out civil war. Originally built as an experimental, self-sufficient and 100% \u201cgreen\u201d habitat, the reported rapid rise of the Earth\u2019s oceans has forced the Ark to become home to not only the original founders and their descendants but also to thousands of refugees. With tensions between the two groups growing, Security and Resistance forces are locked in a heated battle for control of the Ark. Which side will you choose?\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\tKEY FEATURES:\t\t\t\t\t\t\t\t\t\t\tNot Just Another Hero \u2013 Brink's advanced player customization offers a near-endless combination of looks for your character \u2013 allowing for the appearance of your character to be truly unique. As you progress through the game and acquire more experience, you\u2019ll have even more opportunities for customization.\t\t\t\t\t\t\t\t\t\t\tTwo Sides to Every Story \u2013 Choose to fight through the single player campaign as either a member of the Resistance or the Security and then take your same character online to play cooperatively or competitively against other players.\t\t\t\t\t\t\t\t\t\t\tBlurring the Lines \u2013 Take your unique character online at any time you choose! Brink allows you to seamlessly move between your single player campaign, co-op with friends, and intense multiplayer action. Multiplayer takes the story online where you can play with up to seven other people (or AI characters) cooperatively as you take on the opposing faction or with up to 16 players competitively.\t\t\t\t\t\t\t\t\t\t\tPlay SMART \u2013 Brink uses the familiar shooter controls that you\u2019re used to, without frustrating, artificial constraints and adds a new feature: the SMART button. When you press the SMART button, the game dynamically evaluates where you\u2019re trying to get to, and makes it happen. Whether you\u2019re a seasoned FPS veteran or someone just getting started, you\u2019ll be able to make more intelligent decisions during the fast-paced action with SMART.\t\t\t\t\t\t\t\t\t\t\tContext-Sensitive Goals and Rewards - Objectives, communications, missions, and inventory selection are all dynamically generated based on your role, your condition, your location, your squad-mates, and the overall status of the battle in all gameplay modes. You\u2019ll always know exactly where to go, what to do when you get there, and what your reward will be for success.", + "short_description": "You decide the combat role you want to assume in the world of Brink as you fight to save yourself and mankind\u2019s last refuge!", + "genres": "Action", + "recommendations": 1915, + "score": 4.98245508372924 + }, + { + "type": "game", + "name": "Fallout 3: Game of the Year Edition", + "detailed_description": "Prepare for the Future\u2122. With Fallout 3: Game of the Year Edition, experience the most acclaimed game of 2008 like never before. Create a character of your choosing and descend into an awe-inspiring, post-apocalyptic world where every minute is a fight for survival. Fallout 3: Game of the Year Edition includes all five of the Fallout 3 Game Add-on Packs:. Operation: Anchorage - Enter a military simulation and fight in the liberation of Anchorage, Alaska from its Chinese Communist invaders. . The Pitt - Travel to the post-apocalyptic remains of Pittsburgh and become embroiled in a conflict between slaves and their Raider masters. . Broken Steel - Increase your level cap to 30, and finish the fight against the Enclave remnants alongside Liberty Prime. . Point Lookout - Embark on a mysterious and open-ended adventure in a huge, murky swampland along the coast of Maryland. . Mothership Zeta - Defy hostile alien abductors and fight your way off of the alien mothership, orbiting miles above the Capital Wasteland. . Key Features Limitless Freedom - Take in the sights and sounds of the vast Capital Wasteland! See the great monuments of the United States lying in post-apocalyptic ruin! You make the choices that define you and change the world. Just keep an eye on your Rad Meter!. Experience S.P.E.C.I.A.L. - Vault-Tec engineers bring you the latest in human ability simulation \u2014 the SPECIAL Character System! Utilizing new breakthroughs in points-based ability representation, SPECIAL affords unlimited customization of your character. Also included are dozens of unique skills and perks to choose from, each with a dazzling variety of effects!. Fantastic New Views - The wizards at Vault-Tec have done it again! No longer constrained to just one view, experience the world from 1st or 3rd person perspective. Customize your view with the touch of a button!. The Power of Choice - Feeling like a dastardly villain today, or a Good Samaritan? Pick a side or walk the line, as every situation can be dealt with in many different ways. Talk out your problems in a civilized fashion, or just flash your Plasma Rifle. . Blast 'Em Away With V.A.T.S. - Even the odds in combat with the Vault-Tec Assisted Targeting System for your Pip-Boy Model 3000! V.A.T.S. allows you to pause time in combat, target specific body parts on your target, queue up attacks, and let Vault-Tec take out your aggression for you. Rain death and destruction in an all-new cinematic presentation. . Mind-Blowing Artificial Intelligence - At Vault-Tec, we realize that the key to reviving civilization after a global nuclear war is people. Our best minds pooled their efforts to produce an advanced version of Radiant AI, America's First Choice in Human Interaction Simulation. Facial expressions, gestures, unique dialog, and lifelike behavior are brought together with stunning results by the latest in Vault-Tec technology. . Eye-Popping Prettiness* - Witness the harsh realities of nuclear fallout rendered like never before in modern super-deluxe HD graphics. From the barren Wasteland, to the danger-filled offices and metro tunnels of DC, to the hideous rotten flesh of a mutant's face. . *Protective Eyewear Encouraged.", + "about_the_game": "Prepare for the Future\u2122\t\t\t\t\tWith Fallout 3: Game of the Year Edition, experience the most acclaimed game of 2008 like never before. Create a character of your choosing and descend into an awe-inspiring, post-apocalyptic world where every minute is a fight for survival. Fallout 3: Game of the Year Edition includes all five of the Fallout 3 Game Add-on Packs:\t\t\t\t\tOperation: Anchorage - Enter a military simulation and fight in the liberation of Anchorage, Alaska from its Chinese Communist invaders.\t\t\t\t\tThe Pitt - Travel to the post-apocalyptic remains of Pittsburgh and become embroiled in a conflict between slaves and their Raider masters.\t\t\t\t\tBroken Steel - Increase your level cap to 30, and finish the fight against the Enclave remnants alongside Liberty Prime.\t\t\t\t\tPoint Lookout - Embark on a mysterious and open-ended adventure in a huge, murky swampland along the coast of Maryland.\t\t\t\t\tMothership Zeta - Defy hostile alien abductors and fight your way off of the alien mothership, orbiting miles above the Capital Wasteland.\t\t\t\t\tKey Features\t\t\t\t\tLimitless Freedom - Take in the sights and sounds of the vast Capital Wasteland! See the great monuments of the United States lying in post-apocalyptic ruin! You make the choices that define you and change the world. Just keep an eye on your Rad Meter!\t\t\t\t\tExperience S.P.E.C.I.A.L. - Vault-Tec engineers bring you the latest in human ability simulation \u2014 the SPECIAL Character System! Utilizing new breakthroughs in points-based ability representation, SPECIAL affords unlimited customization of your character. Also included are dozens of unique skills and perks to choose from, each with a dazzling variety of effects!\t\t\t\t\tFantastic New Views - The wizards at Vault-Tec have done it again! No longer constrained to just one view, experience the world from 1st or 3rd person perspective. Customize your view with the touch of a button!\t\t\t\t\tThe Power of Choice - Feeling like a dastardly villain today, or a Good Samaritan? Pick a side or walk the line, as every situation can be dealt with in many different ways. Talk out your problems in a civilized fashion, or just flash your Plasma Rifle.\t\t\t\t\tBlast 'Em Away With V.A.T.S. - Even the odds in combat with the Vault-Tec Assisted Targeting System for your Pip-Boy Model 3000! V.A.T.S. allows you to pause time in combat, target specific body parts on your target, queue up attacks, and let Vault-Tec take out your aggression for you. Rain death and destruction in an all-new cinematic presentation.\t\t\t\t\tMind-Blowing Artificial Intelligence - At Vault-Tec, we realize that the key to reviving civilization after a global nuclear war is people. Our best minds pooled their efforts to produce an advanced version of Radiant AI, America's First Choice in Human Interaction Simulation. Facial expressions, gestures, unique dialog, and lifelike behavior are brought together with stunning results by the latest in Vault-Tec technology.\t\t\t\t\tEye-Popping Prettiness* - Witness the harsh realities of nuclear fallout rendered like never before in modern super-deluxe HD graphics. From the barren Wasteland, to the danger-filled offices and metro tunnels of DC, to the hideous rotten flesh of a mutant's face. \t\t\t\t\t*Protective Eyewear Encouraged.", + "short_description": "Prepare for the Future\u2122 With Fallout 3: Game of the Year Edition, experience the most acclaimed game of 2008 like never before. Create a character of your choosing and descend into an awe-inspiring, post-apocalyptic world where every minute is a fight for survival.", + "genres": "RPG", + "recommendations": 32030, + "score": 6.83915225866333 + }, + { + "type": "game", + "name": "Fallout: New Vegas", + "detailed_description": "Welcome to Vegas. New Vegas. It\u2019s the kind of town where you dig your own grave prior to being shot in the head and left for dead\u2026and that\u2019s before things really get ugly. It\u2019s a town of dreamers and desperados being torn apart by warring factions vying for complete control of this desert oasis. It\u2019s a place where the right kind of person with the right kind of weaponry can really make a name for themselves, and make more than an enemy or two along the way. As you battle your way across the heat-blasted Mojave Wasteland, the colossal Hoover Dam, and the neon drenched Vegas Strip, you\u2019ll be introduced to a colorful cast of characters, power-hungry factions, special weapons, mutated creatures and much more. Choose sides in the upcoming war or declare \u201cwinner takes all\u201d and crown yourself the King of New Vegas in this follow-up to the 2008 videogame of the year, Fallout 3. Enjoy your stay.Key Features Feel the Heat in New Vegas! Not even nuclear fallout could slow the hustle of Sin City. Explore the vast expanses of the desert wastelands \u2013 from the small towns dotting the Mojave Wasteland to the bright lights of the New Vegas strip. See the Great Southwest as could only be imagined in Fallout. Feuding Factions, Colorful Characters and a Host of Hostiles! A war is brewing between rival factions with consequences that will change the lives of all the inhabitants of New Vegas. The choices you make will bring you into contact with countless characters, creatures, allies, and foes, and determine the final explosive outcome of this epic power struggle. New Systems! Enjoy new additions to Fallout: New Vegas such as a Companion Wheel that streamlines directing your companions, a Reputation System that tracks the consequences of your actions, and the aptly titled Hardcore Mode to separate the meek from the mighty. Special melee combat moves have been added to bring new meaning to the phrase \u201cup close and personal\u201d. Use V.A.T.S. to pause time in combat, target specific enemy body parts and queue up attacks, or get right to the action using the finely-tuned real-time combat mechanics. An Arsenal of Shiny New Guns! With double the amount of weapons found in Fallout 3, you\u2019ll have more than enough new and exciting ways to deal with the threats of the wasteland and the locals. In addition, Vault-Tec engineers have devised a new weapons configuration system that lets you tinker with your toys and see the modifications you make in real time. Let it Ride! In a huge, open world with unlimited options you can see the sights, choose sides, or go it alone. Peacemaker or Hard Case, House Rules, or the Wild Card - it\u2019s all in how you play the game.", + "about_the_game": "Welcome to Vegas. New Vegas.\t\t\t\t\tIt\u2019s the kind of town where you dig your own grave prior to being shot in the head and left for dead\u2026and that\u2019s before things really get ugly. It\u2019s a town of dreamers and desperados being torn apart by warring factions vying for complete control of this desert oasis. It\u2019s a place where the right kind of person with the right kind of weaponry can really make a name for themselves, and make more than an enemy or two along the way.\t\t\t\t\tAs you battle your way across the heat-blasted Mojave Wasteland, the colossal Hoover Dam, and the neon drenched Vegas Strip, you\u2019ll be introduced to a colorful cast of characters, power-hungry factions, special weapons, mutated creatures and much more. Choose sides in the upcoming war or declare \u201cwinner takes all\u201d and crown yourself the King of New Vegas in this follow-up to the 2008 videogame of the year, Fallout 3.\t\t\t\t\tEnjoy your stay.Key Features\t\t\t\t\tFeel the Heat in New Vegas! Not even nuclear fallout could slow the hustle of Sin City. Explore the vast expanses of the desert wastelands \u2013 from the small towns dotting the Mojave Wasteland to the bright lights of the New Vegas strip. See the Great Southwest as could only be imagined in Fallout.\t\t\t\t\tFeuding Factions, Colorful Characters and a Host of Hostiles! A war is brewing between rival factions with consequences that will change the lives of all the inhabitants of New Vegas. The choices you make will bring you into contact with countless characters, creatures, allies, and foes, and determine the final explosive outcome of this epic power struggle.\t\t\t\t\tNew Systems! Enjoy new additions to Fallout: New Vegas such as a Companion Wheel that streamlines directing your companions, a Reputation System that tracks the consequences of your actions, and the aptly titled Hardcore Mode to separate the meek from the mighty. Special melee combat moves have been added to bring new meaning to the phrase \u201cup close and personal\u201d. Use V.A.T.S. to pause time in combat, target specific enemy body parts and queue up attacks, or get right to the action using the finely-tuned real-time combat mechanics.\t\t\t\t\tAn Arsenal of Shiny New Guns! With double the amount of weapons found in Fallout 3, you\u2019ll have more than enough new and exciting ways to deal with the threats of the wasteland and the locals. In addition, Vault-Tec engineers have devised a new weapons configuration system that lets you tinker with your toys and see the modifications you make in real time.\t\t\t\t\tLet it Ride! In a huge, open world with unlimited options you can see the sights, choose sides, or go it alone. Peacemaker or Hard Case, House Rules, or the Wild Card - it\u2019s all in how you play the game.", + "short_description": "Welcome to Vegas. New Vegas. Enjoy your stay!", + "genres": "Action", + "recommendations": 145242, + "score": 7.835712511823391 + }, + { + "type": "game", + "name": "DC Universe\u2122 Online", + "detailed_description": "DC Universe Online is a Free-to-Play, massive multiplayer online action game set in the popular DC Universe. Become one of a new breed of Heroes or Villains and wield incredible powers as you go to war with legendary characters such as Batman, Superman, Lex Luthor and The Joker. All Episodes are now free for all players!. key FeaturesFast-paced action combat where you control every blow your character strikes. . Choose your side \u2013 Hero or Villain \u2013 and customize your character on its path to becoming a legend in the DC Universe. . Fight alongside and against your favorite DC characters including Batman, The Joker, Superman, Wonder Woman, Harley Quinn and many more. . Embark on story-driven adventures penned by famous DC Comics writers including Geoff Johns and Marv Wolfman. . Explore the DC Universe; walk the darkened streets of Gotham City, investigate the mysteries of the futuristic cityscape of Metropolis, and travel to legendary locations such as Arkham Asylum and the Watchtower.", + "about_the_game": "DC Universe Online is a Free-to-Play, massive multiplayer online action game set in the popular DC Universe. Become one of a new breed of Heroes or Villains and wield incredible powers as you go to war with legendary characters such as Batman, Superman, Lex Luthor and The Joker. All Episodes are now free for all players!key FeaturesFast-paced action combat where you control every blow your character strikes.Choose your side \u2013 Hero or Villain \u2013 and customize your character on its path to becoming a legend in the DC Universe. Fight alongside and against your favorite DC characters including Batman, The Joker, Superman, Wonder Woman, Harley Quinn and many more. Embark on story-driven adventures penned by famous DC Comics writers including Geoff Johns and Marv Wolfman.Explore the DC Universe; walk the darkened streets of Gotham City, investigate the mysteries of the futuristic cityscape of Metropolis, and travel to legendary locations such as Arkham Asylum and the Watchtower.", + "short_description": "DC Universe Online is a Free-to-Play, massive multiplayer online action game set in the popular DC Universe. Become one of a new breed of Heroes or Villains and wield incredible powers as you go to war with legendary characters such as Batman, Superman, Lex Luthor and The Joker.", + "genres": "Action", + "recommendations": 212, + "score": 3.5343232633737136 + }, + { + "type": "game", + "name": "PAYDAY\u2122 The Heist", + "detailed_description": "PAYDAY\u2122 The Heist is an action filled first person shooter that lets players take on the role of a hardened career criminal executing intense, dynamic heists in constant pursuit of the next \u201cbig score\u201d. Load out with an array of weaponry and equipment. Navigate six high-stake heists with three other live or A.I. Co-Op partners in crime. Time for a PAYDAY\u2122 - Cash in Before you Cash Out!. Key Features Six High-Intensity Heists. Interactive 4-Player Co-Op play. Endless Replayability. Massive Character Progression Tree. Build Your Skills to Fit Your Preferred Form of Violence. Hostage Trading. More DLC: Additional heists, weapons and equipment means PAYDAY\u2122\u2014a digitally distributed AAA quality title for less than half the price of a retail game\u2014is total OVERKILL.", + "about_the_game": "PAYDAY\u2122 The Heist is an action filled first person shooter that lets players take on the role of a hardened career criminal executing intense, dynamic heists in constant pursuit of the next \u201cbig score\u201d. Load out with an array of weaponry and equipment. Navigate six high-stake heists with three other live or A.I. Co-Op partners in crime.\t\t\t\t\tTime for a PAYDAY\u2122 - Cash in Before you Cash Out!\t\t\t\t\tKey Features\t\t\t\t\tSix High-Intensity Heists\t\t\t\t\tInteractive 4-Player Co-Op play\t\t\t\t\tEndless Replayability\t\t\t\t\tMassive Character Progression Tree\t\t\t\t\tBuild Your Skills to Fit Your Preferred Form of Violence\t\t\t\t\tHostage Trading\t\t\t\t\tMore DLC: Additional heists, weapons and equipment means PAYDAY\u2122\u2014a digitally distributed AAA quality title for less than half the price of a retail game\u2014is total OVERKILL", + "short_description": "Take on the role of a hardened career criminal executing intense, dynamic heists in constant pursuit of the next \u201cbig score\u201d", + "genres": "Action", + "recommendations": 20257, + "score": 6.53712324636306 + }, + { + "type": "game", + "name": "Burnout Paradise: The Ultimate Box", + "detailed_description": "Download Burnout\u2122 Paradise: The Ultimate Box today. Paradise City is the largest and most dangerous setting yet for the best-selling Burnout series. The massive setting gives players an open-ended world to explore, as they race their vehicles through hundreds of miles of roads and underground passages with more than 70 different cars. Speed through the streets from event to event, racking up points that are saved to your Paradise City driver\u2019s license. Earn the vaunted \u201cBurnout\u201d license by smashing through billboards, jumping ramps, and sustaining crashes with the improved damage system. . The Burnout\u2122 Paradise: Ultimate Box features all of the great gameplay and modes of the original game, as well as added enhancements especially for the PC. Now you can cruise the streets of Paradise City at night with the new Day/Night time cycles. There\u2019s nothing like racing at night. The Ultimate Box also includes motorcycles for an all-new thrill ride. Take on 70 new motorcycle-specific challenges. Two bikes are available at the start, including the FV1100 and Nakamura Firehawk V4, with additional rides that can be unlocked or downloaded. We\u2019ve also added dynamic weather that features a variety of new conditions. Even if you\u2019ve played Burnout\u2122 Paradise before, you\u2019ve never experienced a challenge like The Burnout\u2122 Paradise: The Ultimate Box. Download it today for the PC.", + "about_the_game": "Download Burnout\u2122 Paradise: The Ultimate Box today. Paradise City is the largest and most dangerous setting yet for the best-selling Burnout series. The massive setting gives players an open-ended world to explore, as they race their vehicles through hundreds of miles of roads and underground passages with more than 70 different cars. Speed through the streets from event to event, racking up points that are saved to your Paradise City driver\u2019s license. Earn the vaunted \u201cBurnout\u201d license by smashing through billboards, jumping ramps, and sustaining crashes with the improved damage system.The Burnout\u2122 Paradise: Ultimate Box features all of the great gameplay and modes of the original game, as well as added enhancements especially for the PC. Now you can cruise the streets of Paradise City at night with the new Day/Night time cycles. There\u2019s nothing like racing at night. The Ultimate Box also includes motorcycles for an all-new thrill ride. Take on 70 new motorcycle-specific challenges. Two bikes are available at the start, including the FV1100 and Nakamura Firehawk V4, with additional rides that can be unlocked or downloaded. We\u2019ve also added dynamic weather that features a variety of new conditions. Even if you\u2019ve played Burnout\u2122 Paradise before, you\u2019ve never experienced a challenge like The Burnout\u2122 Paradise: The Ultimate Box. Download it today for the PC.", + "short_description": "Download Burnout\u2122 Paradise: The Ultimate Box today. Paradise City is the largest and most dangerous setting yet for the best-selling Burnout series. The massive setting gives players an open-ended world to explore, as they race their vehicles through hundreds of miles of roads and underground passages with more than 70 different cars.", + "genres": "Racing", + "recommendations": 8723, + "score": 5.981740692100466 + }, + { + "type": "game", + "name": "Battlefield: Bad Company\u2122 2", + "detailed_description": "Battlefield: Bad Company 2\u2122 brings the award-winning Battlefield gameplay to the forefront of PC gaming with best-in-class vehicular combat and unexpected \"Battlefield moments.\" . New vehicles like the ATV and a transport helicopter allow for all-new multiplayer tactics on the Battlefield. With the Frostbite-enabled Destruction 2.0 system, you can take down entire buildings and create your own fire points by blasting holes through cover. You can also compete in four-player teams in two squad-only game modes, fighting together to unlock exclusive awards and achievements. . Battles are set across expansive maps, each with a different tactical focus. The game also sees the return of the B Company squad in a more mature single-player campaign.Features Squad Up: Compete as the lone wolf or together in 4-man squads with up to 32 players and multiple game modes including the all new Squad Rush!. Defining Online Warfare: Become the master of land, sea and air on vast battlefields designed for wide open warfare on Ranked Servers. . Intense Solo Campaign: Join Bad Company in a fight through deadly jungles, desert cities and vast arctic terrain on a mission to defuse WWIII. . Tactical Destruction: Create new firing points, chip away enemy cover, and bring down entire buildings full of enemy combatants. Online Disclaimer INTERNET CONNECTION, ONLINE AUTHENTICATION AND ACCEPTANCE OF END USER LICENSE AGREEMENT REQUIRED TO PLAY. ACCESS TO ONLINE FEATURES AND/OR SERVICES REQUIRES AN EA ONLINE ACCOUNT AND REGISTRATION WITH THE ENCLOSED SINGLE-USE SERIAL CODE. REGISTRATION FOR ONLINE FEATURES IS LIMITED TO ONE EA ACCOUNT PER SERIAL CODE AND IS NON-TRANSFERABLE ONCE USED. EA ONLINE TERMS & CONDITIONS AND FEATURE UPDATES CAN BE FOUND AT YOU MUST BE 13+ TO REGISTER FOR AN EA ACCOUNT. EA MAY PROVIDE CERTAIN INCREMENTAL CONTENT AND/OR UPDATES FOR NO ADDITIONALCHARGE, IF AND WHEN AVAILABLE. EA MAY RETIRE ONLINE FEATURES AFTER 30 DAYS NOTICE POSTED ON ", + "about_the_game": "Battlefield: Bad Company 2\u2122 brings the award-winning Battlefield gameplay to the forefront of PC gaming with best-in-class vehicular combat and unexpected \"Battlefield moments.\" New vehicles like the ATV and a transport helicopter allow for all-new multiplayer tactics on the Battlefield. With the Frostbite-enabled Destruction 2.0 system, you can take down entire buildings and create your own fire points by blasting holes through cover. You can also compete in four-player teams in two squad-only game modes, fighting together to unlock exclusive awards and achievements. Battles are set across expansive maps, each with a different tactical focus. The game also sees the return of the B Company squad in a more mature single-player campaign.Features\t\t\t\t\t\tSquad Up: Compete as the lone wolf or together in 4-man squads with up to 32 players and multiple game modes including the all new Squad Rush!\t\t\t\t\t\tDefining Online Warfare: Become the master of land, sea and air on vast battlefields designed for wide open warfare on Ranked Servers. \t\t\t\t\t\tIntense Solo Campaign: Join Bad Company in a fight through deadly jungles, desert cities and vast arctic terrain on a mission to defuse WWIII.\t\t\t\t\t\tTactical Destruction: Create new firing points, chip away enemy cover, and bring down entire buildings full of enemy combatants\t\t\t\t\t\tOnline Disclaimer\t\t\t\t\t\tINTERNET CONNECTION, ONLINE AUTHENTICATION AND ACCEPTANCE OF END USER LICENSE AGREEMENT REQUIRED TO PLAY. ACCESS TO ONLINE FEATURES AND/OR SERVICES REQUIRES AN EA ONLINE ACCOUNT AND REGISTRATION WITH THE ENCLOSED SINGLE-USE SERIAL CODE. REGISTRATION FOR ONLINE FEATURES IS LIMITED TO ONE EA ACCOUNT PER SERIAL CODE AND IS NON-TRANSFERABLE ONCE USED. EA ONLINE TERMS & CONDITIONS AND FEATURE UPDATES CAN BE FOUND AT YOU MUST BE 13+ TO REGISTER FOR AN EA ACCOUNT. EA MAY PROVIDE CERTAIN INCREMENTAL CONTENT AND/OR UPDATES FOR NO ADDITIONALCHARGE, IF AND WHEN AVAILABLE. EA MAY RETIRE ONLINE FEATURES AFTER 30 DAYS NOTICE POSTED ON ", + "short_description": "Battlefield: Bad Company 2\u2122 brings the award-winning Battlefield gameplay to the forefront of PC gaming with best-in-class vehicular combat and unexpected "Battlefield moments." New vehicles like the ATV and a transport helicopter allow for all-new multiplayer tactics on the Battlefield. With the Frostbite-enabled Destruction 2.", + "genres": "Action", + "recommendations": 31340, + "score": 6.824796186587675 + }, + { + "type": "game", + "name": "Mass Effect 2 (2010 Edition)", + "detailed_description": "Special Edition About the GameAre you prepared to lose everything to save the galaxy? You'll need to be, Commander Shepard. It's time to bring together your greatest allies and recruit the galaxy's fighting elite to continue the resistance against the invading Reapers. So steel yourself, because this is an astronomical mission where sacrifices must be made. You'll face tougher choices and new, deadlier enemies. Arm yourself and prepare for an unforgettable intergalactic adventure. . Game features:. Shift the fight in your favor. Equip yourself with powerful, new weapons almost instantly thanks to a new inventory system. Plus, an improved health regeneration system means you\u2019ll spend less time hunting for restorative items. . Make every decision matter. Divisive crew members are just the tip of the iceberg, Commander, because you\u2019ll also be tasked with issues of intergalactic diplomacy. And time\u2019s a wastin\u2019, so don\u2019t be afraid to use new prompt-based actions that let you interrupt conversations, even if they could alter the fate of your crew. and the galaxy. . Forge new alliances, carefully. You\u2019ll fight alongside some of your most trustworthy crew members, but you\u2019ll also get the opportunity to recruit new talent. Just choose your new partners with care because the fate of the galaxy rests on your shoulders, Commander. . Mass Effect 2 (2010 Edition) includes all previously released DLC:. Expansions. Kasumi \u2014 Stolen Memory. Overlord. Lair of the Shadow Broker. Arrival. Cerberus Network content. Normandy Crash Site expansion. Zaeed \u2014 The Price of Revenge expansion. Firewalker Pack. Cerberus Weapon and Armor pack: Contains Cerberus Assault Armor and M-22 Eviscerator shotgun. . Arc Projector heavy weapon. Packs and Bundles. Aegis Pack: Contains the M-29 Incisor sniper rifle and the Kestrel armor. . Equalizer Pack: Contains the Capacitor Helmet, Archon Visor and Inferno Armor. . Firepower Pack: Contains the M-5 Phalanx heavy pistol, M-96 Mattock heavy rifle and Geth Plasma Shotgun. . Alternate Appearance Pack 1: Contains new outfits for Garrus, Thane and Jack. . Alternate Appearance Pack 2: Contains new outfits for Tali, Grunt and Miranda. . Collectors\u2019 Weapon and Armor pack: Contains Collector Armor and the Collector Assault Rifle. . Terminus Weapon and Armor pack: Contains Terminus Assault Armor and the M-490 Blackstorm heavy weapon. . Mass Effect 2 promo bundle: Contains Umbra Visor, Sentry Interface and Recon Hood. . Blood Dragon Armor.", + "about_the_game": "Are you prepared to lose everything to save the galaxy? You'll need to be, Commander Shepard. It's time to bring together your greatest allies and recruit the galaxy's fighting elite to continue the resistance against the invading Reapers. So steel yourself, because this is an astronomical mission where sacrifices must be made. You'll face tougher choices and new, deadlier enemies. Arm yourself and prepare for an unforgettable intergalactic adventure.Game features:Shift the fight in your favor. Equip yourself with powerful, new weapons almost instantly thanks to a new inventory system. Plus, an improved health regeneration system means you\u2019ll spend less time hunting for restorative items.Make every decision matter. Divisive crew members are just the tip of the iceberg, Commander, because you\u2019ll also be tasked with issues of intergalactic diplomacy. And time\u2019s a wastin\u2019, so don\u2019t be afraid to use new prompt-based actions that let you interrupt conversations, even if they could alter the fate of your crew...and the galaxy.Forge new alliances, carefully. You\u2019ll fight alongside some of your most trustworthy crew members, but you\u2019ll also get the opportunity to recruit new talent. Just choose your new partners with care because the fate of the galaxy rests on your shoulders, Commander.Mass Effect 2 (2010 Edition) includes all previously released DLC:ExpansionsKasumi \u2014 Stolen MemoryOverlordLair of the Shadow BrokerArrivalCerberus Network contentNormandy Crash Site expansionZaeed \u2014 The Price of Revenge expansionFirewalker PackCerberus Weapon and Armor pack: Contains Cerberus Assault Armor and M-22 Eviscerator shotgun.Arc Projector heavy weaponPacks and BundlesAegis Pack: Contains the M-29 Incisor sniper rifle and the Kestrel armor.Equalizer Pack: Contains the Capacitor Helmet, Archon Visor and Inferno Armor.Firepower Pack: Contains the M-5 Phalanx heavy pistol, M-96 Mattock heavy rifle and Geth Plasma Shotgun.Alternate Appearance Pack 1: Contains new outfits for Garrus, Thane and Jack.Alternate Appearance Pack 2: Contains new outfits for Tali, Grunt and Miranda.Collectors\u2019 Weapon and Armor pack: Contains Collector Armor and the Collector Assault Rifle.Terminus Weapon and Armor pack: Contains Terminus Assault Armor and the M-490 Blackstorm heavy weapon.Mass Effect 2 promo bundle: Contains Umbra Visor, Sentry Interface and Recon Hood.Blood Dragon Armor", + "short_description": "Are you prepared to lose everything to save the galaxy? You'll need to be, Commander Shepard. It's time to bring together your greatest allies and recruit the galaxy's fighting elite to continue the resistance against the invading Reapers.", + "genres": "RPG", + "recommendations": 13267, + "score": 6.258140741391932 + }, + { + "type": "game", + "name": "Braid", + "detailed_description": "Braid is a puzzle-platformer, drawn in a painterly style, where you can manipulate the flow of time in strange and unusual ways. From a house in the city, journey to a series of worlds and solve puzzles to rescue an abducted princess. In each world, you have a different power to affect the way time behaves, and it is time's strangeness that creates the puzzles. The time behaviors include: the ability to rewind, objects that are immune to being rewound, time that is tied to space, parallel realities, time dilation, and perhaps more. Braid treats your time and attention as precious; there is no filler in this game. Every puzzle shows you something new and interesting about the game world. Key features: . Newly added Steam Cloud support\t. Save your in-progress game to the cloud, then play where you left off from on any Steam connected computer. . Forgiving yet challenging gameplay: . Braid is a 2-D platform game where you can never die and never lose. Despite this, Braid is challenging \u2014 but the challenge is about solving puzzles, rather than forcing you to replay tricky jumps. . Rich puzzle environment: . Travel through a series of worlds searching for puzzle pieces, then solving puzzles by manipulating time: rewinding, creating parallel universes, setting up pockets of dilated time. The gameplay feels fresh and new; the puzzles are meant to inspire new ways of thinking. . Aesthetic design: . A painterly art style and lush, organic soundtrack complement the unique gameplay. . Nonlinear story: . A nonlinear fiction links the various worlds and provides real-world metaphors for your time manipulations; in turn, your time manipulations are projections of the real-world themes into playful \"what-if\" universes where consequences can be explored. . Nonlinear gameplay: . The game doesn't force you to solve puzzles in order to proceed. If you can't figure something out, just play onward and return to that puzzle later.", + "about_the_game": "Braid is a puzzle-platformer, drawn in a painterly style, where you can manipulate the flow of time in strange and unusual ways. From a house in the city, journey to a series of worlds and solve puzzles to rescue an abducted princess. In each world, you have a different power to affect the way time behaves, and it is time's strangeness that creates the puzzles. The time behaviors include: the ability to rewind, objects that are immune to being rewound, time that is tied to space, parallel realities, time dilation, and perhaps more. \t\t\t\t\tBraid treats your time and attention as precious; there is no filler in this game. Every puzzle shows you something new and interesting about the game world. \t\t\t\t\tKey features: \t\t\t\t\tNewly added Steam Cloud support\tSave your in-progress game to the cloud, then play where you left off from on any Steam connected computer.\t\t\t\t\tForgiving yet challenging gameplay: Braid is a 2-D platform game where you can never die and never lose. Despite this, Braid is challenging \u2014 but the challenge is about solving puzzles, rather than forcing you to replay tricky jumps. \t\t\t\t\tRich puzzle environment: Travel through a series of worlds searching for puzzle pieces, then solving puzzles by manipulating time: rewinding, creating parallel universes, setting up pockets of dilated time. The gameplay feels fresh and new; the puzzles are meant to inspire new ways of thinking. \t\t\t\t\tAesthetic design: A painterly art style and lush, organic soundtrack complement the unique gameplay. \t\t\t\t\tNonlinear story: A nonlinear fiction links the various worlds and provides real-world metaphors for your time manipulations; in turn, your time manipulations are projections of the real-world themes into playful \"what-if\" universes where consequences can be explored. \t\t\t\t\tNonlinear gameplay: The game doesn't force you to solve puzzles in order to proceed. If you can't figure something out, just play onward and return to that puzzle later.", + "short_description": "Braid is a puzzle-platformer, drawn in a painterly style, where you can manipulate the flow of time in strange and unusual ways. From a house in the city, journey to a series of worlds and solve puzzles to rescue an abducted princess.", + "genres": "Casual", + "recommendations": 6193, + "score": 5.755956636116223 + }, + { + "type": "game", + "name": "STAR WARS\u2122 Knights of the Old Republic\u2122", + "detailed_description": "Note: Mac version only supports English language. Choose Your Path. It is four thousand years before the Galactic Empire and hundreds of Jedi Knights have fallen in battle against the ruthless Sith. You are the last hope of the Jedi Order. Can you master the awesome power of the Force on your quest to save the Republic? Or will you fall to the lure of the dark side? Hero or villain, saviour or conqueror. you alone will determine the destiny of the entire galaxy!. A brand new Star Wars role-playing experience with unique characters, creatures, vehicles and planets. . Learn to use the Force with over 40 different powers and build your own lightsaber. . Adventure through some of the most popular Star Wars locations, including Tatooine and the Wookiee homeworld Kashyyyk. . Choose your party from nine customisable characters, including Twi'leks, droids and Wookiees. . Travel to eight enormous worlds in your own starship, the Ebon Hawk. .", + "about_the_game": "Note: Mac version only supports English languageChoose Your Path.It is four thousand years before the Galactic Empire and hundreds of Jedi Knights have fallen in battle against the ruthless Sith. You are the last hope of the Jedi Order. Can you master the awesome power of the Force on your quest to save the Republic? Or will you fall to the lure of the dark side? Hero or villain, saviour or conqueror... you alone will determine the destiny of the entire galaxy!\t\t\tA brand new Star Wars role-playing experience with unique characters, creatures, vehicles and planets.\t\t\tLearn to use the Force with over 40 different powers and build your own lightsaber.\t\t\tAdventure through some of the most popular Star Wars locations, including Tatooine and the Wookiee homeworld Kashyyyk.\t\t\tChoose your party from nine customisable characters, including Twi'leks, droids and Wookiees.\t\t\tTravel to eight enormous worlds in your own starship, the Ebon Hawk.", + "short_description": "It is four thousand years before the Galactic Empire and hundreds of Jedi Knights have fallen in battle against the ruthless Sith. You are the last hope of the Jedi Order. Can you master the awesome power of the Force on your quest to save the Republic? Or will you fall to the lure of the dark side?", + "genres": "Adventure", + "recommendations": 24137, + "score": 6.652645074664218 + }, + { + "type": "game", + "name": "STAR WARS\u2122 - The Force Unleashed\u2122 Ultimate Sith Edition", + "detailed_description": "The story and action of Star Wars\u00ae: The Force Unleashed\u2122 expands with the release of Star Wars The Force Unleashed: Ultimate Sith Edition, a special new version of the game that will show gamers the deepest, darkest side of the Force in a story that puts them on a collision course with Luke Skywalker himself. The Ultimate Sith Edition includes all of the original missions found in Star Wars: The Force Unleashed as well as content previously only available via download and an all-new exclusive bonus level. Star Wars: The Force Unleashed completely re-imagines the scope and scale of the Force and casts players as Darth Vader\u2019s \"Secret Apprentice,\" unveiling new revelations about the Star Wars galaxy seen through the eyes of a mysterious new character armed with unprecedented powers. Includes the original Star Wars The Force Unleashed game plus 3 re-imagined Classic Trilogy levels: Tatooine, Jedi Temple and ALL-NEW-Hoth level. UNLEASH EPIC FORCE POWERS and devastating combos. DISCOVER THE UNTOLD STORY of Darth Vader's secret apprentice set between Episodes III and IV. LIFE-LIKE REACTIONS from characters and environments that are different every time you play.", + "about_the_game": "The story and action of Star Wars\u00ae: The Force Unleashed\u2122 expands with the release of Star Wars The Force Unleashed: Ultimate Sith Edition, a special new version of the game that will show gamers the deepest, darkest side of the Force in a story that puts them on a collision course with Luke Skywalker himself. The Ultimate Sith Edition includes all of the original missions found in Star Wars: The Force Unleashed as well as content previously only available via download and an all-new exclusive bonus level.\t\t\t\t\t\tStar Wars: The Force Unleashed completely re-imagines the scope and scale of the Force and casts players as Darth Vader\u2019s \"Secret Apprentice,\" unveiling new revelations about the Star Wars galaxy seen through the eyes of a mysterious new character armed with unprecedented powers. \t\t\t\t\t\tIncludes the original Star Wars The Force Unleashed game plus 3 re-imagined Classic Trilogy levels: Tatooine, Jedi Temple and ALL-NEW-Hoth level\t\t\t\t\t\tUNLEASH EPIC FORCE POWERS and devastating combos\t\t\t\t\t\tDISCOVER THE UNTOLD STORY of Darth Vader's secret apprentice set between Episodes III and IV\t\t\t\t\t\tLIFE-LIKE REACTIONS from characters and environments that are different every time you play", + "short_description": "A game that will show gamers the deepest, darkest side of the Force in a story that puts them on a collision course with Luke Skywalker himself.", + "genres": "Action", + "recommendations": 6648, + "score": 5.802686390915542 + }, + { + "type": "game", + "name": "STAR WARS\u2122 Empire at War - Gold Pack", + "detailed_description": "Command or corrupt an entire galaxy in the definitive Star Wars strategy collection. It is a time of galactic civil war. Will you take up the reins of the Rebellion, assume control of the Empire, or rule the Star Wars Underworld?. Star Wars Empire at War:. From the lives of soldiers to the deaths of planets, you are the supreme galactic commander. It is a time of galactic civil war. Take up the reins of the Rebellion or assume control for the Empire. Whichever you choose, it will be up to YOU to steer your side to ultimate victory. Command everything from individual troops to starships and even the mighty Death Star as you execute campaigns on the ground, in space and across the galaxy. Forget tedious resource gathering \u2013 just jump straight into the heart of the action. You can even change Star Wars history! Every decision affects your next battle and every battle helps shape the fate of the galaxy. . Conquer or liberate over 80 ground and space locations including Kashyyyk, Tatooine and Dagobah \u2013 each with its own strategic advantage. . Command iconic Star Wars characters such as Obi-Wan Kenobi, Luke Skywalker, Darth Vader and Boba Fett. . Pit X-wings against TIE fighters or command an entire fleet of Star Destroyers in space. Then send down land forces to secure the planet below. . Star Wars\u00ae Empire at War\u2122: Forces of Corruption\u2122:. You\u2019ve played the light side. You\u2019ve played the dark side. Now play the corrupt side! As Tyber Zann you\u2019ll stop at nothing to become the most notorious criminal leader since Jabba the Hutt. With all new tactics like piracy, kidnapping, racketeering and bribery, you can control the shadowy forces of corruption in your attempt to rule the Star Wars underworld. Don\u2019t just control the galaxy\u2026corrupt it!. All new units and planets: Command over 28 new underworld units as well as new Rebel and Imperial forces and heroes on 13 new planets. . Expanded Multiplayer: Experience all out, three-faction battles and now play the same side against itself with mirror play. .", + "about_the_game": "Command or corrupt an entire galaxy in the definitive Star Wars strategy collection. It is a time of galactic civil war. Will you take up the reins of the Rebellion, assume control of the Empire, or rule the Star Wars Underworld?\t\t\t\t\tStar Wars Empire at War:\t\t\t\t\tFrom the lives of soldiers to the deaths of planets, you are the supreme galactic commander. It is a time of galactic civil war. Take up the reins of the Rebellion or assume control for the Empire. Whichever you choose, it will be up to YOU to steer your side to ultimate victory. Command everything from individual troops to starships and even the mighty Death Star as you execute campaigns on the ground, in space and across the galaxy. Forget tedious resource gathering \u2013 just jump straight into the heart of the action. You can even change Star Wars history! Every decision affects your next battle and every battle helps shape the fate of the galaxy.\t\t\t\t\tConquer or liberate over 80 ground and space locations including Kashyyyk, Tatooine and Dagobah \u2013 each with its own strategic advantage. \t\t\t\t\t\tCommand iconic Star Wars characters such as Obi-Wan Kenobi, Luke Skywalker, Darth Vader and Boba Fett. \t\t\t\t\t\tPit X-wings against TIE fighters or command an entire fleet of Star Destroyers in space. Then send down land forces to secure the planet below. \t\t\t\t\tStar Wars\u00ae Empire at War\u2122: Forces of Corruption\u2122:\t\t\t\t\tYou\u2019ve played the light side. You\u2019ve played the dark side. Now play the corrupt side! As Tyber Zann you\u2019ll stop at nothing to become the most notorious criminal leader since Jabba the Hutt. With all new tactics like piracy, kidnapping, racketeering and bribery, you can control the shadowy forces of corruption in your attempt to rule the Star Wars underworld. Don\u2019t just control the galaxy\u2026corrupt it!\t\t\t\t\tAll new units and planets: Command over 28 new underworld units as well as new Rebel and Imperial forces and heroes on 13 new planets.\t\t\t\t\t\tExpanded Multiplayer: Experience all out, three-faction battles and now play the same side against itself with mirror play.", + "short_description": "Command or corrupt an entire galaxy in the definitive Star Wars strategy collection. It is a time of galactic civil war. Will you take up the reins of the Rebellion, assume control of the Empire, or rule the Star Wars Underworld?", + "genres": "Strategy", + "recommendations": 27428, + "score": 6.736903526127007 + }, + { + "type": "game", + "name": "Lord of the Rings: War in the North", + "detailed_description": "The Lord of the Rings: War in the North is a co-op Action RPG that immerses you and your friends in a brutal new chapter in the War of the Ring. Snowblind Studios is in the unique position of drawing inspiration from both the literary and film rights to world of Middle-earth, allowing players to bloody their axes on a wide range of deadly enemies and traverse both established and never-before-seen locations. The result is a journey that is both epic and intimate, familiar yet unexpected. . Key Features: Action Meets RPG - Intense, visceral, and satisfying combat. Rich, layered, and impactful character progression. In War in the North, you get both. Find and equip the best loot, upgrade your hero using a wide range of skills and items, and feel the intense satisfaction of rushing into real-time battles with friends by your side. Fight through the brutal realities of the war on all fronts that were brought to life in the lore. Immerse yourself and make your own mark on Middle-earth. . Co-op at its Core - Build your own fellowship of three heroes to confront the growing army in the North. The survival of your group and all of Middle-earth depends upon your uniquely skilled heroes working together. You must fight together or you will die alone, and these high stakes make the experience of playing together both socially engaging and incredibly satisfying. The first time you rescue a friend who has been grabbed by a troll and is desperately yelling for help, you will understand what we mean. . An Untold Story - While much attention and focus has been placed on the journey of the One Ring, the assault on Middle-earth hits all corners of the map. War in the North turns our attention towards an integral part of the storyline that is grounded in details within the books and various appendices. This is not someone else\u2019s fight. This is your own effort to forage a way through the dark, dangerous, and unknown landscape, defending all that is yours. This is your war. .", + "about_the_game": "The Lord of the Rings: War in the North is a co-op Action RPG that immerses you and your friends in a brutal new chapter in the War of the Ring. Snowblind Studios is in the unique position of drawing inspiration from both the literary and film rights to world of Middle-earth, allowing players to bloody their axes on a wide range of deadly enemies and traverse both established and never-before-seen locations. The result is a journey that is both epic and intimate, familiar yet unexpected.\t\t\t\t\t\tKey Features:\t\t\t\t\t\tAction Meets RPG - Intense, visceral, and satisfying combat. Rich, layered, and impactful character progression. In War in the North, you get both. Find and equip the best loot, upgrade your hero using a wide range of skills and items, and feel the intense satisfaction of rushing into real-time battles with friends by your side. Fight through the brutal realities of the war on all fronts that were brought to life in the lore. Immerse yourself and make your own mark on Middle-earth.\t\t\t\t\t\tCo-op at its Core - Build your own fellowship of three heroes to confront the growing army in the North. The survival of your group and all of Middle-earth depends upon your uniquely skilled heroes working together. You must fight together or you will die alone, and these high stakes make the experience of playing together both socially engaging and incredibly satisfying. The first time you rescue a friend who has been grabbed by a troll and is desperately yelling for help, you will understand what we mean.\t\t\t\t\t\tAn Untold Story - While much attention and focus has been placed on the journey of the One Ring, the assault on Middle-earth hits all corners of the map. War in the North turns our attention towards an integral part of the storyline that is grounded in details within the books and various appendices. This is not someone else\u2019s fight. This is your own effort to forage a way through the dark, dangerous, and unknown landscape, defending all that is yours. This is your war.", + "short_description": "Work together or die alone in this epic quest to turn the tides in the War of the Ring.", + "genres": "Action", + "recommendations": 3379, + "score": 5.35665763859088 + }, + { + "type": "game", + "name": "Assassin's Creed 2", + "detailed_description": "Assassin\u2019s Creed\u00ae 2 is the follow-up to the title that became the fastest-selling new IP in video game history. The highly anticipated title features a new hero, Ezio Auditore da Firenze, a young Italian noble, and a new era, the Renaissance. Assassin\u2019s Creed 2 retains the core gameplay experience that made the first opus a resounding success and features new experiences that will surprise and challenge players. Assassin\u2019s Creed 2 is an epic story of family, vengeance and conspiracy set in the pristine, yet brutal, backdrop of a Renaissance Italy. Ezio befriends Leonardo da Vinci, takes on Florence\u2019s most powerful families and ventures throughout the canals of Venice where he learns to become a master assassin. EZIO, A NEW ASSASSIN FOR A NEW ERA Ezio Auditore da Firenze is a young Italian noble who will learn the ways of the assassins after his family was betrayed and he looks to seek vengeance. He is a lady\u2019s man, a free soul with panache yet has a very human side to his personality. Through him, you become a master assassin. . RENAISSANCE ITALY Italy in the 15th century was less a country and more a collection of city-states where families with political and economic strength began to take leadership roles in cities like Florence and Venice. This journey through some of the most beautiful cities in the world takes place in a time in history where culture and art were born alongside some of the most chilling stories of corruption, greed and murder. . A NEW-FOUND FREEDOM You will be able to perform missions when you want and how you want in this open-ended world that brings back free-running and adds elements such as swimming and even flying to the adventure. The variety in gameplay adds another layer for you to truly play through the game any way you choose. . DYNAMIC CROWD Discover a living, breathing world where every character is an opportunity for the player. Blending in with the crowd is easier, working with in-game characters provide ample rewards but can also lead to surprising consequences. . BECOME A MASTER ASSASSIN Perfect your skills to become a master assassin where you brandish new weapons, learn to disarm enemies then use their weapons against them, and assassinate enemies using both hidden blades. . Please note that as of November 19th, 2018, the online features for this game are no longer supported. The Multiplayer mode / Co-op mode will no longer be accessible.", + "about_the_game": "Assassin\u2019s Creed\u00ae 2 is the follow-up to the title that became the fastest-selling new IP in video game history. The highly anticipated title features a new hero, Ezio Auditore da Firenze, a young Italian noble, and a new era, the Renaissance.\t\t\t\t\t\tAssassin\u2019s Creed 2 retains the core gameplay experience that made the first opus a resounding success and features new experiences that will surprise and challenge players.\t\t\t\t\t\tAssassin\u2019s Creed 2 is an epic story of family, vengeance and conspiracy set in the pristine, yet brutal, backdrop of a Renaissance Italy. Ezio befriends Leonardo da Vinci, takes on Florence\u2019s most powerful families and ventures throughout the canals of Venice where he learns to become a master assassin.\t\t\t\t\t\tEZIO, A NEW ASSASSIN FOR A NEW ERA Ezio Auditore da Firenze is a young Italian noble who will learn the ways of the assassins after his family was betrayed and he looks to seek vengeance. He is a lady\u2019s man, a free soul with panache yet has a very human side to his personality. Through him, you become a master assassin.\t\t\t\t\t\tRENAISSANCE ITALY Italy in the 15th century was less a country and more a collection of city-states where families with political and economic strength began to take leadership roles in cities like Florence and Venice. This journey through some of the most beautiful cities in the world takes place in a time in history where culture and art were born alongside some of the most chilling stories of corruption, greed and murder. \t\t\t\t\t\tA NEW-FOUND FREEDOM You will be able to perform missions when you want and how you want in this open-ended world that brings back free-running and adds elements such as swimming and even flying to the adventure. The variety in gameplay adds another layer for you to truly play through the game any way you choose.\t\t\t\t\t\tDYNAMIC CROWD Discover a living, breathing world where every character is an opportunity for the player. Blending in with the crowd is easier, working with in-game characters provide ample rewards but can also lead to surprising consequences.\t\t\t\t\t\tBECOME A MASTER ASSASSIN Perfect your skills to become a master assassin where you brandish new weapons, learn to disarm enemies then use their weapons against them, and assassinate enemies using both hidden blades.Please note that as of November 19th, 2018, the online features for this game are no longer supported. The Multiplayer mode / Co-op mode will no longer be accessible.", + "short_description": "An epic story of family, vengeance and conspiracy set in the pristine, yet brutal, backdrop of a Renaissance Italy. New low price!", + "genres": "Action", + "recommendations": 40733, + "score": 6.997604021663716 + }, + { + "type": "game", + "name": "Arma 2", + "detailed_description": "Building on 10 years of constant engine development, ARMA II boasts the most realistic combat environment in the world. It models real world ballistics & round deflection, materials penetration, features a realtime day/night cycle and dynamic wind, weather and environmental effects. The simulation of a combat environment is so effective, the engine forms the basis for training simulators used by real armies the world over. Although ARMA II is set in the fictional ex-soviet state of 'Chernarus' the gameworld is actually a 225 square kilometer chunk of the real world! ARMA II's highly detailed landscape is a meticulous facsimile of real terrain, modeled using extensive geographical data. This recreated region is brought to life with spectacular environmental effects and populated with dynamic civilian settlements and wildlife. Wild animals roam the atmospheric forests while the people of Chernarus try to live out their lives among the war-torn streets. The 27th U.S. Marine Expeditionary Unit have been deployed to the former soviet country of Chernarus in this third installment in the series of award winning PC war simulators from Bohemia Interactive, creators of Operation Flashpoint*: Cold War Crisis and ARMA: Combat Operations. Force Reconnaissance Team \u0093Razor\u0094 are among the first to fight. This elite five-man team are about to fall down the rabbit hole, trapped in a war not only for control of the country, but the hearts and minds of its people. With the might of the USMC offshore and the Russians anxiously watching from the north, the stakes couldn't be higher. The fate of Chernarus is balanced on a razor's edge. Key Features PLAYER-DRIVEN STORY - Command your troops through a branching campaign full of twists and surprises. . . THRILLING REALISM - Explore the 225 square kilometer of highly detailed landscape, modelled using real-world geographical data and master each of 81 weapons and 120+ vehicles. . . AUTHENTIC SIMULATION - Game simulates various aspects of combat and evironment effects from bullet ballistics, material penetration, ammunition types and stopping power to weather conditions. . . ADVANCED AI - Compete the ultimate next-gen AI: no scripts, no predefined pathways. All units react on actual game situation. . . MISSION EDITOR - Design your own missions by the intuitive, easy-to-use mission editor and become part of one of the biggest and most creative PC gaming community ever. . . CHEAT PROTECTION - Optional anti-cheat BattlEye ( available to help secure dedicated servers. In addition BE adds 'RCON' (remote control) for game's dedicated server software. .", + "about_the_game": "Building on 10 years of constant engine development, ARMA II boasts the most realistic combat environment in the world. It models real world ballistics & round deflection, materials penetration, features a realtime day/night cycle and dynamic wind, weather and environmental effects. The simulation of a combat environment is so effective, the engine forms the basis for training simulators used by real armies the world over. Although ARMA II is set in the fictional ex-soviet state of 'Chernarus' the gameworld is actually a 225 square kilometer chunk of the real world! ARMA II's highly detailed landscape is a meticulous facsimile of real terrain, modeled using extensive geographical data. This recreated region is brought to life with spectacular environmental effects and populated with dynamic civilian settlements and wildlife. Wild animals roam the atmospheric forests while the people of Chernarus try to live out their lives among the war-torn streets. The 27th U.S. Marine Expeditionary Unit have been deployed to the former soviet country of Chernarus in this third installment in the series of award winning PC war simulators from Bohemia Interactive, creators of Operation Flashpoint*: Cold War Crisis and ARMA: Combat Operations. Force Reconnaissance Team \u0093Razor\u0094 are among the first to fight. This elite five-man team are about to fall down the rabbit hole, trapped in a war not only for control of the country, but the hearts and minds of its people. With the might of the USMC offshore and the Russians anxiously watching from the north, the stakes couldn't be higher. The fate of Chernarus is balanced on a razor's edge...\t\t\t\t\tKey Features PLAYER-DRIVEN STORY - Command your troops through a branching campaign full of twists and surprises.THRILLING REALISM - Explore the 225 square kilometer of highly detailed landscape, modelled using real-world geographical data and master each of 81 weapons and 120+ vehicles.AUTHENTIC SIMULATION - Game simulates various aspects of combat and evironment effects from bullet ballistics, material penetration, ammunition types and stopping power to weather conditions.ADVANCED AI - Compete the ultimate next-gen AI: no scripts, no predefined pathways. All units react on actual game situation.MISSION EDITOR - Design your own missions by the intuitive, easy-to-use mission editor and become part of one of the biggest and most creative PC gaming community ever.CHEAT PROTECTION - Optional anti-cheat BattlEye ( available to help secure dedicated servers. In addition BE adds 'RCON' (remote control) for game's dedicated server software.", + "short_description": "Building on 10 years of constant engine development, ARMA II boasts the most realistic combat environment in the world. It models real world ballistics & round deflection, materials penetration, features a realtime day/night cycle and dynamic wind, weather and environmental effects.", + "genres": "Action", + "recommendations": 1823, + "score": 4.950015846297969 + }, + { + "type": "game", + "name": "Arma 2: Operation Arrowhead", + "detailed_description": "Three years after the conflict in Chernarus, portrayed in the original Arma 2, a new flashpoint explodes in the Green Sea Region. Coalition forces led by the US Army are deployed to Takistan to quickly restore peace and prevent further civilian casualties. You will enlist into various roles within the US Army, from basic infantrymen, through special operatives, to pilots and tank crew in this new installment in the award winning line up of military simulators for PC from Bohemia Interactive. Building on 10 years of experience and constant engine development, Arma 2: Operation Arrowhead boasts the most realistic combat environment in the world. It models real world ballistics & round deflection, thermal imaging, materials penetration, features a realtime day/night cycle and dynamic wind, weather and environmental effects. NOTE: Arma 2: Operation Arrowhead is a standalone product and does not require the original Arma 2.Key features: NEW PLAYABLE CONTENT: New story campaign for both SP and MP gameplay. Wide range of new tutorials, single scenarios and multiplayer modes. . . MASSIVE GAME WORLD: Three brand new Central Asia-style large maps including expansive urban, desert and mountainous terrain featuring a fully destructible and interactive environment. . . ULTIMATE WAR EXPERIENCE: Fully integrates with the original Arma 2 for unmatched warfare simulation. . . UNIQUE GAMEPLAY ELEMENTS: Detachable backpacks with equipment, advanced weapon optics, material penetration modelling, remote real-time simulation of Unmanned Arial Vehicles (UAV), freedom of decision and repercussive actions. . EXTRA UNITS AND VEHICLES: Multiple factions for all sides including US Army, United Nations, Takistani Army and Guerrillas making a collection of 300+ new units, weapons and vehicles. . . MISSION EDITOR: Design your own missions by the intuitive, easy-to-use mission editor and become part of one of the biggest and most creative PC gaming community ever. . . GAME MODIFICATION: Create Your own custom game content with complete editing tools suite (freeware SDK kit) and modify the game in ways where the only limitation is Your own imagination. . . EXTENSIVE MULTIPLAYER: Play the campaign missions in cooperative mode or join duty in the massive multiplayer battles with up to 50 players. . . CHEAT PROTECTION: Optional anti-cheat BattlEye ( available to help secure dedicated servers. In addition BE adds 'RCON' (remote control) for game's dedicated server software. . . DEDICATED SERVER: To support smooth multi-player experience there is 'dedicated server software' available for Windows (included with game) and Linux (download-able from game's website). .", + "about_the_game": "Three years after the conflict in Chernarus, portrayed in the original Arma 2, a new flashpoint explodes in the Green Sea Region. Coalition forces led by the US Army are deployed to Takistan to quickly restore peace and prevent further civilian casualties.\t\t\t\t\tYou will enlist into various roles within the US Army, from basic infantrymen, through special operatives, to pilots and tank crew in this new installment in the award winning line up of military simulators for PC from Bohemia Interactive.\t\t\t\t\tBuilding on 10 years of experience and constant engine development, Arma 2: Operation Arrowhead boasts the most realistic combat environment in the world. It models real world ballistics & round deflection, thermal imaging, materials penetration, features a realtime day/night cycle and dynamic wind, weather and environmental effects.\t\t\t\t\tNOTE:\t\t\t\t\tArma 2: Operation Arrowhead is a standalone product and does not require the original Arma 2.Key features:\t\t\t\t\tNEW PLAYABLE CONTENT: New story campaign for both SP and MP gameplay. Wide range of new tutorials, single scenarios and multiplayer modes.MASSIVE GAME WORLD: Three brand new Central Asia-style large maps including expansive urban, desert and mountainous terrain featuring a fully destructible and interactive environment.ULTIMATE WAR EXPERIENCE: Fully integrates with the original Arma 2 for unmatched warfare simulation.UNIQUE GAMEPLAY ELEMENTS: Detachable backpacks with equipment, advanced weapon optics, material penetration modelling, remote real-time simulation of Unmanned Arial Vehicles (UAV), freedom of decision and repercussive actions.EXTRA UNITS AND VEHICLES: Multiple factions for all sides including US Army, United Nations, Takistani Army and Guerrillas making a collection of 300+ new units, weapons and vehicles.MISSION EDITOR: Design your own missions by the intuitive, easy-to-use mission editor and become part of one of the biggest and most creative PC gaming community ever.GAME MODIFICATION: Create Your own custom game content with complete editing tools suite (freeware SDK kit) and modify the game in ways where the only limitation is Your own imagination.EXTENSIVE MULTIPLAYER: Play the campaign missions in cooperative mode or join duty in the massive multiplayer battles with up to 50 players.CHEAT PROTECTION: Optional anti-cheat BattlEye ( available to help secure dedicated servers. In addition BE adds 'RCON' (remote control) for game's dedicated server software.DEDICATED SERVER: To support smooth multi-player experience there is 'dedicated server software' available for Windows (included with game) and Linux (download-able from game's website).", + "short_description": "Three years after the conflict in Chernarus, portrayed in the original Arma 2, a new flashpoint explodes in the Green Sea Region. Coalition forces led by the US Army are deployed to Takistan to quickly restore peace and prevent further civilian casualties.", + "genres": "Action", + "recommendations": 15840, + "score": 6.374986836791852 + }, + { + "type": "game", + "name": "Total War: NAPOLEON \u2013 Definitive Edition", + "detailed_description": "Complete your Total War collection with this Definitive Edition of Total War: NAPOLEON, which includes all DLC and feature updates since the game\u2019s release:. Take on the Peninsular Campaign, based on the intense conflict that raged over the Spanish Peninsula between 1811 and 1814. Choose one of the three nations at war - France, Great Britain or Spain \u2013 and lead your campaign across an independent map featuring 32 new controllable regions. . Turn the tide of war with the Coalition Battle Pack, which introduces the Battle of Friedland, the pivotal moment when Napoleon crushed Russia\u2019s attempt to contain him. . Build an unstoppable force with Heroes of the Napoleonic Wars and the Imperial Eagle Pack, which together add over 20 legendary and elite new units. . Total War: NAPOLEON Definitive Edition offers hundreds and hundreds of hours of absorbing gameplay and every bit of content made for the game. See below for full details. . . History is as yet unwritten. From the early Italian campaign to the battle of Waterloo, Total War: NAPOLEON covers two decades of relentless battles, a backdrop of a world in flames against which the story of an extraordinary military career unfolds. . Whether you play as the legendary general or against him, the outcome of war can never be guaranteed. The course of history relies on your ability to lead your troops through the most intense battles as never seen before in a Total War game.About The Peninsular Campaign. The Peninsular Campaign is an independent campaign based on the conflict in the Spanish Peninsula between 1811 and 1814. It was during this era that the Spanish resistance gave their style of fighting its name: Guerrilla, or the \u201clittle war\u201d. . Play the campaign from three different perspectives, each with a unique feel:. \u2022\tThe French fight to keep resistance at bay while converting regions to their political alignment. \u2022\tThe British are very limited for regions at the start but receive enough income from Northern Europe and North America that they can afford to liberate regions back to the Spanish in return for Guerrilla aid. \u2022\tThe Spanish also have a limited starting position but have permanent access to Guerrillas for effective battlefield use against the French. . Choose one of the three nations involved - France, Great Britain or Spain - and experience one of the most intense conflicts of the Napoleonic era.Key Features:. \u2022\tA new and independent Iberian Peninsula campaign map featuring 32 controllable regions. \u2022\t5 new Guerrilla unit types, recruitable by all nations, adept at battlefield stealth and with the added ability to deploy outside of their faction's deployment zones: Tiradores (Skirmisher Infantry), Cazadores, Lanceros (Lancer Cavalry), Husares (Light Cavalry), Leader (General). \u2022\t28 new units in total, spread across the three playable nations including the British 95th Rifles, the French Vistula Uhlans and the Spanish Coraceros Espanoles. \u2022\tTwo new agents to enforce political conversion: . \u2022\tProvocateurs (French and British nations only) have the ability to promote anti-opposition sentiment in regions, incite unrest, decreases turn time for research and passively spy. \u2022\tPriests (Spanish and Portuguese nations only) have the ability to promote anti-opposition sentiment in regions and incite unrest. \u2022\tA new Guerrillero agent for the Spanish nation: similar to a Spy but with the new ability to Harass enemy armies - lock them in place for a turn and cause them attrition. \u2022\tPolitical Alignment system which sees the French battle to increase pro-French sentiment throughout the peninsula.About Coalition Battle Pack. The Coalition Battle Pack features 6 brand new units and contains the Battle of Friedland fought between France and Russia. The Battle of Friedland (14 June, 1807) with Napoleon's empire at its height, he took a chance and defeated Russia in detail, knocking them out of the war and bringing the Fourth Coalition to an end. . Unit Descriptions: . \u2022\tLifeguard Hussars: This fast light cavalry unit is best used for dealing with skirmishers and artillery who can attack from long range. \u2022\tColdstream Guards: Disciplined, well-trained and respected, these elite foot guards inspire nearby troops in battle. \u2022\tArchduke Charles' Legion: This highly-disciplined line infantry regiment excels at weapons drill and accuracy. \u2022\tLuetzow's Freikorps: Swift light cavalry, the riders of Luetzow\u2019s Freikorps are excellent in melee and on the charge. \u2022\tLife Hussars: Sabre-armed light cavalry, the Life Hussars are powerful on the charge and effective in melee combat. \u2022\tSemenovski Lifeguard: Immaculately turned out, these elite guards have excellent morale and are superb when used against skirmish troops and artillery.About Heroes of the Napoleonic Wars. These exclusive elite units become available on the campaign map once you have made a specific technological advancement or own the relevant territory. . They will appear in both single and multiplayer game modes. \u2022\t7th Lancers (France) . \u2022\tBrandenburg Uhlans (Prussia) . \u2022\t1st Hussars (Austria) . \u2022\t15th Hussars (Great Britain) . \u2022\t1st East Prussian Grenadier Battalion (Prussia) . \u2022\t6th Regiment d'Infanterie L\u00e9g\u00e8re (France). \u2022\t17th J\u00e4ger Regiment (Russia). \u2022\t1st Regiment Emperor's Own (Austria). \u2022\t18th Regiment d'Infanterie de Ligne \"The Brave\" (France) . \u2022\tMoscow Musketeers (Russia)About Imperial Eagle Pack. These exclusive elite units become available on the campaign map once you have made a specific technological advancement or own the relevant territory. . They will appear in both single and multiplayer game modes. \u2022\tGrand Battery of the Convention (France) . \u2022\tHMS Elephant (Great Britain) . \u2022\tTowarczys (Prussia) . \u2022\tRoyal Scots Greys (Great Britain) . \u2022\t5e Regiment de Hussards (France) . \u2022\tPavlograd Hussars (Russia) . \u2022\t8th Life Regiment (Prussia) . \u2022\t47th (Czech) Regiment (Austria) . \u2022\t88th Foot \u201cConnaught Rangers\u201d . \u2022\tArchduke Ferdinand Cuirassiers (Austria). \u2022\tLifeguard Cossacks (Russia)", + "about_the_game": "Complete your Total War collection with this Definitive Edition of Total War: NAPOLEON, which includes all DLC and feature updates since the game\u2019s release:Take on the Peninsular Campaign, based on the intense conflict that raged over the Spanish Peninsula between 1811 and 1814. Choose one of the three nations at war - France, Great Britain or Spain \u2013 and lead your campaign across an independent map featuring 32 new controllable regions.Turn the tide of war with the Coalition Battle Pack, which introduces the Battle of Friedland, the pivotal moment when Napoleon crushed Russia\u2019s attempt to contain him. Build an unstoppable force with Heroes of the Napoleonic Wars and the Imperial Eagle Pack, which together add over 20 legendary and elite new units.Total War: NAPOLEON Definitive Edition offers hundreds and hundreds of hours of absorbing gameplay and every bit of content made for the game. See below for full details. History is as yet unwrittenFrom the early Italian campaign to the battle of Waterloo, Total War: NAPOLEON covers two decades of relentless battles, a backdrop of a world in flames against which the story of an extraordinary military career unfolds. Whether you play as the legendary general or against him, the outcome of war can never be guaranteed. The course of history relies on your ability to lead your troops through the most intense battles as never seen before in a Total War game.About The Peninsular CampaignThe Peninsular Campaign is an independent campaign based on the conflict in the Spanish Peninsula between 1811 and 1814. It was during this era that the Spanish resistance gave their style of fighting its name: Guerrilla, or the \u201clittle war\u201d.Play the campaign from three different perspectives, each with a unique feel:\u2022\tThe French fight to keep resistance at bay while converting regions to their political alignment.\u2022\tThe British are very limited for regions at the start but receive enough income from Northern Europe and North America that they can afford to liberate regions back to the Spanish in return for Guerrilla aid.\u2022\tThe Spanish also have a limited starting position but have permanent access to Guerrillas for effective battlefield use against the French. Choose one of the three nations involved - France, Great Britain or Spain - and experience one of the most intense conflicts of the Napoleonic era.Key Features:\u2022\tA new and independent Iberian Peninsula campaign map featuring 32 controllable regions.\u2022\t5 new Guerrilla unit types, recruitable by all nations, adept at battlefield stealth and with the added ability to deploy outside of their faction's deployment zones: Tiradores (Skirmisher Infantry), Cazadores, Lanceros (Lancer Cavalry), Husares (Light Cavalry), Leader (General). \u2022\t28 new units in total, spread across the three playable nations including the British 95th Rifles, the French Vistula Uhlans and the Spanish Coraceros Espanoles. \u2022\tTwo new agents to enforce political conversion: \u2022\tProvocateurs (French and British nations only) have the ability to promote anti-opposition sentiment in regions, incite unrest, decreases turn time for research and passively spy.\u2022\tPriests (Spanish and Portuguese nations only) have the ability to promote anti-opposition sentiment in regions and incite unrest.\u2022\tA new Guerrillero agent for the Spanish nation: similar to a Spy but with the new ability to Harass enemy armies - lock them in place for a turn and cause them attrition.\u2022\tPolitical Alignment system which sees the French battle to increase pro-French sentiment throughout the peninsula.About Coalition Battle PackThe Coalition Battle Pack features 6 brand new units and contains the Battle of Friedland fought between France and Russia.The Battle of Friedland (14 June, 1807) with Napoleon's empire at its height, he took a chance and defeated Russia in detail, knocking them out of the war and bringing the Fourth Coalition to an end.Unit Descriptions: \u2022\tLifeguard Hussars: This fast light cavalry unit is best used for dealing with skirmishers and artillery who can attack from long range.\u2022\tColdstream Guards: Disciplined, well-trained and respected, these elite foot guards inspire nearby troops in battle. \u2022\tArchduke Charles' Legion: This highly-disciplined line infantry regiment excels at weapons drill and accuracy.\u2022\tLuetzow's Freikorps: Swift light cavalry, the riders of Luetzow\u2019s Freikorps are excellent in melee and on the charge.\u2022\tLife Hussars: Sabre-armed light cavalry, the Life Hussars are powerful on the charge and effective in melee combat.\u2022\tSemenovski Lifeguard: Immaculately turned out, these elite guards have excellent morale and are superb when used against skirmish troops and artillery.About Heroes of the Napoleonic WarsThese exclusive elite units become available on the campaign map once you have made a specific technological advancement or own the relevant territory.They will appear in both single and multiplayer game modes.\u2022\t7th Lancers (France) \u2022\tBrandenburg Uhlans (Prussia) \u2022\t1st Hussars (Austria) \u2022\t15th Hussars (Great Britain) \u2022\t1st East Prussian Grenadier Battalion (Prussia) \u2022\t6th Regiment d'Infanterie L\u00e9g\u00e8re (France)\u2022\t17th J\u00e4ger Regiment (Russia)\u2022\t1st Regiment Emperor's Own (Austria)\u2022\t18th Regiment d'Infanterie de Ligne \"The Brave\" (France) \u2022\tMoscow Musketeers (Russia)About Imperial Eagle PackThese exclusive elite units become available on the campaign map once you have made a specific technological advancement or own the relevant territory.They will appear in both single and multiplayer game modes.\u2022\tGrand Battery of the Convention (France) \u2022\tHMS Elephant (Great Britain) \u2022\tTowarczys (Prussia) \u2022\tRoyal Scots Greys (Great Britain) \u2022\t5e Regiment de Hussards (France) \u2022\tPavlograd Hussars (Russia) \u2022\t8th Life Regiment (Prussia) \u2022\t47th (Czech) Regiment (Austria) \u2022\t88th Foot \u201cConnaught Rangers\u201d \u2022\tArchduke Ferdinand Cuirassiers (Austria)\u2022\tLifeguard Cossacks (Russia)", + "short_description": "Complete your Total War collection with this Definitive Edition of Total War: NAPOLEON, which includes all DLC and feature updates since the game\u2019s release", + "genres": "Strategy", + "recommendations": 13374, + "score": 6.263435787885877 + }, + { + "type": "game", + "name": "SEGA Mega Drive and Genesis Classics", + "detailed_description": "SEGA\u2019s collection of Mega Drive & Genesis Classics comes to a new generation, now updated with even more features! . Over 50 titles across all genres from all-time classics like Streets of Rage 2 to deep RPGs like the Phantasy Star series; arcade action, shooters, beat \u2019em ups, puzzlers, old favourites and hidden gems. . New features bring modern convenience to the classics. Save your game at any time, rewind those slip-ups, or customise your controls. Earn bragging rights with online multiplayer and achievements. . The largest collection of retro classics in one great package!New Features. Two-player online multiplayer . Leaderboards. Challenge Modes \u2013 short challenges give old favourites a new twist . Additional graphics filters & border options. ROMs from other regions for games with significant differences. Fast-forward and rewind . Sprite limit disable . Mirror mode \u2013 reverse the screen for a fresh challenge. VR \u2013 immerse yourself in the retro-themed bedroom and play on a virtual CRTV or go big with full screen. Note: VR features require a VR headset.", + "about_the_game": "SEGA\u2019s collection of Mega Drive & Genesis Classics comes to a new generation, now updated with even more features! Over 50 titles across all genres from all-time classics like Streets of Rage 2 to deep RPGs like the Phantasy Star series; arcade action, shooters, beat \u2019em ups, puzzlers, old favourites and hidden gems. New features bring modern convenience to the classics. Save your game at any time, rewind those slip-ups, or customise your controls. Earn bragging rights with online multiplayer and achievements. The largest collection of retro classics in one great package!New FeaturesTwo-player online multiplayer LeaderboardsChallenge Modes \u2013 short challenges give old favourites a new twist Additional graphics filters & border optionsROMs from other regions for games with significant differencesFast-forward and rewind Sprite limit disable Mirror mode \u2013 reverse the screen for a fresh challengeVR \u2013 immerse yourself in the retro-themed bedroom and play on a virtual CRTV or go big with full screenNote: VR features require a VR headset.", + "short_description": "SEGA\u2019s collection of Mega Drive & Genesis Classics comes to a new generation, now updated with even more features: online multiplayer, achievements, mirror mode, rewind, save states, VR and more! Over 50 classic games in one great package. Get into the classics!", + "genres": "Action", + "recommendations": 6660, + "score": 5.803875084991375 + }, + { + "type": "game", + "name": "Civilization IV\u00ae: Warlords", + "detailed_description": "Sid Meier's Civilization IV: Warlords is the first expansion pack for the award-winning game that has become an instant world-wide hit. Paying homage to some of history's greatest military leaders, the expansion delivers six unique and interesting scenarios, giving players the chance to change the course of history with the help of their new powerful \"warlord\" unit. Civ IV: Warlords includes new civilizations, leaders, units, and wonders that offer even more fun and exciting ways for players to expand their civilization's military power as they strive for world domination. Warlords: a new great person type called the Warlord. . Vassal states: conquer an enemy and subjugate them to your rule. . Game scenarios: the expansion delivers eight scenarios. . New civilizations: the pack provides six new civilizations and associated unique units. . Civilization leaders: 10 new leaders, including leaders for the new civilizations as well as additional leaders for existing civilizations. . Leader traits: two new leader traits. . New wonders: three new wonders. . Unique buildings: each civilization has a new unique building as well as their unique unit. . New units, resources, and improvements: many new items are presented throughout the scenarios. . Core game tweaks and additions: expanded features and gameplay tweaks made to the core game. . Post-release patches and game upgrades: the pack contains all of the patches and game additions (pit boss, etc.) yet released for Sid Meier's Civilization IV.", + "about_the_game": "Sid Meier's Civilization IV: Warlords is the first expansion pack for the award-winning game that has become an instant world-wide hit. Paying homage to some of history's greatest military leaders, the expansion delivers six unique and interesting scenarios, giving players the chance to change the course of history with the help of their new powerful \"warlord\" unit. Civ IV: Warlords includes new civilizations, leaders, units, and wonders that offer even more fun and exciting ways for players to expand their civilization's military power as they strive for world domination.\t\t\t\t\tWarlords: a new great person type called the Warlord.\t\t\t\t\tVassal states: conquer an enemy and subjugate them to your rule.\t\t\t\t\tGame scenarios: the expansion delivers eight scenarios.\t\t\t\t\tNew civilizations: the pack provides six new civilizations and associated unique units.\t\t\t\t\tCivilization leaders: 10 new leaders, including leaders for the new civilizations as well as additional leaders for existing civilizations.\t\t\t\t\tLeader traits: two new leader traits.\t\t\t\t\tNew wonders: three new wonders.\t\t\t\t\tUnique buildings: each civilization has a new unique building as well as their unique unit.\t\t\t\t\tNew units, resources, and improvements: many new items are presented throughout the scenarios.\t\t\t\t\tCore game tweaks and additions: expanded features and gameplay tweaks made to the core game.\t\t\t\t\tPost-release patches and game upgrades: the pack contains all of the patches and game additions (pit boss, etc.) yet released for Sid Meier's Civilization IV.", + "short_description": "Sid Meier's Civilization IV: Warlords is the first expansion pack for the award-winning game that has become an instant world-wide hit. Paying homage to some of history's greatest military leaders, the expansion delivers six unique and interesting scenarios, giving players the chance to change the course of history with the help of their...", + "genres": "Strategy", + "recommendations": 293, + "score": 3.7467848365781418 + }, + { + "type": "game", + "name": "Sniper: Ghost Warrior 2", + "detailed_description": "Check out the latest addition to the SGW franchise! . About the GameSniper: Ghost Warrior 2 is the only multi-platform, first-person, modern shooter exclusively designed around the sniper experience. It takes the bulls-eye precision of its predecessor to new and exciting heights, offering more diverse sniper challenges; a rebuilt AI system and the thrilling \u201cone shot, one kill\u201d precision that made the original a huge hit, selling 3 million copies worldwide. Taking advantage of the advanced capabilities of the CryENGINE3, Sniper: Ghost Warrior 2 also delivers striking graphic environments.Key Features. Motion Sense Trigger System: an innovative first in which the way the player touches the controller influences the on-screen shot. Like in real-world sniping, in-game shooting requires a steady squeeze of the pad\u2019s trigger so that when the round is fired, the rifle is more accurate. Jerk the trigger and the round is thrown off, thus missing the target and alerting a highly motivated enemy to your presence. . Realistic Ballistics: the hallmark of the Sniper franchise is the realism of its shooting dynamics. Wind speed, distance, gravity and bullet-drop all play critical roles in the performance of your shot. . Refined Shooting Mechanics: a proper breathing technique to steady your heart rate is as important as calculating the time on target of your round, and the best snipers control both their heart and their head. From acquisition of target until the slow steady trigger pull, a sniper must pull together everything to achieve the ideal \u201cone shot; one kill.\u201d. Improved Enemy AI: the Artificial Intelligence (AI) system was completely re-tooled and designed from scratch. Much of the improvements were made possible from the switch to the CryEngine 3. Expect everything from flanking movements to frontal assaults as the enemy tries to engage you in close quarters where your rifle is less effective. . New Target-Rich Environments: Sniper Ghost Warrior 2 adds new urban environments like Sarajevo and treacherous mountain terrain to go along with jungles that are as lush and deadly as ever. . Various Difficulty Levels: To diversify gameplay and make it accessible to the widest group of gamers, CI Games is introducing three difficulty levels that totally change the nature of the game. You decide how to play \u2013 either relax and be the ultimate predator or test your skill and experience the game on Expert Mode. . Bullet-Cam: everyone\u2019s favorite feature returns to reward expert shots and show the battlefield from a totally new viewpoint. See what the transfer of kinetic energy \u2013 a bullet\u2019s true stopping power \u2013 can do to the enemy from 1000 meters or more!. Bullet Penetration: concealment doesn\u2019t necessarily mean cover. In Sniper: Ghost Warrior 2, bullets behave as they would in real life and are able to dispatch enemies hiding behind various types of covers. You can also try to line up your enemies and let a single round take out an entire squad. Wait \u2018til you see that on Bullet Cam!. Expanded List of Sniper Rifles: Try out the world\u2019s most advanced sniper rifles, each of them meticulously recreated so that they accurately simulate the modern weaponry found on today\u2019s battlefields. . New Gear: own the night with the introduction of thermal and night vision optics, plus a pair of powerful binoculars critical for locating the enemy before they spot you.", + "about_the_game": "Sniper: Ghost Warrior 2 is the only multi-platform, first-person, modern shooter exclusively designed around the sniper experience. It takes the bulls-eye precision of its predecessor to new and exciting heights, offering more diverse sniper challenges; a rebuilt AI system and the thrilling \u201cone shot, one kill\u201d precision that made the original a huge hit, selling 3 million copies worldwide. Taking advantage of the advanced capabilities of the CryENGINE3, Sniper: Ghost Warrior 2 also delivers striking graphic environments.Key Features\tMotion Sense Trigger System: an innovative first in which the way the player touches the controller influences the on-screen shot. Like in real-world sniping, in-game shooting requires a steady squeeze of the pad\u2019s trigger so that when the round is fired, the rifle is more accurate. Jerk the trigger and the round is thrown off, thus missing the target and alerting a highly motivated enemy to your presence.\tRealistic Ballistics: the hallmark of the Sniper franchise is the realism of its shooting dynamics. Wind speed, distance, gravity and bullet-drop all play critical roles in the performance of your shot.\tRefined Shooting Mechanics: a proper breathing technique to steady your heart rate is as important as calculating the time on target of your round, and the best snipers control both their heart and their head. From acquisition of target until the slow steady trigger pull, a sniper must pull together everything to achieve the ideal \u201cone shot; one kill.\u201d\tImproved Enemy AI: the Artificial Intelligence (AI) system was completely re-tooled and designed from scratch. Much of the improvements were made possible from the switch to the CryEngine 3. Expect everything from flanking movements to frontal assaults as the enemy tries to engage you in close quarters where your rifle is less effective.\tNew Target-Rich Environments: Sniper Ghost Warrior 2 adds new urban environments like Sarajevo and treacherous mountain terrain to go along with jungles that are as lush and deadly as ever. \tVarious Difficulty Levels: To diversify gameplay and make it accessible to the widest group of gamers, CI Games is introducing three difficulty levels that totally change the nature of the game. You decide how to play \u2013 either relax and be the ultimate predator or test your skill and experience the game on Expert Mode.\tBullet-Cam: everyone\u2019s favorite feature returns to reward expert shots and show the battlefield from a totally new viewpoint. See what the transfer of kinetic energy \u2013 a bullet\u2019s true stopping power \u2013 can do to the enemy from 1000 meters or more!\tBullet Penetration: concealment doesn\u2019t necessarily mean cover. In Sniper: Ghost Warrior 2, bullets behave as they would in real life and are able to dispatch enemies hiding behind various types of covers. You can also try to line up your enemies and let a single round take out an entire squad. Wait \u2018til you see that on Bullet Cam!\tExpanded List of Sniper Rifles: Try out the world\u2019s most advanced sniper rifles, each of them meticulously recreated so that they accurately simulate the modern weaponry found on today\u2019s battlefields.\tNew Gear: own the night with the introduction of thermal and night vision optics, plus a pair of powerful binoculars critical for locating the enemy before they spot you.", + "short_description": "Sniper: Ghost Warrior 2 takes the bulls-eye precision of its predecessor to new and exciting heights!", + "genres": "Action", + "recommendations": 12293, + "score": 6.207878572086132 + }, + { + "type": "game", + "name": "Batman: Arkham Asylum Game of the Year Edition", + "detailed_description": "Critically acclaimed Batman: Arkham Asylum returns with a remastered Game of the Year Edition, featuring 4 extra Challenge Maps. The additional Challenge Maps are Crime Alley; Scarecrow Nightmare; Totally Insane and Nocturnal Hunter (both from the Insane Night Map Pack). Utilize the unique FreeFlow\u2122 combat system to chain together unlimited combos seamlessly and battle with huge groups of The Joker\u2019s henchmen in brutal melee brawls . Investigate as Batman, the WORLD\u2019S GREATEST DETECTIVE, by solving intricate puzzles with the help of cutting edge forensic tools including x-ray scanning, fingerprint scans, \u2018Amido Black\u2019 spray and a pheromone tracker. Face off against Gotham\u2019s greatest villains including The Joker, HARLEY QUINN, POISON IVY and KILLER CROC . Become the Invisible Predator\u2122 with Batman\u2019s fear takedowns and unique vantage point system to move without being seen and hunt enemies . Choose multiple takedown methods, including swooping from the sky and smashing through walls. . Explore every inch of Arkham Asylum and roam freely on the infamous island, presented for the first time ever in its gritty and realistic entirety. Experience what it\u2019s like to be BATMAN using BATARANGS, explosive gel aerosol, The Batclaw, sonar resonator and the line launcher . Unlock more secrets by completing hidden challenges in the world and develop and customize equipment by earning experience points . Enjoy complete superhero freedom in the environment with the use of Batman\u2019s grapnel gun to get to any place you can see, jump from any height and glide in any direction .", + "about_the_game": "Critically acclaimed Batman: Arkham Asylum returns with a remastered Game of the Year Edition, featuring 4 extra Challenge Maps. The additional Challenge Maps are Crime Alley; Scarecrow Nightmare; Totally Insane and Nocturnal Hunter (both from the Insane Night Map Pack).\t\t\t\t\tUtilize the unique FreeFlow\u2122 combat system to chain together unlimited combos seamlessly and battle with huge groups of The Joker\u2019s henchmen in brutal melee brawls \t\t\t\t\tInvestigate as Batman, the WORLD\u2019S GREATEST DETECTIVE, by solving intricate puzzles with the help of cutting edge forensic tools including x-ray scanning, fingerprint scans, \u2018Amido Black\u2019 spray and a pheromone tracker\t\t\t\t\tFace off against Gotham\u2019s greatest villains including The Joker, HARLEY QUINN, POISON IVY and KILLER CROC \t\t\t\t\tBecome the Invisible Predator\u2122 with Batman\u2019s fear takedowns and unique vantage point system to move without being seen and hunt enemies \t\t\t\t\tChoose multiple takedown methods, including swooping from the sky and smashing through walls. \t\t\t\t\tExplore every inch of Arkham Asylum and roam freely on the infamous island, presented for the first time ever in its gritty and realistic entirety\t\t\t\t\tExperience what it\u2019s like to be BATMAN using BATARANGS, explosive gel aerosol, The Batclaw, sonar resonator and the line launcher \t\t\t\t\tUnlock more secrets by completing hidden challenges in the world and develop and customize equipment by earning experience points \t\t\t\t\tEnjoy complete superhero freedom in the environment with the use of Batman\u2019s grapnel gun to get to any place you can see, jump from any height and glide in any direction", + "short_description": "Experience what it\u2019s like to be Batman and face off against Gotham's greatest villians. Explore every inch of Arkham Asylum and roam freely on the infamous island.", + "genres": "Action", + "recommendations": 36558, + "score": 6.926317731611553 + }, + { + "type": "game", + "name": "Red Orchestra 2: Heroes of Stalingrad with Rising Storm", + "detailed_description": "D-Day Anniversary 2016 Update for Heroes of the WestTo commemorate the 72nd anniversary of the D-Day landings in Normandy, we have introduced 2 new maps, a new vehicles and a whole bunch of detail changes and updates for the Heroes of the West mod! The new maps are:. Caen Outskirts: a combined arms map featuring the British in a gruelling fight to break out from the Normandy beachhead in summer 1944. The map also introduces the British Bren Carrier troop transport. . Hill 400: this map recreates the bitter fighting in the winter of 1944 with the 2d Ranger Battalion struggling against Axis forces in the Hurtgen Forest. . If you own RO2/RS the mod is completely free to you. To get your copy, simply head for the store page: HERE. Heroes of the West mod addedFree user-created mod. Now released - the user-generated mod, Heroes of the West. Produced by the RO2/RS community, with a little help and some assets from Tripwire and Antimatter Games. Bringing RO2 warfare to the Western Front, the mod adds 4 new maps, 5 new character sets and 10 new weapons - with lots more to come!. If you already own RO2/RS, you can simply install the mod here: . Barrikady. October 2015: For the next update to RO2 and Rising Storm, we have a new Beta map - Barrikady - plus a bunch of other fixes. The new map can be pre-loaded as part of the Beta Community Map Pack, or will simply be downloaded as needed when it appears in a server rotation. RO2 Contains ALL Rising Storm ContentAny purchase of RO2 through this Steam Store page, from 23 Sep 2014, will contain ALL Rising Storm multiplayer content as well as the RO2 content. . All those who bought older RO2 packages (through Steam or elsewhere, at the old, lower, single-game, price) will have RIFLE-ONLY access to Rising Storm, NOT the whole game. To upgrade to get full access to all the Rising Storm content, you will need to buy Rising Storm now as well:. Game of the Year Edition. May 2014: To celebrate the award of PC Gamer's \"Multiplayer Game of the Year 2013\", we have update Rising Storm to the Game of the Year edition. This already includes all the previous content updates (Island Assault and the Counterattack mapping contest maps) and now adds in the following:. 2 transport vehicles for the RO2 factions - Universal Carrier for the Russians and SdKfz-251 halftrack for the Germans. 3 existing maps updated for the transports (Arad 2, Barashka and Rakowice. New map - Maggot Hill, featuring Merrill's Marauders at Nhpum Ga, April 1944. New Search & Destroy gameplay mode - a single life game-type in which teams take turns attempting to destroy one of multiple objectives by planting an explosive. A full set of 10 maps configured for this new game mode. 3 new community maps now official - Phosphate Plant and Otori Shima featuring US vs Japanese and Myshkova River featuring Russians vs Germans. . December 2013: Now that the $35,000 Counterattack Mapping Contest for RO2 has concluded and helped us find the best community made maps on Steam Workshop, Tripwire have worked with the original map makers to polish them up and add them into Red Orchestra 2 as Official Custom Maps. These are some of the best - adding some great new gameplay. All are included for free for everyone who owns the game. Don't forget there are more great community maps and content on Steam Workshop, so head on over there now!. This is the second Counterattack Map Contest Pack and completes the set, bringing you 3 more maps:. Bridges of Druzhina - a massive combined arms map, Russians attacking across open ground, a river and right through a small city, supported by armor; the Germans dug in and steadily pushed back. A classic!. Cold Steel - a Soviet assault against German infantry dug in to a huge factory complex, fighting across open spaces and then inside individual factory buildings. . Gumrak Station - a re-imagining of a classic Ostfront map, moved to Gumrak Station, to the west of Stalingrad. . Digital Deluxe EditionSteam Digital Deluxe Edition adds the following extras on top of the Standard Edition:. Day 1 Unlock of the Elite Assault Weapons (MKb 42(H) and AVT-40) and Semi Auto Sniper Weapons (SVT-40 and G 41(W):. . Team Fortress 2 German and Russian hats (\"Genuine\" if bought during pre-purchase):. Two new characters for Killing Floor - Russian and German Soldier Re-enactors:. . New Game ModesThis new edition adds a whole set of extra features, available for free to all owners of the game, including two new game modes:\u201cAction\u201d mode \u2013 Featuring a crosshair, easier aiming and toned down recoil, reduced damage and open access to a wide range of weaponry Action mode is the perfect first step for players into the world of Red Orchestra. . \u201cClassic\u201d mode blends the gameplay innovations of the new game with the tactical and edgy gameplay of the original giving the fans of the first game exactly what they want. . Mamayev Kurgan \u2013 complete new map, featuring both close-quarters battles in trenches and bunkers, as well as longer ranged combat across the famous hill in Stalingrad. . Refined and improved gameplay across the board, vehicle improvements, and way better performance and polish. We listened to the community and based on their feedback refined and tweaked almost every major feature in the game!. About the Game. Red Orchestra 2 focuses on the Battle of Stalingrad and the surrounding operations, both German and Russian, from July 1942 to February 1943. . The game allows the player to experience one of the most brutal battles in all of human history. Delivering unrivalled accuracy and attention to detail, along with gritty, vicious combat in multiplayer modes the game will feature everything from quick, brutal firefights to more intricate and challenging tactical modes.Red Orchestra multiplayer taken to new heightsThe brutal, gritty Red Orchestra gameplay has been enhanced, expanded and made more accessible. . Gameplay modes as instantly recognizable as Firefight (Tripwire's take on Team Death Match), single-life gaming redefined in Countdown mode - and the Territory mode already beloved by the hundreds of thousands of Red Orchestra players worldwide. Immersive First Person Tank WarfareExperience what it was like to fight inside one of these metal beasts in WWII with the most immersive first person tank warfare ever created. . Fully modeled 3d interiors, a full AI crew, and advanced armor and damage systems create a unique tanking experience. Persistent Stats Tracking and Player ProgressionPersistence constantly gives the gamer something to strive for and keeps them playing. . Grow in rank, earn achievements, improve your abilities, and become a Hero!. First person cover systemExperience the ultimate firefights that a cover system allows, from the immersion of a first person view. . Peek or blind fire over and around cover and more. Unique Focus \u2013 the Battle of Stalingrad in depthRed Orchestra 2 takes the familiar WWII genre into a unique direction. Far removed from the well-trodden Normandy setting, gameplay is based on fresh scenarios and actions the player has never experienced before. . Follow the German army as they assault the city of Stalingrad, to the banks of the Volga. Follow the Soviet army as it holds the city against all the odds then destroys the Axis forces. WWII weaponry redefinedTrue to life ballistics, bullet penetration, breathing, adjustable sights, free aim, weapon bracing, photo-real graphics and more, create WWII weaponry that has no equal. HeroesAchieve the ultimate goal and become a Hero online. Players with hero status inspire troops around them and cause fear in their enemies. . Heroes have access to the best and rarest weapons and will stand out visually from the rest of the soldiers. MoraleExperience what it is like to be a soldier in one of the bloodiest conflicts in history and the importance of a soldier\u2019s state of mind and how it can turn the tide of battle. . Suppress your enemies and gain the advantage in combat!. Enhanced Unreal\u00ae Engine\u2122 3Built on an enhanced version of Unreal Engine 3 the game features cutting edge visuals and features.", + "about_the_game": "Red Orchestra 2 focuses on the Battle of Stalingrad and the surrounding operations, both German and Russian, from July 1942 to February 1943. The game allows the player to experience one of the most brutal battles in all of human history. Delivering unrivalled accuracy and attention to detail, along with gritty, vicious combat in multiplayer modes the game will feature everything from quick, brutal firefights to more intricate and challenging tactical modes.Red Orchestra multiplayer taken to new heightsThe brutal, gritty Red Orchestra gameplay has been enhanced, expanded and made more accessible. Gameplay modes as instantly recognizable as Firefight (Tripwire's take on Team Death Match), single-life gaming redefined in Countdown mode - and the Territory mode already beloved by the hundreds of thousands of Red Orchestra players worldwide.Immersive First Person Tank WarfareExperience what it was like to fight inside one of these metal beasts in WWII with the most immersive first person tank warfare ever created. Fully modeled 3d interiors, a full AI crew, and advanced armor and damage systems create a unique tanking experience. Persistent Stats Tracking and Player ProgressionPersistence constantly gives the gamer something to strive for and keeps them playing.Grow in rank, earn achievements, improve your abilities, and become a Hero!First person cover systemExperience the ultimate firefights that a cover system allows, from the immersion of a first person view.Peek or blind fire over and around cover and more.Unique Focus \u2013 the Battle of Stalingrad in depthRed Orchestra 2 takes the familiar WWII genre into a unique direction. Far removed from the well-trodden Normandy setting, gameplay is based on fresh scenarios and actions the player has never experienced before.Follow the German army as they assault the city of Stalingrad, to the banks of the Volga. Follow the Soviet army as it holds the city against all the odds then destroys the Axis forces.WWII weaponry redefinedTrue to life ballistics, bullet penetration, breathing, adjustable sights, free aim, weapon bracing, photo-real graphics and more, create WWII weaponry that has no equal.HeroesAchieve the ultimate goal and become a Hero online. Players with hero status inspire troops around them and cause fear in their enemies. Heroes have access to the best and rarest weapons and will stand out visually from the rest of the soldiers.MoraleExperience what it is like to be a soldier in one of the bloodiest conflicts in history and the importance of a soldier\u2019s state of mind and how it can turn the tide of battle. Suppress your enemies and gain the advantage in combat!Enhanced Unreal\u00ae Engine\u2122 3Built on an enhanced version of Unreal Engine 3 the game features cutting edge visuals and features.", + "short_description": "Contains full Rising Storm content as well!", + "genres": "Action", + "recommendations": 23376, + "score": 6.63152682833652 + }, + { + "type": "game", + "name": "Trine Enchanted Edition", + "detailed_description": "Trine is a fantasy action game where the player can create and use physics-based objects to beat hazardous puzzles and threatening enemies. Set in a world of great castles and strange machinery, three heroes are bound to a mysterious device called the Trine in a quest to save the kingdom from evil. . The gameplay is based on fully interactive physics - each character's different abilities help the player battle an army of undead and defeat hazardous contraptions. The player can at any time freely choose whoever is best suited for the upcoming challenge or puzzle: The Wizard is able to summon objects to help solve puzzles and create new ways to overcome obstacles, the Thief uses her agility and dead-on accuracy to swiftly surprise the monsters, and the Knight unleashes mayhem and physical destruction wherever he goes.Trine Enchanted Edition Trine Enchanted Edition is a remake of the original Trine with dazzling new visual effects and numerous gameplay improvements!. Online and local co-op with up to three players. Mid-level saving: Save anywhere to play as long or short sessions as you like. Stunning new graphics based on the Trine 2 engine. Both Trine Enchanted Edition as well as the original Trine are included in the Enchanted Edition. The different versions are selectable from the game launcher. All Trine purchases have been automatically updated to Trine Enchanted Edition. . Note: The original Trine is only included in the Windows and Mac versions.Key Features . 3 Heroes \u2013 Amadeus the Wizard, Pontius the Knight and Zoya the Thief, each with their own skills:. Wizard is able to cast physically simulated objects and levitate them in the totally interactive game world. Knight is a mayhem-bringer like no other, able to destroy objects and smash skeletons to pieces with his weapons, including the mighty Storm Hammer! . Thief can hit enemies from a distance with her accurate arrows but she also has a grappling hook to easily swing from one platform to another. . Solve challenges and puzzles in many different ways \u2013 combine the characters' abilities and let your mind come up with creative solutions never seen before. Online and local co-op with up to three players. Characters gain experience points that can be used to upgrade their abilities. Fully interactive game world with life-like physics. 15 carefully designed and challenging levels with a distinctly unique atmosphere and graphics, including the Astral Academy, Crystal Caverns, Dragon Graveyard, Forsaken Dungeons, Fangle Forest and the Ruins of the Perished. . Many different items to collect - each affecting the characters' abilities. Well-hidden secret chests in every level. 3 difficulty levels to choose from. Amazing 19-track soundtrack composed by acclaimed Ari Pulkkinen. Fun and challenging Steam Achievements to unlock. Trine (Original Version) . Trine Enchanted Edition also includes the original version of Trine for Windows and Mac. The game version can be selected from the game's launcher. . The original version also has some additional language subtitle options: Finnish, Turkish, Portuguese, Romanian in addition to those present in Trine Enchanted Edition (English, French, German, Italian, Spanish).", + "about_the_game": "Trine is a fantasy action game where the player can create and use physics-based objects to beat hazardous puzzles and threatening enemies. Set in a world of great castles and strange machinery, three heroes are bound to a mysterious device called the Trine in a quest to save the kingdom from evil. The gameplay is based on fully interactive physics - each character's different abilities help the player battle an army of undead and defeat hazardous contraptions. The player can at any time freely choose whoever is best suited for the upcoming challenge or puzzle: The Wizard is able to summon objects to help solve puzzles and create new ways to overcome obstacles, the Thief uses her agility and dead-on accuracy to swiftly surprise the monsters, and the Knight unleashes mayhem and physical destruction wherever he goes.Trine Enchanted Edition Trine Enchanted Edition is a remake of the original Trine with dazzling new visual effects and numerous gameplay improvements! Online and local co-op with up to three playersMid-level saving: Save anywhere to play as long or short sessions as you likeStunning new graphics based on the Trine 2 engineBoth Trine Enchanted Edition as well as the original Trine are included in the Enchanted Edition. The different versions are selectable from the game launcher. All Trine purchases have been automatically updated to Trine Enchanted Edition.Note: The original Trine is only included in the Windows and Mac versions.Key Features 3 Heroes \u2013 Amadeus the Wizard, Pontius the Knight and Zoya the Thief, each with their own skills: Wizard is able to cast physically simulated objects and levitate them in the totally interactive game world Knight is a mayhem-bringer like no other, able to destroy objects and smash skeletons to pieces with his weapons, including the mighty Storm Hammer! Thief can hit enemies from a distance with her accurate arrows but she also has a grappling hook to easily swing from one platform to another Solve challenges and puzzles in many different ways \u2013 combine the characters' abilities and let your mind come up with creative solutions never seen before Online and local co-op with up to three players Characters gain experience points that can be used to upgrade their abilities Fully interactive game world with life-like physics 15 carefully designed and challenging levels with a distinctly unique atmosphere and graphics, including the Astral Academy, Crystal Caverns, Dragon Graveyard, Forsaken Dungeons, Fangle Forest and the Ruins of the Perished. Many different items to collect - each affecting the characters' abilities Well-hidden secret chests in every level 3 difficulty levels to choose from Amazing 19-track soundtrack composed by acclaimed Ari Pulkkinen Fun and challenging Steam Achievements to unlock Trine (Original Version) Trine Enchanted Edition also includes the original version of Trine for Windows and Mac. The game version can be selected from the game's launcher.The original version also has some additional language subtitle options: Finnish, Turkish, Portuguese, Romanian in addition to those present in Trine Enchanted Edition (English, French, German, Italian, Spanish).", + "short_description": "Three Heroes make their way through dangers untold in a fairytale world of great castles and strange machinery, featuring physics-based puzzles, beautiful sights and online co-op.", + "genres": "Action", + "recommendations": 11311, + "score": 6.15299952238308 + }, + { + "type": "game", + "name": "Trine 2: Complete Story", + "detailed_description": "Trine 2 is a sidescrolling game of action, puzzles and platforming where you play as one of Three Heroes who make their way through dangers untold in a fantastical fairytale world. . Join Amadeus the Wizard, Pontius the Knight and Zoya the Thief in their adventure full of friendship, magic and betrayal. . Trine 2: Complete Story fully integrates the Goblin Menace expansion campaign and the all-new unlockable Dwarven Caverns level into one mighty fairytale. All owners of Trine 2: Goblin Menace are automatically upgraded to the Complete Story edition.Key Features Complete Story edition features the all-new unlockable Dwarven Caverns level that takes our heroes on a journey through deep and dark lava-filled tunnels resonating with ancient legends. 20 levels chock-full of adventure, physics-based puzzles, hazards, enemies and contraptions. . 3 Heroes \u2013 Amadeus the Wizard, Pontius the Knight and Zoya the Thief, each with their own skills \u2013 and personalities charming and otherwise. Choose new skills to aid the heroes in their quest; fight dragon fire with fire arrows or turn your goblin enemies to ice, fly across chasms with the Kitesail Shield, levitate monsters to great heights and then trap them in a box, or slow down the game world with the time-bending gravity bubble!. Travel through beautiful vistas and environments (sometimes using extremely unreliable methods of transportation), including a castle by the treacherous sea, a burning desert, snowy ice mountains, all the way to the insides of a giant worm. Accessible for both casual and core gamers. Online and local co-op with up to three players. Save anywhere to play as long or short sessions as you like and use the Unlimited Character Mode and Game+ for additional replay value. Superb graphics with next-gen visuals use impressive technical effects, immerse yourself in the fantastical fairytale world full of magic and wonder. Hidden collectibles for extra adventuring. Fun and challenging achievements to unlock. Full language support for English, French, German and Spanish, and optional subtitling for more than 10 languages. Supports NVIDIA 3D Vision . Trine 2 Soundtrack and Artbook Pack. Digital Artbook with commentary by Trine 2 artists highlighting the design of levels, enemies, buildings and many environments. Also features an exclusive look at material not used in the final game. . Soundtrack by award-winning Ari Pulkkinen, featuring a total of 30 tracks from Trine 2 and Goblin Menace in MP3 format!. The Digital Artbook will be placed in your Trine 2 folder in the Steam directory:. Steam\\\\\\\\\\\\\\\\steamapps\\\\\\\\\\\\\\\\common\\\\\\\\\\\\\\\\Trine 2\\\\\\\\\\\\\\\\Artbook. The Soundtrack will be placed in your Trine 2 folder in the Steam directory:. Steam\\\\\\\\\\\\\\\\steamapps\\\\\\\\\\\\\\\\common\\\\\\\\\\\\\\\\Trine 2\\\\\\\\\\\\\\\\Soundtrack", + "about_the_game": "Trine 2 is a sidescrolling game of action, puzzles and platforming where you play as one of Three Heroes who make their way through dangers untold in a fantastical fairytale world.Join Amadeus the Wizard, Pontius the Knight and Zoya the Thief in their adventure full of friendship, magic and betrayal. Trine 2: Complete Story fully integrates the Goblin Menace expansion campaign and the all-new unlockable Dwarven Caverns level into one mighty fairytale. All owners of Trine 2: Goblin Menace are automatically upgraded to the Complete Story edition.Key Features Complete Story edition features the all-new unlockable Dwarven Caverns level that takes our heroes on a journey through deep and dark lava-filled tunnels resonating with ancient legends 20 levels chock-full of adventure, physics-based puzzles, hazards, enemies and contraptions. 3 Heroes \u2013 Amadeus the Wizard, Pontius the Knight and Zoya the Thief, each with their own skills \u2013 and personalities charming and otherwise Choose new skills to aid the heroes in their quest; fight dragon fire with fire arrows or turn your goblin enemies to ice, fly across chasms with the Kitesail Shield, levitate monsters to great heights and then trap them in a box, or slow down the game world with the time-bending gravity bubble! Travel through beautiful vistas and environments (sometimes using extremely unreliable methods of transportation), including a castle by the treacherous sea, a burning desert, snowy ice mountains, all the way to the insides of a giant worm Accessible for both casual and core gamers Online and local co-op with up to three players Save anywhere to play as long or short sessions as you like and use the Unlimited Character Mode and Game+ for additional replay value Superb graphics with next-gen visuals use impressive technical effects, immerse yourself in the fantastical fairytale world full of magic and wonder Hidden collectibles for extra adventuring Fun and challenging achievements to unlock Full language support for English, French, German and Spanish, and optional subtitling for more than 10 languages Supports NVIDIA 3D Vision Trine 2 Soundtrack and Artbook PackDigital Artbook with commentary by Trine 2 artists highlighting the design of levels, enemies, buildings and many environments. Also features an exclusive look at material not used in the final game.Soundtrack by award-winning Ari Pulkkinen, featuring a total of 30 tracks from Trine 2 and Goblin Menace in MP3 format!The Digital Artbook will be placed in your Trine 2 folder in the Steam directory:...Steam\\\\\\\\\\\\\\\\steamapps\\\\\\\\\\\\\\\\common\\\\\\\\\\\\\\\\Trine 2\\\\\\\\\\\\\\\\ArtbookThe Soundtrack will be placed in your Trine 2 folder in the Steam directory:...Steam\\\\\\\\\\\\\\\\steamapps\\\\\\\\\\\\\\\\common\\\\\\\\\\\\\\\\Trine 2\\\\\\\\\\\\\\\\Soundtrack", + "short_description": "Three Heroes make their way through dangers untold in a fairytale world, featuring physics-based puzzles, beautiful sights and online co-op.", + "genres": "Action", + "recommendations": 14359, + "score": 6.310280172828646 + }, + { + "type": "game", + "name": "Fallout: A Post Nuclear Role Playing Game", + "detailed_description": "You've just unearthed the classic post-apocalyptic role-playing game that revitalized the entire CRPG genre. The Fallout\u00ae SPECIAL system allows drastically different types of characters, meaningful decisions and development that puts you in complete control. Explore the devastated ruins of a golden age civilization. Talk, sneak or fight your way past mutants, gangsters and robotic adversaries. Make the right decisions or you could end up as another fallen hero in the wastelands.", + "about_the_game": "You've just unearthed the classic post-apocalyptic role-playing game that revitalized the entire CRPG genre. The Fallout\u00ae SPECIAL system allows drastically different types of characters, meaningful decisions and development that puts you in complete control. Explore the devastated ruins of a golden age civilization. Talk, sneak or fight your way past mutants, gangsters and robotic adversaries. Make the right decisions or you could end up as another fallen hero in the wastelands...", + "short_description": "You've just unearthed the classic post-apocalyptic role-playing game that revitalized the entire CRPG genre. The Fallout\u00ae SPECIAL system allows drastically different types of characters, meaningful decisions and development that puts you in complete control. Explore the devastated ruins of a golden age civilization.", + "genres": "RPG", + "recommendations": 10519, + "score": 6.105148736872201 + }, + { + "type": "game", + "name": "Fallout 2: A Post Nuclear Role Playing Game", + "detailed_description": "Fallout\u00ae 2 is the sequel to the critically acclaimed game that took RPG'ing out of the dungeons and into a dynamic, apocalyptic retro-future. It's been 80 long years since your ancestors trod across the wastelands. As you search for the Garden of Eden Creation Kit to save your primitive village, your path is strewn with crippling radiation, megalomaniac mutants, and a relentless stream of lies, deceit and treachery. You begin to wonder if anyone really stands to gain anything from this brave new world. Mastering your character's skills and traits for survival, Fallout\u00ae 2 will challenge you to endure in a post-nuclear world whose future withers with every passing moment.", + "about_the_game": "Fallout\u00ae 2 is the sequel to the critically acclaimed game that took RPG'ing out of the dungeons and into a dynamic, apocalyptic retro-future.\r\n\t\t\t\t\tIt's been 80 long years since your ancestors trod across the wastelands. As you search for the Garden of Eden Creation Kit to save your primitive village, your path is strewn with crippling radiation, megalomaniac mutants, and a relentless stream of lies, deceit and treachery. You begin to wonder if anyone really stands to gain anything from this brave new world.\r\n\t\t\t\t\tMastering your character's skills and traits for survival, Fallout\u00ae 2 will challenge you to endure in a post-nuclear world whose future withers with every passing moment...", + "short_description": "Fallout\u00ae 2 is the sequel to the critically acclaimed game that took RPG'ing out of the dungeons and into a dynamic, apocalyptic retro-future. It's been 80 long years since your ancestors trod across the wastelands.", + "genres": "RPG", + "recommendations": 9669, + "score": 6.049608698261232 + }, + { + "type": "game", + "name": "Fallout Tactics: Brotherhood of Steel", + "detailed_description": "Tactical Squad-Based Combat comes to the Fallout\u00ae Universe!. You are the wretched refuse. You may be born from dirt, but we will forge you into steel. You will learn to bend; if not you, will you break. In these dark times, the Brotherhood - your Brotherhood - is all that stands between the rekindled flame of civilization and the howling, radiated wasteland. Your weapons will become more than your tools, they will become your friends. You will use your skills to inspire the lowly and protect the weak. whether they like it or not. Your squadmates will be more dear to you than your kin and for those that survive there will be honor, respect and the spoils of war.", + "about_the_game": "Tactical Squad-Based Combat comes to the Fallout\u00ae Universe!\r\n\t\t\t\t\tYou are the wretched refuse. You may be born from dirt, but we will forge you into steel. You will learn to bend; if not you, will you break. In these dark times, the Brotherhood - your Brotherhood - is all that stands between the rekindled flame of civilization and the howling, radiated wasteland.\r\n\t\t\t\t\tYour weapons will become more than your tools, they will become your friends. You will use your skills to inspire the lowly and protect the weak... whether they like it or not. Your squadmates will be more dear to you than your kin and for those that survive there will be honor, respect and the spoils of war.", + "short_description": "Tactical Squad-Based Combat comes to the Fallout\u00ae Universe! You are the wretched refuse. You may be born from dirt, but we will forge you into steel. You will learn to bend; if not you, will you break. In these dark times, the Brotherhood - your Brotherhood - is all that stands between the rekindled flame of civilization and the howling,...", + "genres": "Strategy", + "recommendations": 1735, + "score": 4.917418072342067 + }, + { + "type": "game", + "name": "Moonbase Alpha", + "detailed_description": "NASA has once again landed on the lunar surface with the goal of colonization, research, and further exploration. Shortly after the return to the Moon, NASA has established a small outpost on the south pole of the moon called Moonbase Alpha. Utilizing solar energy and regolith processing, the moonbase has become self-sufficient and plans for further expansion are underway. In Moonbase Alpha, you assume the exciting role of an astronaut working to further human expansion and research. Returning from a research expedition, you witness a meteorite impact that cripples the life support capability of the settlement. With precious minutes ticking away, you and your team must repair and replace equipment in order to restore the oxygen production to the settlement. Team coordination along with the proper use and allocation of your available resources (player controlled robots, rovers, repair tools, etc.) are key to your overall success. There are several ways in which you can successfully restore the life support system of the lunar base, but since you are scored on the time spent to complete the task, you have to work effectively as a team, learn from decisions made in previous gaming sessions, and make intelligence decisions in order to top the leaderboards. Key features: Team up with your friends. . The fate of a lunar colony rests on the shoulders of you and your team. Communicate and coordinate efforts with up to six players (LAN and internet) by using voice over communication. Utilize the latest in NASA technology. . A fully functional rover that utilizes lunar physics is available to transport both players and supplies to all reaches of the lunar colony. You can build and pilot your own repair robot in order to fix crucial systems before time runs out. Immerse yourself in an awe-inspiring lunar environment. . Take your first steps on the moon's surface in a truly accurate lunar moonscape that is unmatched in any other application. Compete with your friends to reach the top of the leaderboards. . Do you have what takes it to be number one? When you win, your score will automatically be posted to the leaderboards for everyone to see. A unique experience each time. . With multiple paths for game success, you'll need to learn to work effectively as a team, learn from decisions made in previous gaming sessions, and make intelligent decisions in order to top the leaderboards. Tailor your game to fit your gameplay style. . Do you want to play with two players or six? With multiple game maps you can select the game environment that best suits your team's needs.", + "about_the_game": "NASA has once again landed on the lunar surface with the goal of colonization, research, and further exploration. Shortly after the return to the Moon, NASA has established a small outpost on the south pole of the moon called Moonbase Alpha. Utilizing solar energy and regolith processing, the moonbase has become self-sufficient and plans for further expansion are underway.\t\t\t\t\tIn Moonbase Alpha, you assume the exciting role of an astronaut working to further human expansion and research. Returning from a research expedition, you witness a meteorite impact that cripples the life support capability of the settlement. With precious minutes ticking away, you and your team must repair and replace equipment in order to restore the oxygen production to the settlement.\t\t\t\t\tTeam coordination along with the proper use and allocation of your available resources (player controlled robots, rovers, repair tools, etc.) are key to your overall success. There are several ways in which you can successfully restore the life support system of the lunar base, but since you are scored on the time spent to complete the task, you have to work effectively as a team, learn from decisions made in previous gaming sessions, and make intelligence decisions in order to top the leaderboards.\t\t\t\t\tKey features:\t\t\t\t\tTeam up with your friends...\t\t\t\t\tThe fate of a lunar colony rests on the shoulders of you and your team. Communicate and coordinate efforts with up to six players (LAN and internet) by using voice over communication.\t\t\t\t\tUtilize the latest in NASA technology... \t\t\t\t\tA fully functional rover that utilizes lunar physics is available to transport both players and supplies to all reaches of the lunar colony. You can build and pilot your own repair robot in order to fix crucial systems before time runs out.\t\t\t\t\tImmerse yourself in an awe-inspiring lunar environment...\t\t\t\t\tTake your first steps on the moon's surface in a truly accurate lunar moonscape that is unmatched in any other application.\t\t\t\t\tCompete with your friends to reach the top of the leaderboards...\t\t\t\t\tDo you have what takes it to be number one? When you win, your score will automatically be posted to the leaderboards for everyone to see.\t\t\t\t\tA unique experience each time..\t\t\t\t\tWith multiple paths for game success, you'll need to learn to work effectively as a team, learn from decisions made in previous gaming sessions, and make intelligent decisions in order to top the leaderboards. \t\t\t\t\tTailor your game to fit your gameplay style...\t\t\t\t\tDo you want to play with two players or six? With multiple game maps you can select the game environment that best suits your team's needs.", + "short_description": "NASA has once again landed on the lunar surface with the goal of colonization, research, and further exploration. Shortly after the return to the Moon, NASA has established a small outpost on the south pole of the moon called Moonbase Alpha.", + "genres": "Adventure", + "recommendations": 174, + "score": 3.4047805368146173 + }, + { + "type": "game", + "name": "RIFT", + "detailed_description": "RIFT is a massively multiplayer online adventure (MMORPG) set in the dynamic fantasy universe of Telara. You are an Ascended, a hero of Telara, protecting your land against invaders from the elemental Planes. Telara is a realm where battles can begin anywhere at any time. Stay on your guard and fight for glory!. With a robust character creation system and boundless universe, RIFT offers a huge range of gameplay with ever-growing content and performance improvements. Oh, and it\u2019s absolutely FREE TO PLAY! No tricks, no traps!. . Create a character and class to fit the way you play. Start by choosing from two factions, each with three races, and dozens of unique Souls, each with hundreds of traits and abilities. Mix and match on the fly and re-specialize anytime you like. . If you love a particular armor look but the stats are not great for your character build, it's no problem! Every armor or costume piece you get is saved for you to use across all your characters as a costume! Show off your fashion sense to everyone who is blessed enough to see you!. . Telara is a living, dynamic world where chaos can erupt at any moment. Whether you\u2019re battling planar invasions or ancient titans alongside scores of your fellow Ascended, the next adventure is always near!. . Join other heroes on Instant, Intrepid or Celestial adventures and visit places you've only dared to dream about! These adventures will port you place to place to battle the next scourge threatening the lands of Telara!. . In the deep, dark places of Telara, foul creatures breed, scheme, and hoard the treasures of ages. Gather your friends and delve into dozens of dungeons and raids for groups of 2, 5, 10, and 20 players.", + "about_the_game": "RIFT is a massively multiplayer online adventure (MMORPG) set in the dynamic fantasy universe of Telara. You are an Ascended, a hero of Telara, protecting your land against invaders from the elemental Planes. Telara is a realm where battles can begin anywhere at any time. Stay on your guard and fight for glory!With a robust character creation system and boundless universe, RIFT offers a huge range of gameplay with ever-growing content and performance improvements. Oh, and it\u2019s absolutely FREE TO PLAY! No tricks, no traps!Create a character and class to fit the way you play. Start by choosing from two factions, each with three races, and dozens of unique Souls, each with hundreds of traits and abilities. Mix and match on the fly and re-specialize anytime you like.If you love a particular armor look but the stats are not great for your character build, it's no problem! Every armor or costume piece you get is saved for you to use across all your characters as a costume! Show off your fashion sense to everyone who is blessed enough to see you!Telara is a living, dynamic world where chaos can erupt at any moment. Whether you\u2019re battling planar invasions or ancient titans alongside scores of your fellow Ascended, the next adventure is always near!Join other heroes on Instant, Intrepid or Celestial adventures and visit places you've only dared to dream about! These adventures will port you place to place to battle the next scourge threatening the lands of Telara!In the deep, dark places of Telara, foul creatures breed, scheme, and hoard the treasures of ages. Gather your friends and delve into dozens of dungeons and raids for groups of 2, 5, 10, and 20 players.", + "short_description": "Dive into a world of epic adventure! Create your perfect hero thanks to a uniquely customizable class system. Collect, craft, and customize your gear. Go it alone or group up to challenge dungeons, raids, dynamic open-world content, and your fellow players.", + "genres": "Free to Play", + "recommendations": 939, + "score": 4.513007639494317 + }, + { + "type": "game", + "name": "FINAL FANTASY VII", + "detailed_description": "Https://store.steampowered.com/app/1462040. In Midgar, a city controlled by the mega-conglomerate Shinra Inc., the No. 1 Mako Reactor has been blown up by a rebel group, AVALANCHE. . AVALANCHE was secretly formed to wage a rebellion against Shinra Inc., an organisation which is absorbing Mako energy, destroying the natural resources of the planet. Cloud, a former member of Shinra's elite combat force, SOLDIER, was involved with the bombing of the Mako Reactor. . Can Cloud and AVALANCHE protect the planet from the huge, formidable enemy, Shinra Inc.?. The RPG classic FINAL FANTASY VII returns to PC, now with brand new online features! . Achievements \u2013 Whether you\u2019re a seasoned FINAL FANTASY VII veteran or exploring this RPG classic for the very first time, show off your in-game accomplishments and put your gaming skills to the test with 36 brand new achievements to unlock. Share your profile with friends online to find out who is the ultimate FINAL FANTASY fan.'. Cloud Saves \u2013 If you\u2019re away from home or simply using a different computer to play, enjoy FINAL FANTASY VII wherever you are. With cloud save support in FINAL FANTASY VII you can continue your game progress right where you left off (Requires Internet Connection. Saves can only be transferred between a maximum of 3 computers at any one time). . Character Booster \u2013 Find yourself stuck on a difficult section or lacking the funds to buy that vital Phoenix Down? With the Character Booster you can increase your HP, MP and Gil levels to their maximum, all with the simple click of a button, leaving you to enjoy your adventure. . Optimized for PC \u2013 FINAL FANTASY VII has been updated to support the latest hardware and Windows Operating Systems. . To back up your save files, remember to turn on Cloud Saving in the Network Settings panel on the FINAL FANTASY VII launcher. Uninstalling the game will delete any save files stored locally on your PC.", + "about_the_game": " Midgar, a city controlled by the mega-conglomerate Shinra Inc., the No. 1 Mako Reactor has been blown up by a rebel group, AVALANCHE.AVALANCHE was secretly formed to wage a rebellion against Shinra Inc., an organisation which is absorbing Mako energy, destroying the natural resources of the planet. Cloud, a former member of Shinra's elite combat force, SOLDIER, was involved with the bombing of the Mako Reactor.Can Cloud and AVALANCHE protect the planet from the huge, formidable enemy, Shinra Inc.?The RPG classic FINAL FANTASY VII returns to PC, now with brand new online features! Achievements \u2013 Whether you\u2019re a seasoned FINAL FANTASY VII veteran or exploring this RPG classic for the very first time, show off your in-game accomplishments and put your gaming skills to the test with 36 brand new achievements to unlock. Share your profile with friends online to find out who is the ultimate FINAL FANTASY fan.' Cloud Saves \u2013 If you\u2019re away from home or simply using a different computer to play, enjoy FINAL FANTASY VII wherever you are. With cloud save support in FINAL FANTASY VII you can continue your game progress right where you left off (Requires Internet Connection. Saves can only be transferred between a maximum of 3 computers at any one time). Character Booster \u2013 Find yourself stuck on a difficult section or lacking the funds to buy that vital Phoenix Down? With the Character Booster you can increase your HP, MP and Gil levels to their maximum, all with the simple click of a button, leaving you to enjoy your adventure. Optimized for PC \u2013 FINAL FANTASY VII has been updated to support the latest hardware and Windows Operating Systems.To back up your save files, remember to turn on Cloud Saving in the Network Settings panel on the FINAL FANTASY VII launcher. Uninstalling the game will delete any save files stored locally on your PC.", + "short_description": "The RPG classic FINAL FANTASY VII returns to PC, now with brand new online features!", + "genres": "RPG", + "recommendations": 20547, + "score": 6.546493429399663 + }, + { + "type": "game", + "name": "FINAL FANTASY XIV Online", + "detailed_description": "Take part in an epic and ever-changing FINAL FANTASY as you adventure and explore with friends from around the world. This product also includes the entitlements to play FINAL FANTASY\u00ae XIV: A Realm Reborn and the expansion pack FINAL FANTASY\u00ae XIV: HEAVENSWARD. . For newcomers to FINAL FANTASY XIV Online, the Starter Edition includes two award-winning titles \u2013 FINAL FANTASY XIV: A Realm Reborn, and the first expansion, FINAL FANTASY XIV: Heavensward. . Join over 25 million adventurers worldwide on an adventure that will take you to the heavens and beyond!. Includes 30-day free subscription period for all newly created service accounts*. User registration and service subscription are required to play the game. . * The 30-day free play period included with purchase can only be applied once to each platform on a single service account. Moreover, this 30-day free play period is not applicable to platforms on which a license has already been registered. . LOGO ILLUSTRATION: \u00a9 2010, 2014, 2016, 2018, 2021 YOSHITAKA AMANO. Note:. FINAL FANTASY XIV Online game packages available on Steam may only be registered and added on a Square Enix account that has the base game \u201cFINAL FANTASY XIV Online Starter Edition\" (or formerly known as \"FINAL FANTASY XIV: A Realm Reborn\u201d) purchased on Steam. . To view your 20 digit registration codes after purchase, simply right-click on \u201cFINAL FANTASY XIV\u201d in your Steam \u201cLibrary\u201d and select \u201cView CD key\u201d on the Steam client. The codes will always be accessible from this location should you ever need to reference them again. . The registration codes can be redeemed immediately on the Mog Station If this is your first time installing and registering \"FINAL FANTASY XIV Online\", you may redeem your registration codes during the initial installation process. . Please note that the Brazilian and Russian subscription and optional item prices were adjusted on November 15th, 2017. Please visit the following links for further details: Brazilian / Russian prices.", + "about_the_game": "Take part in an epic and ever-changing FINAL FANTASY as you adventure and explore with friends from around the world. This product also includes the entitlements to play FINAL FANTASY\u00ae XIV: A Realm Reborn and the expansion pack FINAL FANTASY\u00ae XIV: HEAVENSWARD.For newcomers to FINAL FANTASY XIV Online, the Starter Edition includes two award-winning titles \u2013 FINAL FANTASY XIV: A Realm Reborn, and the first expansion, FINAL FANTASY XIV: Heavensward.Join over 25 million adventurers worldwide on an adventure that will take you to the heavens and beyond!Includes 30-day free subscription period for all newly created service accounts*. User registration and service subscription are required to play the game.* The 30-day free play period included with purchase can only be applied once to each platform on a single service account. Moreover, this 30-day free play period is not applicable to platforms on which a license has already been registered.LOGO ILLUSTRATION: \u00a9 2010, 2014, 2016, 2018, 2021 YOSHITAKA AMANONote:FINAL FANTASY XIV Online game packages available on Steam may only be registered and added on a Square Enix account that has the base game \u201cFINAL FANTASY XIV Online Starter Edition\" (or formerly known as \"FINAL FANTASY XIV: A Realm Reborn\u201d) purchased on Steam.To view your 20 digit registration codes after purchase, simply right-click on \u201cFINAL FANTASY XIV\u201d in your Steam \u201cLibrary\u201d and select \u201cView CD key\u201d on the Steam client. The codes will always be accessible from this location should you ever need to reference them again.The registration codes can be redeemed immediately on the Mog Station If this is your first time installing and registering \"FINAL FANTASY XIV Online\", you may redeem your registration codes during the initial installation process.Please note that the Brazilian and Russian subscription and optional item prices were adjusted on November 15th, 2017. Please visit the following links for further details: Brazilian / Russian prices.", + "short_description": "Take part in an epic and ever-changing FINAL FANTASY as you adventure and explore with friends from around the world.", + "genres": "Massively Multiplayer", + "recommendations": 61588, + "score": 7.270142887106495 + }, + { + "type": "game", + "name": "Gothic\u00ae 3", + "detailed_description": "A nameless hero becomes a legend!. Myrtana, a world in upheaval: overrun by orcs from the dark lands in the north, King Rhobar is defending Vengard, the former stronghold of the humans, with his last troop of followers. Chaos reigns without: rebels are offering resistance, and the Hashishin of the south are openly collaborating with the orcs. . Rumours that the nameless hero of Khorinis is on his way to the mainland spawn both hope and worry. Whose side will he take? Who will feel his wrath, who enjoy his favor? Only one thing is sure: his deeds are going to change Myrtana forever. . Liberation or annihilitaion \u2013 the fate of the world of Gothic lies in your hands! Create your own individual gaming experience through different solution paths. . Dynamic, action-packed combat system: choose between Fast Attacks, deadly whirlwind close combat, or shooting from a distance. Immerse yourself in the most colorful and authentic fantasy world of all time \u2013 Myrtana awaits you!. Specially designed easy combat system. Clear main goals-story driven yet dictated by player's choice. Huge free-roaming world - virtually no boundaries. Advanced human behavior AI for hundreds of individual characters with full audio dialogues. Countless side quests for the player to choose from. Over 50 different monsters and animals and dozens of human enemies. Over 50 different powerful spells and over a hundred different weapons. Unique class-free character development.", + "about_the_game": "A nameless hero becomes a legend!\t\t\t\t\tMyrtana, a world in upheaval: overrun by orcs from the dark lands in the north, King Rhobar is defending Vengard, the former stronghold of the humans, with his last troop of followers. Chaos reigns without: rebels are offering resistance, and the Hashishin of the south are openly collaborating with the orcs.\t\t\t\t\tRumours that the nameless hero of Khorinis is on his way to the mainland spawn both hope and worry. Whose side will he take? Who will feel his wrath, who enjoy his favor? Only one thing is sure: his deeds are going to change Myrtana forever...\t\t\t\t\tLiberation or annihilitaion \u2013 the fate of the world of Gothic lies in your hands! Create your own individual gaming experience through different solution paths.\t\t\t\t\tDynamic, action-packed combat system: choose between Fast Attacks, deadly whirlwind close combat, or shooting from a distance.\t\t\t\t\tImmerse yourself in the most colorful and authentic fantasy world of all time \u2013 Myrtana awaits you!\t\t\t\t\tSpecially designed easy combat system\t\t\t\t\tClear main goals-story driven yet dictated by player's choice\t\t\t\t\tHuge free-roaming world - virtually no boundaries\t\t\t\t\tAdvanced human behavior AI for hundreds of individual characters with full audio dialogues\t\t\t\t\tCountless side quests for the player to choose from\t\t\t\t\tOver 50 different monsters and animals and dozens of human enemies\t\t\t\t\tOver 50 different powerful spells and over a hundred different weapons\t\t\t\t\tUnique class-free character development", + "short_description": "A nameless hero becomes a legend! Myrtana, a world in upheaval: overrun by orcs from the dark lands in the north, King Rhobar is defending Vengard, the former stronghold of the humans, with his last troop of followers.", + "genres": "Action", + "recommendations": 7029, + "score": 5.839418829428294 + }, + { + "type": "game", + "name": "Supreme Commander 2", + "detailed_description": "In Supreme Commander 2, players will experience brutal battles on a massive scale! Players will wage war by creating enormous customizable armies and experimental war machines that can change the balance of power at any given moment. Take the role of one of the three enigmatic commanders, each representing a unique faction with a rich story that brings a new level of emotional connection to the RTS genre, or fight the battle online. Where do your loyalties lie?. A deep and powerful story - element adds a personal, human aspect to a storyline previously focused on warring factions and the politics that fuel them. The single player campaign features three character-driven storylines set 25 years after the events of Supreme Commander: Forged Alliance . Command enormous armies made up of customizable land, air and naval units. Each of the three diverse factions \u2013 The United Earth Federation (UEF), the Cybran Nation and the Illuminate \u2013 have been completely redesigned from the original game, with many units. . Experimental units - returning with new designs and greatly enhanced looks\u2026.and some new tricks that can be unlocked through research . New Supreme Commander Gameplay Experience - players now have the ability to research new technologies and units and deploy them instantly on the battlefield, allowing them to upgrade a base-level tank to a high-powered, multi-barreled, AA-sporting monster by the end of a given game. . Strategic Mode UI - the redesigned UI that is faster, takes up less screen real-estate and gives better player feedback. New rendering technology that allows us to create visually spectacular environments .", + "about_the_game": "In Supreme Commander 2, players will experience brutal battles on a massive scale! Players will wage war by creating enormous customizable armies and experimental war machines that can change the balance of power at any given moment. Take the role of one of the three enigmatic commanders, each representing a unique faction with a rich story that brings a new level of emotional connection to the RTS genre, or fight the battle online. Where do your loyalties lie?\t\t\t\t\t\tA deep and powerful story - element adds a personal, human aspect to a storyline previously focused on warring factions and the politics that fuel them. The single player campaign features three character-driven storylines set 25 years after the events of Supreme Commander: Forged Alliance \t\t\t\t\t\tCommand enormous armies made up of customizable land, air and naval units. Each of the three diverse factions \u2013 The United Earth Federation (UEF), the Cybran Nation and the Illuminate \u2013 have been completely redesigned from the original game, with many units.\t\t\t\t\t\tExperimental units - returning with new designs and greatly enhanced looks\u2026.and some new tricks that can be unlocked through research \t\t\t\t\t\tNew Supreme Commander Gameplay Experience - players now have the ability to research new technologies and units and deploy them instantly on the battlefield, allowing them to upgrade a base-level tank to a high-powered, multi-barreled, AA-sporting monster by the end of a given game. \t\t\t\t\t\tStrategic Mode UI - the redesigned UI that is faster, takes up less screen real-estate and gives better player feedback\t\t\t\t\t\tNew rendering technology that allows us to create visually spectacular environments", + "short_description": "Includes 47 Steam achievements, leaderboards, and stats!", + "genres": "Strategy", + "recommendations": 7258, + "score": 5.860550684430947 + }, + { + "type": "game", + "name": "Super Meat Boy", + "detailed_description": "Super Meat Boy is a tough as nails platformer where you play as an animated cube of meat who's trying to save his girlfriend (who happens to be made of bandages) from an evil fetus in a jar wearing a tux. . Our meaty hero will leap from walls, over seas of buzz saws, through crumbling caves and pools of old needles. Sacrificing his own well being to save his damsel in distress. Super Meat Boy brings the old school difficulty of classic NES titles like Mega Man 2, Ghost and Goblins and Super Mario Bros. 2 (The Japanese one) and stream lines them down to the essential no BS straight forward twitch reflex platforming. . Ramping up in difficulty from hard to soul crushing SMB will drag Meat boy though haunted hospitals, salt factories and even hell itself. And if 300+ single player levels weren't enough SMB also throws in epic boss fights, a level editor and tons of unlock able secrets, warp zones and hidden characters. Story mode, featuring over 300 levels spanning 5+ chapters. Play as a Head Crab! (Steam Exclusive). 33 legitimate Achievements. Warp zones that will warp you into other games. Over 16 unlockable able and playable characters from popular indie titles such as, Minecraft, Bit.Trip, VVVVVV and Machinarium. Epic Boss fights. Full Level Editor and Level Portal (January 2011). A story so moving you will cry yourself to sleep for the rest of your life.", + "about_the_game": "Super Meat Boy is a tough as nails platformer where you play as an animated cube of meat who's trying to save his girlfriend (who happens to be made of bandages) from an evil fetus in a jar wearing a tux.\t\t\t\t\tOur meaty hero will leap from walls, over seas of buzz saws, through crumbling caves and pools of old needles. Sacrificing his own well being to save his damsel in distress. Super Meat Boy brings the old school difficulty of classic NES titles like Mega Man 2, Ghost and Goblins and Super Mario Bros. 2 (The Japanese one) and stream lines them down to the essential no BS straight forward twitch reflex platforming. \t\t\t\t\tRamping up in difficulty from hard to soul crushing SMB will drag Meat boy though haunted hospitals, salt factories and even hell itself. And if 300+ single player levels weren't enough SMB also throws in epic boss fights, a level editor and tons of unlock able secrets, warp zones and hidden characters.\t\t\t\t\tStory mode, featuring over 300 levels spanning 5+ chapters\t\t\t\t\tPlay as a Head Crab! (Steam Exclusive)\t\t\t\t\t33 legitimate Achievements\t\t\t\t\tWarp zones that will warp you into other games\t\t\t\t\tOver 16 unlockable able and playable characters from popular indie titles such as, Minecraft, Bit.Trip, VVVVVV and Machinarium\t\t\t\t\tEpic Boss fights\t\t\t\t\tFull Level Editor and Level Portal (January 2011)\t\t\t\t\tA story so moving you will cry yourself to sleep for the rest of your life", + "short_description": "The infamous, tough-as-nails platformer comes to Steam with a playable Head Crab character (Steam-exclusive)!", + "genres": "Indie", + "recommendations": 23908, + "score": 6.646361029684601 + }, + { + "type": "game", + "name": "Stronghold HD", + "detailed_description": "Want more? Check out our latest Stronghold game, Stronghold: Definitive Edition! The original castle sim, Stronghold HD allows you to design, build and destroy historical castles. Engage in medieval warfare against the AI in one of two single player campaigns or online with up to 8 players. . . With 21 missions to test your mettle and four renegade lords to defeat, it is up to you to reunite medieval England and take back your lands from the treacherous Rat, Pig, Snake and Wolf. Missions range from breaking sieges and capturing enemy castles to raising gold and holding off enemy attacks. Also featured is a full economic campaign, tasking players to gather resources and build weapons within the time limit. . . Wield greater control over your army than ever before with new high resolution graphics! The new HD battlefield view allows you to zoom out and play in real-time, with the whole map on one screen. Advance on the castle gates while flanking the enemy from behind, feign retreat and lead your foe into a deadly trap or just sit back and watch the destruction unfold. . . Design and build your very own castle, complete with a working economy and brutal killing zones. . Battle through 21 story-based missions as you drive back the villainous Wolf and reclaim medieval England. . Build your dream castle in the combat-free economic campaign or besiege historical castles in Siege That!. . View the entire battlefield on a single screen with support for new HD resolutions. . Take your castle wherever you go with Steam Cloud support for saved games. . Play the original game on Windows XP, Vista, 7, 8 and 10 with added compatibility.", + "about_the_game": "Want more? Check out our latest Stronghold game, Stronghold: Definitive Edition! original castle sim, Stronghold HD allows you to design, build and destroy historical castles. Engage in medieval warfare against the AI in one of two single player campaigns or online with up to 8 players.With 21 missions to test your mettle and four renegade lords to defeat, it is up to you to reunite medieval England and take back your lands from the treacherous Rat, Pig, Snake and Wolf. Missions range from breaking sieges and capturing enemy castles to raising gold and holding off enemy attacks. Also featured is a full economic campaign, tasking players to gather resources and build weapons within the time limit.Wield greater control over your army than ever before with new high resolution graphics! The new HD battlefield view allows you to zoom out and play in real-time, with the whole map on one screen. Advance on the castle gates while flanking the enemy from behind, feign retreat and lead your foe into a deadly trap or just sit back and watch the destruction unfold.Design and build your very own castle, complete with a working economy and brutal killing zones.Battle through 21 story-based missions as you drive back the villainous Wolf and reclaim medieval England.Build your dream castle in the combat-free economic campaign or besiege historical castles in Siege That!.View the entire battlefield on a single screen with support for new HD resolutions.Take your castle wherever you go with Steam Cloud support for saved games.Play the original game on Windows XP, Vista, 7, 8 and 10 with added compatibility.", + "short_description": "The original castle sim, Stronghold HD allows you to design, build and destroy historical castles. Engage in medieval warfare against the AI in one of two single player campaigns or online with up to 8 players.", + "genres": "Simulation", + "recommendations": 7124, + "score": 5.848267683689223 + }, + { + "type": "game", + "name": "Stronghold Crusader HD", + "detailed_description": "Want more? Check out our latest Stronghold game, Stronghold: Definitive Edition! Journey to distant Arabian lands renowned for brave warriors and fearsome weaponry in Stronghold Crusader HD. The highly anticipated sequel to the best-selling Stronghold, Crusader throws you into historic battles from the Crusades with fiendish AI opponents, new units, 4 historical campaigns and over 100 unique skirmish missions. . . Relive the historic Crusades as Richard the Lionheart and the Saladin, Sultan of Syria. Lead a determined group of Crusaders, forged by centuries of barbaric warfare, amidst the haze of the desert heat then fight for your freedom as the mighty Saladin. . Stronghold Crusader HD features several campaigns documenting the First, Second and Third Crusades, as well as conflicts within the individual Crusader states. Battles such as Nicea, Heraclea, siege of Antioch, Krak des Chevaliers and the Siege of Jerusalem all feature, as do the Crusader Trails from the Stronghold Warchest and Stronghold Crusader Extreme. . . With new high resolution graphics you have more control over your soldiers than ever before. The new HD battlefield view allows you to zoom out and play in real-time, with the whole map on one screen. Advance on the castle gates while flanking the enemy from behind, feign retreat and lead your foe into a deadly trap or just sit back and watch the destruction unfold. . Both Stronghold Crusader and Stronghold Crusader Extreme are included in Stronghold Crusader HD. Extreme plays exactly like the original Stronghold Crusader, only with a few additions. The unit cap has been increased from 1000 to a staggering 10,000 troops, special Tactical Powers such as the Arrow Volley can be used and new buildings make their appearance alongside the Crusader Extreme skirmish trail. . . Join the Crusaders or the Saladin\u2019s forces in four historical campaigns. . Design and build your desert fortress complete with new siege engines and castle defenses. . Fight through 100 unique skirmish missions, each more challenging than the last. . Command new units with unique abilities, such as the stealthy Assassin and nimble Horse Archer. . View the entire battlefield on a single screen with support for new HD resolutions. . Play the original game on Windows XP, Vista, 7, 8 and 10 with added compatibility.", + "about_the_game": "Want more? Check out our latest Stronghold game, Stronghold: Definitive Edition! to distant Arabian lands renowned for brave warriors and fearsome weaponry in Stronghold Crusader HD. The highly anticipated sequel to the best-selling Stronghold, Crusader throws you into historic battles from the Crusades with fiendish AI opponents, new units, 4 historical campaigns and over 100 unique skirmish missions.Relive the historic Crusades as Richard the Lionheart and the Saladin, Sultan of Syria. Lead a determined group of Crusaders, forged by centuries of barbaric warfare, amidst the haze of the desert heat then fight for your freedom as the mighty Saladin.Stronghold Crusader HD features several campaigns documenting the First, Second and Third Crusades, as well as conflicts within the individual Crusader states. Battles such as Nicea, Heraclea, siege of Antioch, Krak des Chevaliers and the Siege of Jerusalem all feature, as do the Crusader Trails from the Stronghold Warchest and Stronghold Crusader Extreme. With new high resolution graphics you have more control over your soldiers than ever before. The new HD battlefield view allows you to zoom out and play in real-time, with the whole map on one screen. Advance on the castle gates while flanking the enemy from behind, feign retreat and lead your foe into a deadly trap or just sit back and watch the destruction unfold.Both Stronghold Crusader and Stronghold Crusader Extreme are included in Stronghold Crusader HD. Extreme plays exactly like the original Stronghold Crusader, only with a few additions. The unit cap has been increased from 1000 to a staggering 10,000 troops, special Tactical Powers such as the Arrow Volley can be used and new buildings make their appearance alongside the Crusader Extreme skirmish trail.Join the Crusaders or the Saladin\u2019s forces in four historical campaigns.Design and build your desert fortress complete with new siege engines and castle defenses.Fight through 100 unique skirmish missions, each more challenging than the last.Command new units with unique abilities, such as the stealthy Assassin and nimble Horse Archer.View the entire battlefield on a single screen with support for new HD resolutions.Play the original game on Windows XP, Vista, 7, 8 and 10 with added compatibility.", + "short_description": "The highly anticipated sequel to the best-selling Stronghold, Stronghold Crusader HD throws you into historic battles and castle sieges from the Crusades with fiendish AI opponents, new units, 4 historical campaigns and over 100 unique skirmish missions.", + "genres": "Simulation", + "recommendations": 13188, + "score": 6.254203839658653 + }, + { + "type": "game", + "name": "Mafia", + "detailed_description": "It\u2019s 1930. After an inadvertent brush with the mafia, cabdriver Tommy Angelo is reluctantly thrust into the world of organized crime. Initially, he is uneasy about falling in with the Salieri family, but soon the rewards become too big to ignore. As he rises through the ranks, the paydays keep getting bigger, but the jobs get even dirtier. Tommy may ultimately earn the respect of the Salieris, but becoming a Made Man will leave him more conflicted than ever with the new life he has chosen.Experience New HeavenExplore more than 12 square miles of New Heaven, a quintessential 1930's American city based on historic Depression-era architecture and culture.Authentic Story and Action-packed GameplayPlay more than 20 thrilling missions inspired by events from the 1930\u2019s. Rise through the ranks of the Salieri family from foot-soldier to Made Man, taking on mob hits, car chases, bootlegging, shootouts, bank robberies and more.Era-inspired Vehicles and WeaponsAs a daring getaway driver, get behind the wheel of more than 60 historically-inspired cars featuring realistic physics and real-time damage. . Complete those grittier jobs with more than a dozen weapons at your disposal. Choose from baseball bats, sawed-off shotguns, magnums and the renowned Tommy gun to deal with any wise guy who dares to cross you. . Note: This rerelease of Mafia has an edited soundtrack and does not include any licensed music.", + "about_the_game": "It\u2019s 1930. After an inadvertent brush with the mafia, cabdriver Tommy Angelo is reluctantly thrust into the world of organized crime. Initially, he is uneasy about falling in with the Salieri family, but soon the rewards become too big to ignore. As he rises through the ranks, the paydays keep getting bigger, but the jobs get even dirtier. Tommy may ultimately earn the respect of the Salieris, but becoming a Made Man will leave him more conflicted than ever with the new life he has chosen.Experience New HeavenExplore more than 12 square miles of New Heaven, a quintessential 1930's American city based on historic Depression-era architecture and culture.Authentic Story and Action-packed GameplayPlay more than 20 thrilling missions inspired by events from the 1930\u2019s. Rise through the ranks of the Salieri family from foot-soldier to Made Man, taking on mob hits, car chases, bootlegging, shootouts, bank robberies and more.Era-inspired Vehicles and WeaponsAs a daring getaway driver, get behind the wheel of more than 60 historically-inspired cars featuring realistic physics and real-time damage. Complete those grittier jobs with more than a dozen weapons at your disposal. Choose from baseball bats, sawed-off shotguns, magnums and the renowned Tommy gun to deal with any wise guy who dares to cross you.Note: This rerelease of Mafia has an edited soundtrack and does not include any licensed music.", + "short_description": "It\u2019s 1930. After an inadvertent brush with the mafia, cabdriver Tommy Angelo is reluctantly thrust into the world of organized crime. Initially, he is uneasy about falling in with the Salieri family, but soon the rewards become too big to ignore.", + "genres": "Action", + "recommendations": 7076, + "score": 5.843811529878077 + }, + { + "type": "game", + "name": "Serious Sam HD: The First Encounter", + "detailed_description": "Serious Sam 4 About the GameThe classic arcade FPS Serious Sam: The First Encounter, which scored an overall of 87% on Metacritic and was awarded Game of The Year 2001 on Gamespot, is now reborn in glorious high-definition for legions of long-time fans and a whole new generation of gamers around the world. . Featuring dazzling visuals and revamped design, gamers take control of the legendary Sam \u2018Serious\u2019 Stone as he is sent back through time to ancient Egypt to battle the overwhelming forces of Notorious Mental and the Sirian army.Key FeaturesSerious Engine 3 - Beautifully rendered, high-resolution visuals and lushly redesigned environments to create the most astonishing Serious Sam game ever!. Frantic Non-Stop Action - From the charging Sirian Werebull to the screaming Headless Kamikaze and the multi-story Ugh-Zan, all of the infamous minions of Mental have been spectacularly redesigned for Serious Sam HD!. Great Arsenal - Wield demon-stopping revolvers, lead-spewing miniguns, and monstrous cannons for when you absolutely, positively, have to kill every enemy in sight!. 15 Levels of Bedlam - Set against the expansive backdrop of ancient Egypt with every square inch upgraded and reworked to create one of the most visually stunning game experiences!. Co-Op Mode - Embrace the mayhem with up to 16 players in campaign mode!. Steam Cloud Support - With Steam Cloud your profile is stored on the Cloud servers.", + "about_the_game": "The classic arcade FPS Serious Sam: The First Encounter, which scored an overall of 87% on Metacritic and was awarded Game of The Year 2001 on Gamespot, is now reborn in glorious high-definition for legions of long-time fans and a whole new generation of gamers around the world.Featuring dazzling visuals and revamped design, gamers take control of the legendary Sam \u2018Serious\u2019 Stone as he is sent back through time to ancient Egypt to battle the overwhelming forces of Notorious Mental and the Sirian army.Key FeaturesSerious Engine 3 - Beautifully rendered, high-resolution visuals and lushly redesigned environments to create the most astonishing Serious Sam game ever!Frantic Non-Stop Action - From the charging Sirian Werebull to the screaming Headless Kamikaze and the multi-story Ugh-Zan, all of the infamous minions of Mental have been spectacularly redesigned for Serious Sam HD!Great Arsenal - Wield demon-stopping revolvers, lead-spewing miniguns, and monstrous cannons for when you absolutely, positively, have to kill every enemy in sight!15 Levels of Bedlam - Set against the expansive backdrop of ancient Egypt with every square inch upgraded and reworked to create one of the most visually stunning game experiences!Co-Op Mode - Embrace the mayhem with up to 16 players in campaign mode!Steam Cloud Support - With Steam Cloud your profile is stored on the Cloud servers.", + "short_description": "Serious Sam HD: The First Encounter is a visually upgraded and fully Steam supported remake version of the original high-adrenaline single-play and 16-player co-operative arcade-action FPS which was Gamespot's Game of the Year 2001 and which scored overall of 87% on Metacritic!", + "genres": "Action", + "recommendations": 5698, + "score": 5.7010491529327725 + }, + { + "type": "game", + "name": "Serious Sam 3: BFE", + "detailed_description": "Serious Sam 4 About the GameSerious Sam 3: BFE is a first-person action shooter, a glorious throwback to the golden age of first-person shooters where men were men, cover was for amateurs and pulling the trigger made things go boom. . Serving as a prequel to the original indie and Game of the Year sensation, Serious Sam: The First Encounter, Serious Sam 3 takes place during the Earth\u2019s final struggle against Mental\u2019s invading legions of beasts and mercenaries.Key FeaturesFrantic Arcade-Style Action \u2013 Hold down the trigger and lay waste to a never-ending onslaught of attackers or face being overrun by Mental\u2019s savage beasts. No cover systems, no camping \u2013 it\u2019s just you against them. All of them!. Fearsome Enemy Creatures \u2013 A new battalion of unforgettable minions including the rumbling Scrapjack and towering Khnum join the legendary Headless Kamikaze, Gnaar and Sirian Werebull to create the fiercest opposition you\u2019ve ever had the pleasure of mowing down!. Spectacular Environments \u2013 Battle across the expansive battlefields of near-future Egypt bursting at the seams with total chaos. The shattered cities of tomorrow lined with the crumbling temples of an ancient world become your destructible playground!. Destructive Arsenal \u2013 Unleash Serious Sam\u2019s arsenal of weapons including a scoped assault rifle, the double-barreled shotgun, the explosive automatic shotgun, the punishing minigun, and the almighty barrage of flaming cannonballs! Carry all of Sam\u2019s weapons at once and switch between each gun on the fly for maximum firepower!. Brutal Melee Attacks \u2013 When the going get\u2019s tough, the tough take matters into their own hands! Rip out the eye of a closing Gnaar, twist off the face of the hideous Scrapjack or snap the neck of an Arachnoid Hatchling for an instant kill!. Co-Op Multiplayer \u2013 Go to war against Mental\u2019s horde with up to 16 players online and annihilate everything that moves across 12 single-player levels of mayhem in Standard Co-Op, Classic Co-Op, Coin-Op Co-Op, Beast Hunt and Team Beast Hunt mode. . Survival Singleplayer & Multiplayer \u2013 Try to survive alone (offline) against wave after wave of enemies with specially created levels in Survival mode or have your online friends join two teams, fighting both each other and enemies, in the relentless Team Survival mode!. Versus Multiplayer \u2013 Fight against each other or other teams in various multiplayer versus modes like Deathmatch, Team Deathmatch, Capture the Flag, Last Man Standing, Last Team Standing, Instant Kill and My Burden, along with Team Beast Hunt and Team Survival!. Split Screen Modes \u2013 Play local (offline) split screen co-op and multiplayer versus modes with up to four players on one screen! It even includes the support for multiple keyboards and mice!. Level Editor* \u2013 Create your own levels, MODs, textures and other content with the inclusion of the fully featured Serious Editor 3.5!. Steam Workshop \u2013 Submit your content creation or download new player-created content and modifications for Serious Sam 3!. Misc Game Options \u2013 5 difficulty levels, quick-save, auto-save, multiple save slots, 3rd person view, co-op gameplay tweaking options, game controller support, localized with subtitles, parental blood & gore control including hippie mode, various color schemes, tons of advanced graphics options to tweak, cheats, console, Steam trading cards, achievements, leaderboards and cloud and much, much more!. * This item is only available on PC.", + "about_the_game": "Serious Sam 3: BFE is a first-person action shooter, a glorious throwback to the golden age of first-person shooters where men were men, cover was for amateurs and pulling the trigger made things go boom.Serving as a prequel to the original indie and Game of the Year sensation, Serious Sam: The First Encounter, Serious Sam 3 takes place during the Earth\u2019s final struggle against Mental\u2019s invading legions of beasts and mercenaries.Key FeaturesFrantic Arcade-Style Action \u2013 Hold down the trigger and lay waste to a never-ending onslaught of attackers or face being overrun by Mental\u2019s savage beasts. No cover systems, no camping \u2013 it\u2019s just you against them. All of them!Fearsome Enemy Creatures \u2013 A new battalion of unforgettable minions including the rumbling Scrapjack and towering Khnum join the legendary Headless Kamikaze, Gnaar and Sirian Werebull to create the fiercest opposition you\u2019ve ever had the pleasure of mowing down!Spectacular Environments \u2013 Battle across the expansive battlefields of near-future Egypt bursting at the seams with total chaos. The shattered cities of tomorrow lined with the crumbling temples of an ancient world become your destructible playground!Destructive Arsenal \u2013 Unleash Serious Sam\u2019s arsenal of weapons including a scoped assault rifle, the double-barreled shotgun, the explosive automatic shotgun, the punishing minigun, and the almighty barrage of flaming cannonballs! Carry all of Sam\u2019s weapons at once and switch between each gun on the fly for maximum firepower!Brutal Melee Attacks \u2013 When the going get\u2019s tough, the tough take matters into their own hands! Rip out the eye of a closing Gnaar, twist off the face of the hideous Scrapjack or snap the neck of an Arachnoid Hatchling for an instant kill!Co-Op Multiplayer \u2013 Go to war against Mental\u2019s horde with up to 16 players online and annihilate everything that moves across 12 single-player levels of mayhem in Standard Co-Op, Classic Co-Op, Coin-Op Co-Op, Beast Hunt and Team Beast Hunt mode.Survival Singleplayer & Multiplayer \u2013 Try to survive alone (offline) against wave after wave of enemies with specially created levels in Survival mode or have your online friends join two teams, fighting both each other and enemies, in the relentless Team Survival mode!Versus Multiplayer \u2013 Fight against each other or other teams in various multiplayer versus modes like Deathmatch, Team Deathmatch, Capture the Flag, Last Man Standing, Last Team Standing, Instant Kill and My Burden, along with Team Beast Hunt and Team Survival!Split Screen Modes \u2013 Play local (offline) split screen co-op and multiplayer versus modes with up to four players on one screen! It even includes the support for multiple keyboards and mice!Level Editor* \u2013 Create your own levels, MODs, textures and other content with the inclusion of the fully featured Serious Editor 3.5!Steam Workshop \u2013 Submit your content creation or download new player-created content and modifications for Serious Sam 3!Misc Game Options \u2013 5 difficulty levels, quick-save, auto-save, multiple save slots, 3rd person view, co-op gameplay tweaking options, game controller support, localized with subtitles, parental blood & gore control including hippie mode, various color schemes, tons of advanced graphics options to tweak, cheats, console, Steam trading cards, achievements, leaderboards and cloud and much, much more!* This item is only available on PC", + "short_description": "Serious Sam 3: BFE is a prequel to the original indie fast action FPS and Game of the Year sensation - Serious Sam: The First Encounter!", + "genres": "Action", + "recommendations": 19531, + "score": 6.513064240828871 + }, + { + "type": "game", + "name": "Torchlight", + "detailed_description": "Welcome to Torchlight! A sleepy enclave founded on the discovery of rich veins of Ember: a rare and mysterious ore with the power to enchant or corrupt all that it touches. Emboldened by its power, legions of twisted creatures have begun to swarm up from the tunnels and caves below town. Choose from three heroes in this Action-RPG and delve into the caverns below town for endless treasure and glory.Key Features. RANDOMIZATION. Your adventure is uniquely your own. Explore seven lovingly crafted environments randomly generated with new monsters, treasures, puzzles, and items each time you embark on your journey. . MOD SUPPORT. All the tools we used to make Torchlight are fully available in TorchED. Change your gameplay experience, or create something entirely new to explore and share. . PETS & FISHING. Take a break from your fast-paced job adventuring and go fishing. Your catch will help you along your journey. Solo adventuring can be a lonely so chose a faithful companion to accompany you. Your pet will carry items for you, help you in battle, and \u2013 with the right fish \u2013 can even transform into powerful allies!. RETIREMENT SYSTEM. Hanging up your boots doesn't mean the adventure has to be over. \u201cRetire\u201d your hero and pass down a prized item imbued with unique attributes for your new hero.", + "about_the_game": "Welcome to Torchlight! A sleepy enclave founded on the discovery of rich veins of Ember: a rare and mysterious ore with the power to enchant or corrupt all that it touches. Emboldened by its power, legions of twisted creatures have begun to swarm up from the tunnels and caves below town. Choose from three heroes in this Action-RPG and delve into the caverns below town for endless treasure and glory.Key FeaturesRANDOMIZATIONYour adventure is uniquely your own. Explore seven lovingly crafted environments randomly generated with new monsters, treasures, puzzles, and items each time you embark on your journey.MOD SUPPORTAll the tools we used to make Torchlight are fully available in TorchED. Change your gameplay experience, or create something entirely new to explore and share.PETS & FISHINGTake a break from your fast-paced job adventuring and go fishing. Your catch will help you along your journey. Solo adventuring can be a lonely so chose a faithful companion to accompany you. Your pet will carry items for you, help you in battle, and \u2013 with the right fish \u2013 can even transform into powerful allies!RETIREMENT SYSTEMHanging up your boots doesn't mean the adventure has to be over. \u201cRetire\u201d your hero and pass down a prized item imbued with unique attributes for your new hero.", + "short_description": "Adventure awaits in the award-winning Action RPG debut from Runic Games! Explore the randomized depths of this boom town, collect loot, and level up to save Torchlight - and possibly the world.", + "genres": "RPG", + "recommendations": 4620, + "score": 5.562822131120273 + }, + { + "type": "game", + "name": "S.T.A.L.K.E.R.: Call of Pripyat", + "detailed_description": "S.T.A.L.K.E.R. 2: Heart of Chornobyl. Prepare to enter the Zone for your own risk striving to make a fortune out of it or even to find the truth concealed in the Heart of Chornobyl. . * EPIC NONLINEAR STORY IN SEAMLESS OPEN WORLD. * VARIETY OF ENEMIES AND HUNDREDS OF WEAPON COMBINATIONS. * LEGENDARY MUTANTS WITH DIFFERENT BEHAVIOUR MODELS. * ARTIFACTS OF INCREDIBLE VALUE AND UNFORGIVING ANOMALIES. Discover the legendary S.T.A.L.K.E.R. universe!. About the GameA military expedition to the center of the Zone has mysteriously disappeared. To figure out the reason and status of the personnel, is your task as Major Degtyarev, a Security Service of Ukraine operative in S.T.A.L.K.E.R.: Call of Pripyat. . UNCHARTED LANDS. The Exclusion Zone around the Chornobyl Nuclear Power Plant flames with anomalous activity stronger than ever before. Emissions of destructive energy flood it day by day, as its heartlands are finally free to explore for the most experienced and brazen ones. So set your path through swampy Zaton, industrial zones of the \"Jupiter\" plant, the ghost town of Pripyat, and the top secret catacombs in which no stalker's foot has set since the catastrophe. . NEW THREATS . The Zone becomes even more unpredictable and dangerous, distorting the fabric of reality with its energy. You'll have to seek shelter during abrupt emissions and show great ingenuity in order to deal with the new types of anomalies. Get ready to face Chimera \u2013 the most fierce predator of these lands at night and telepathic mutant Burer at the darkest abandoned places. . THE SEQUEL TO THE STORY. The lone stalker lifestyle is neat \u2013 but in Call of Pripyat, you've got a special objective. Along the journey, you'll meet plenty of vagabonds and dwellers. Be far-sighted and careful in your decisions: some of them can help in your investigation or shed some light on the mysteries of the Zone. . . Game features: . A combination of action, horror, survival, and role-playing elements in the setting of dark Eastern European science fiction. . The unique atmosphere of loneliness in a dangerous place where time has stopped forever. . Numerous endings that are formed by your decisions during the passage. . Improved upgrade system for armours and weapons. . A reworked A-Life life simulation system based on the best solutions of the previous parts. . Expanded side quest system and many new unique characters. . Random Emission mechanic that can now take you by surprise at any unexpected moment. . New mutants: Chimera and Burer. . Locations of Pripyat, recreated according to real prototypes. . Four multiplayer modes with battles for up to 32 players on one map.", + "about_the_game": "A military expedition to the center of the Zone has mysteriously disappeared. To figure out the reason and status of the personnel, is your task as Major Degtyarev, a Security Service of Ukraine operative in S.T.A.L.K.E.R.: Call of Pripyat.UNCHARTED LANDSThe Exclusion Zone around the Chornobyl Nuclear Power Plant flames with anomalous activity stronger than ever before. Emissions of destructive energy flood it day by day, as its heartlands are finally free to explore for the most experienced and brazen ones. So set your path through swampy Zaton, industrial zones of the \"Jupiter\" plant, the ghost town of Pripyat, and the top secret catacombs in which no stalker's foot has set since the catastrophe.NEW THREATS The Zone becomes even more unpredictable and dangerous, distorting the fabric of reality with its energy. You'll have to seek shelter during abrupt emissions and show great ingenuity in order to deal with the new types of anomalies. Get ready to face Chimera \u2013 the most fierce predator of these lands at night and telepathic mutant Burer at the darkest abandoned places. THE SEQUEL TO THE STORYThe lone stalker lifestyle is neat \u2013 but in Call of Pripyat, you've got a special objective. Along the journey, you'll meet plenty of vagabonds and dwellers. Be far-sighted and careful in your decisions: some of them can help in your investigation or shed some light on the mysteries of the Zone. Game features: A combination of action, horror, survival, and role-playing elements in the setting of dark Eastern European science fiction.The unique atmosphere of loneliness in a dangerous place where time has stopped forever.Numerous endings that are formed by your decisions during the passage.Improved upgrade system for armours and weapons.A reworked A-Life life simulation system based on the best solutions of the previous parts.Expanded side quest system and many new unique characters.Random Emission mechanic that can now take you by surprise at any unexpected moment.New mutants: Chimera and Burer.Locations of Pripyat, recreated according to real prototypes.Four multiplayer modes with battles for up to 32 players on one map.", + "short_description": "S.T.A.L.K.E.R.: Call of Pripyat is the direct sequel of the S.T.A.L.K.E.R.: Shadow of Chernobyl. As a Major Alexander Degtyarev you should investigate the crash of the governmental helicopters around the Zone and find out, what happened there.", + "genres": "Action", + "recommendations": 19598, + "score": 6.515321706062473 + }, + { + "type": "game", + "name": "Call of Duty\u00ae: Black Ops", + "detailed_description": "The biggest first-person action series of all time and the follow-up to last year\u2019s blockbuster Call of Duty\u00ae: Modern Warfare 2 returns with Call of Duty\u00ae: Black Ops. Call of Duty\u00ae: Black Ops will take you behind enemy lines as a member of an elite special forces unit engaging in covert warfare, classified operations, and explosive conflicts across the globe. With access to exclusive weaponry and equipment, your actions will tip the balance during the most dangerous time period mankind has ever known. Key Features: Cinematic Single Player Campaign: An epic campaign and story that takes you to a variety of locations and conflicts all over the world where you will play as an elite Black Ops soldier in deniable operations where if you are caught, captured or killed, your country will disavow all knowledge of your existence. . Signature Multiplayer: Call of Duty\u2019s signature multiplayer gameplay returns with new perks and killstreaks, deeper levels of character and weapon customization, and all new modes including:. Wager Matches: One in the Chamber, Gun Game, Sticks and Stones, Sharpshooter. Theater Mode: View, record, and edit your favorite moments from multiplayer, and share with your friends. Combat Training: Test your skill solo or Co-Op with friends against AI enemy players. . Zombies!: Fan favorite Zombie mode is back providing endless hours of Zombie-slaying entertainment, solo or Co-Op.", + "about_the_game": "The biggest first-person action series of all time and the follow-up to last year\u2019s blockbuster Call of Duty\u00ae: Modern Warfare 2 returns with Call of Duty\u00ae: Black Ops.\t\t\t\t\t Call of Duty\u00ae: Black Ops will take you behind enemy lines as a member of an elite special forces unit engaging in covert warfare, classified operations, and explosive conflicts across the globe. With access to exclusive weaponry and equipment, your actions will tip the balance during the most dangerous time period mankind has ever known.\t\t\t\t\t Key Features:\t\t\t\t\t Cinematic Single Player Campaign: An epic campaign and story that takes you to a variety of locations and conflicts all over the world where you will play as an elite Black Ops soldier in deniable operations where if you are caught, captured or killed, your country will disavow all knowledge of your existence.\t\t\t\t\t\t\tSignature Multiplayer: Call of Duty\u2019s signature multiplayer gameplay returns with new perks and killstreaks, deeper levels of character and weapon customization, and all new modes including:\t\t\t\t\t\t\t Wager Matches: One in the Chamber, Gun Game, Sticks and Stones, Sharpshooter\t\t\t\t\t\t\t\t Theater Mode: View, record, and edit your favorite moments from multiplayer, and share with your friends\t\t\t\t\t\t\t\t Combat Training: Test your skill solo or Co-Op with friends against AI enemy players\t\t\t\t\t\t\t Zombies!: Fan favorite Zombie mode is back providing endless hours of Zombie-slaying entertainment, solo or Co-Op", + "short_description": "The biggest first-person action series of all time and the follow-up to critically acclaimed Call of Duty\u00ae: Modern Warfare 2 returns with Call of Duty\u00ae: Black Ops.", + "genres": "Action", + "recommendations": 15539, + "score": 6.362340060802892 + }, + { + "type": "game", + "name": "Magicka", + "detailed_description": "Magicka is a satirical action-adventure game set in a rich fantasy world based on Norse mythology. The player assumes the role of a wizard from a sacred order tasked with stopping an evil sorcerer who has thrown the world into turmoil, his foul creations besieging the forces of good. Players will be able to combine the elements to cast spells, wreaking havoc and devastation on the minions of darkness. They will also be able to team up with friends and fight their way through the campaign, or test their skills in the magickal arts through other challenging modes. In Magicka, up to four players take on a grand adventure to save their world from certain doom using a fully dynamic spell system. The adventure mode takes the players across three different levels, ranging from the lush forests of mountain valleys to the frozen halls of the Mountain King where wits and creative thinking are the keys to victory. In the unlockable hardcore challenge mode, players fight off waves of enemies to earn their place on local and online leaderboards. Main Features: Innovative and dynamic spell casting system . Up to four-player co-op in all game modes, as well as a single-player option . Fight your way through 13 different campaign levels. Explore an expansive realm of adventure to defeat the evil wizard . Find and unlock challenges, items, and powerful Magicks . Experience the parody and satire of a clich\u00e9d fantasy world .", + "about_the_game": "Magicka is a satirical action-adventure game set in a rich fantasy world based on Norse mythology. The player assumes the role of a wizard from a sacred order tasked with stopping an evil sorcerer who has thrown the world into turmoil, his foul creations besieging the forces of good. \t\t\t\t\t\tPlayers will be able to combine the elements to cast spells, wreaking havoc and devastation on the minions of darkness. They will also be able to team up with friends and fight their way through the campaign, or test their skills in the magickal arts through other challenging modes. \t\t\t\t\t\tIn Magicka, up to four players take on a grand adventure to save their world from certain doom using a fully dynamic spell system. The adventure mode takes the players across three different levels, ranging from the lush forests of mountain valleys to the frozen halls of the Mountain King where wits and creative thinking are the keys to victory. \t\t\t\t\t\tIn the unlockable hardcore challenge mode, players fight off waves of enemies to earn their place on local and online leaderboards. \t\t\t\t\t\tMain Features:\t\t\t\t\t\t Innovative and dynamic spell casting system \t\t\t\t\t\tUp to four-player co-op in all game modes, as well as a single-player option \t\t\t\t\t\tFight your way through 13 different campaign levels\t\t\t\t\t\tExplore an expansive realm of adventure to defeat the evil wizard \t\t\t\t\t\tFind and unlock challenges, items, and powerful Magicks \t\t\t\t\t\tExperience the parody and satire of a clich\u00e9d fantasy world", + "short_description": "Magicka is a satirical action-adventure game set in a rich fantasy world based on Norse mythology. The player assumes the role of a wizard from a sacred order tasked with stopping an evil sorcerer who has thrown the world into turmoil, his foul creations besieging the forces of good.", + "genres": "Action", + "recommendations": 17439, + "score": 6.438381601055677 + }, + { + "type": "game", + "name": "Victoria II", + "detailed_description": "Carefully guide your nation from the era of absolute monarchies in the early 19th century, through expansion and colonization, to finally become a truly great power by the dawn of the 20th century. . Victoria II is a grand strategy game played during the colonial era of the 19th century, where the player takes control of a country, guiding it through industrialisation, political reforms, military conquest, and colonization. . Experience an in-depth political simulation where every action you take will have various consequences all over the world. The population will react to your decisions based on their political awareness, social class, as well as their willingness to accept or revolt against their government. . Key features: Deep engrossing political simulation with dozens of different governments. . Detailed economy with over fifty different types of goods and various production factories. . Over 200 different countries can be played, during the era stretching from 1835 to the onset of WWII. . Advanced Technological system with thousands of inventions to discover. . Improved graphics and interface, as well as multiplayer support. . A streamlined interface makes the game easily accessible. . Automation of various tasks including, trade and population promotion. . Advanced spheres of influences system, where the great powers battle over the control of the world. . Cottage production simulating pre-industrial economies. . Gunboat Diplomacy, no need for negotiating as a fleet outside a port may be a more persuasive argument. . Historical and Dynamic missions guiding your country through the history. .", + "about_the_game": "Carefully guide your nation from the era of absolute monarchies in the early 19th century, through expansion and colonization, to finally become a truly great power by the dawn of the 20th century.\t\t\t\t\t\t\t\t\t\t\t\tVictoria II is a grand strategy game played during the colonial era of the 19th century, where the player takes control of a country, guiding it through industrialisation, political reforms, military conquest, and colonization.\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\tExperience an in-depth political simulation where every action you take will have various consequences all over the world. The population will react to your decisions based on their political awareness, social class, as well as their willingness to accept or revolt against their government.\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\tKey features:\t\t\t\t\t\t\t\t\t\t\t\tDeep engrossing political simulation with dozens of different governments.\t\t\t\t\t\t\t\t\t\t\t\tDetailed economy with over fifty different types of goods and various production factories.\t\t\t\t\t\t\t\t\t\t\t\tOver 200 different countries can be played, during the era stretching from 1835 to the onset of WWII.\t\t\t\t\t\t\t\t\t\t\t\tAdvanced Technological system with thousands of inventions to discover.\t\t\t\t\t\t\t\t\t\t\t\tImproved graphics and interface, as well as multiplayer support.\t\t\t\t\t\t\t\t\t\t\t\tA streamlined interface makes the game easily accessible.\t\t\t\t\t\t\t\t\t\t\t\tAutomation of various tasks including, trade and population promotion.\t\t\t\t\t\t\t\t\t\t\t\tAdvanced spheres of influences system, where the great powers battle over the control of the world.\t\t\t\t\t\t\t\t\t\t\t\tCottage production simulating pre-industrial economies.\t\t\t\t\t\t\t\t\t\t\t\tGunboat Diplomacy, no need for negotiating as a fleet outside a port may be a more persuasive argument.\t\t\t\t\t\t\t\t\t\t\t\tHistorical and Dynamic missions guiding your country through the history.", + "short_description": "Carefully guide your nation from the era of absolute monarchies in the early 19th century, through expansion and colonization, to finally become a truly great power by the dawn of the 20th century. Victoria II is a grand strategy game played during the colonial era of the 19th century, where the player takes control of a country, guiding...", + "genres": "Strategy", + "recommendations": 14408, + "score": 6.312525804495047 + }, + { + "type": "game", + "name": "Dead Space\u2122 2", + "detailed_description": "In Dead Space\u2122 2, you join Isaac Clarke, the Systems Engineer from Dead Space, as he wakes up three years after the horrific events on the USG Ishimura. The Ishimura was a Planetcracker-class starship besieged by grotesque reanimations of its dead crew, known as \u201cNecromorphs.\u201d. After unearthing a strange artifact known as the Marker, Isaac finds himself on the Sprawl, a giant space station in orbit around Saturn. Unable to remember how he got here and plagued with demented visions of his dead girlfriend Nicole, he must survive another nightmarish outbreak of Necromorphs as he fights his way towards an answer he hopes will end all the chaos. . Key Features:Tear through space with full 360 degree movement. . Wield a set of devastating tools to bring the terror to space. Impale Necromorphs into the walls with the Javelin, use improved telekinesis to turn limbs into deadly weapons, plant powerful dismembering trip mines, or create a hull-breach to suck a group of monsters out into space. . Fire up Isaac\u2019s suit boosters to rocket around in zero gravity like never before. Explore the depths of the Sprawl and encounter new weightless combat and physics-based puzzles with full 360\u2070 movement.", + "about_the_game": "In Dead Space\u2122 2, you join Isaac Clarke, the Systems Engineer from Dead Space, as he wakes up three years after the horrific events on the USG Ishimura. The Ishimura was a Planetcracker-class starship besieged by grotesque reanimations of its dead crew, known as \u201cNecromorphs.\u201dAfter unearthing a strange artifact known as the Marker, Isaac finds himself on the Sprawl, a giant space station in orbit around Saturn. Unable to remember how he got here and plagued with demented visions of his dead girlfriend Nicole, he must survive another nightmarish outbreak of Necromorphs as he fights his way towards an answer he hopes will end all the chaos.Key Features:Tear through space with full 360 degree movement.Wield a set of devastating tools to bring the terror to space. Impale Necromorphs into the walls with the Javelin, use improved telekinesis to turn limbs into deadly weapons, plant powerful dismembering trip mines, or create a hull-breach to suck a group of monsters out into space.Fire up Isaac\u2019s suit boosters to rocket around in zero gravity like never before. Explore the depths of the Sprawl and encounter new weightless combat and physics-based puzzles with full 360\u2070 movement.", + "short_description": "Three years after the Necromorph infestation aboard the USS Ishimura, Isaac Clarke awakens from a coma, confused, disoriented, and on a space station called The Sprawl. Explore this world and its zero-g environments to discover the truth about the Unitology and its role in the Necromorph epidemic.", + "genres": "Action", + "recommendations": 18242, + "score": 6.468056845348515 + }, + { + "type": "game", + "name": "Medal of Honor\u2122", + "detailed_description": "Operating directly under the National Command Authority, a relatively unknown entity of handpicked warriors are selected when it is crucial that a mission must not fail. They are the Tier 1 Operators. There are over 2 million active soldiers. Of those, approximately 50 thousand fall under the direct control of the Special Operations Command. The Tier 1 Operator functions on a level above and beyond even the most highly trained Special Operations Forces. Their exact numbers, while classified, hover in the low hundreds. They are living, breathing, precision instruments of war. They are experts in the application of violence. The new Medal of Honor\u2122 is inspired by and developed with actual Tier 1 Operators from this elite community. Players step into the boots of these warriors and apply their unique skill sets to fight a new enemy in the most unforgiving and hostile conditions of present day Afghanistan. . This is a new war. There is a new warrior. He is Tier 1. . Fight Today's War: Elite Special Forces in a gritty combat campaign using the surgical tactics of Tier 1 Operators combined with the sledgehammer force of Army Rangers. . Unparalleled Authenticity: Intense story with incredible pacing and variety set in the rugged Afghanistan landscape, creating a shooter experience only available from the storied Medal of Honor franchise. . Online Multiplayer Redefined: Developed by the world-class team at DICE (makers of Battlefield Bad Company 2) this fast paced combat delivers the perfect mix of tactical warfare and all-out action. . Online Disclaimer ACCEPTANCE OF EA END USER LICENSE AGREEMENT AND PUNKBUSTER END USER LICENSE AGREEMENT REQUIRED TO PLAY. ACCESS TO ONLINE FEATURES AND/OR SERVICES REQUIRES AN EA ACCOUNT AND REGISTRATION WITH SINGLE-USE SERIAL CODE ENCLOSED WITH NEW, FULL RETAIL PURCHASE. REGISTRATION FOR ONLINE FEATURES IS LIMITED TO ONE EA ACCOUNT PER SERIAL CODE, WHICH IS NON-TRANSFERABLE ONCE USED. EA\u2019S ONLINE PRIVACY POLICY AND TERMS OF SERVICE ARE AT YOU MUST BE 13+ TO REGISTER FOR AN EA ACCOUNT. SOFTWARE INCORPORATES PUNKBUSTER ANTI-CHEAT TECHNOLOGY. FOR MORE INFORMATION ON PUNKBUSTER, VISIT EVENBALANCE.COM. EA MAY RETIRE ONLINE FEATURES AFTER 30 DAYS NOTICE POSTED ON ", + "about_the_game": "Operating directly under the National Command Authority, a relatively unknown entity of handpicked warriors are selected when it is crucial that a mission must not fail. They are the Tier 1 Operators. There are over 2 million active soldiers. Of those, approximately 50 thousand fall under the direct control of the Special Operations Command. The Tier 1 Operator functions on a level above and beyond even the most highly trained Special Operations Forces. Their exact numbers, while classified, hover in the low hundreds. They are living, breathing, precision instruments of war. They are experts in the application of violence. The new Medal of Honor\u2122 is inspired by and developed with actual Tier 1 Operators from this elite community. Players step into the boots of these warriors and apply their unique skill sets to fight a new enemy in the most unforgiving and hostile conditions of present day Afghanistan. \t\t\t\t\t\tThis is a new war. There is a new warrior. He is Tier 1.\t\t\t\t\t\tFight Today's War: Elite Special Forces in a gritty combat campaign using the surgical tactics of Tier 1 Operators combined with the sledgehammer force of Army Rangers.\t\t\t\t\t\tUnparalleled Authenticity: Intense story with incredible pacing and variety set in the rugged Afghanistan landscape, creating a shooter experience only available from the storied Medal of Honor franchise. \t\t\t\t\t\tOnline Multiplayer Redefined: Developed by the world-class team at DICE (makers of Battlefield Bad Company 2) this fast paced combat delivers the perfect mix of tactical warfare and all-out action. \t\t\t\t\t\tOnline Disclaimer\t\t\t\t\t\tACCEPTANCE OF EA END USER LICENSE AGREEMENT AND PUNKBUSTER END USER LICENSE AGREEMENT REQUIRED TO PLAY. ACCESS TO ONLINE FEATURES AND/OR SERVICES REQUIRES AN EA ACCOUNT AND REGISTRATION WITH SINGLE-USE SERIAL CODE ENCLOSED WITH NEW, FULL RETAIL PURCHASE. REGISTRATION FOR ONLINE FEATURES IS LIMITED TO ONE EA ACCOUNT PER SERIAL CODE, WHICH IS NON-TRANSFERABLE ONCE USED. EA\u2019S ONLINE PRIVACY POLICY AND TERMS OF SERVICE ARE AT YOU MUST BE 13+ TO REGISTER FOR AN EA ACCOUNT. SOFTWARE INCORPORATES PUNKBUSTER ANTI-CHEAT TECHNOLOGY. FOR MORE INFORMATION ON PUNKBUSTER, VISIT EVENBALANCE.COM. EA MAY RETIRE ONLINE FEATURES AFTER 30 DAYS NOTICE POSTED ON ", + "short_description": "This is a new war. There is a new warrior. He is Tier 1.", + "genres": "Action", + "recommendations": 4735, + "score": 5.579027162232229 + }, + { + "type": "game", + "name": "Dragon Age: Origins - Ultimate Edition", + "detailed_description": "Dragon Age: Origins. You are a Grey Warden, one of the last of this legendary order of guardians. With the return of mankind's ancient foe and the kingdom engulfed in civil war, you have been chosen by fate to unite the shattered lands and slay the archdemon once and for all. Explore a stunning world, make complex moral choices, and engage in bone-crushing combat against massive and terrifying creatures. . Dragon Age: Origins - Awakening Expansion Pack. The story of the Grey Wardens continues as you are named their commander. Fight new enemies, learn new skills and spells, and explore an all-new area of the world, Amaranthine. . All Nine Content Packs. The Stone Prisoner. Warden's Keep. Return to Ostagar. Feastday Gifts. The Darkspawn Chronicles. Feastday Pranks. Leliana's Song. The Golems of Amgarrak. Witch Hunt. Collect new rewards, gain new party members, and more as you delve deeper into the Dragon Age storyline. (Critically acclaimed winner of more than 50 awards including over 30 'Best of 2009' awards.)", + "about_the_game": "Dragon Age: Origins\t\t\t\t\t\t\t\t\t\t\t\tYou are a Grey Warden, one of the last of this legendary order of guardians. With the return of mankind's ancient foe and the kingdom engulfed in civil war, you have been chosen by fate to unite the shattered lands and slay the archdemon once and for all. Explore a stunning world, make complex moral choices, and engage in bone-crushing combat against massive and terrifying creatures.\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\tDragon Age: Origins - Awakening Expansion Pack\t\t\t\t\t\t\t\t\t\t\t\tThe story of the Grey Wardens continues as you are named their commander. Fight new enemies, learn new skills and spells, and explore an all-new area of the world, Amaranthine.\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\tAll Nine Content Packs\t\t\t\t\t\t\t\t\t\t\t\tThe Stone PrisonerWarden's KeepReturn to OstagarFeastday GiftsThe Darkspawn ChroniclesFeastday PranksLeliana's SongThe Golems of AmgarrakWitch HuntCollect new rewards, gain new party members, and more as you delve deeper into the Dragon Age storyline. (Critically acclaimed winner of more than 50 awards including over 30 'Best of 2009' awards.)", + "short_description": "Dragon Age: Origins - Ultimate Edition includes Dragon Age: Origins, Dragon Age: Origins - Awakening and all nine content packs.", + "genres": "RPG", + "recommendations": 18932, + "score": 6.492530740681404 + }, + { + "type": "game", + "name": "Need For Speed: Hot Pursuit", + "detailed_description": "Get the Latest Edition About the GameNeed for Speed Hot Pursuit launches you into a new open-world landscape behind the wheel of the world's fastest and most beautiful cars. From Criterion, the award-winning studio behind the Burnout series, Hot Pursuit will redefine racing games for a whole new generation. . You'll experience stunning speeds, takedowns, and getaways as you battle your friends in the most connected Need for Speed game ever. Through Need for Speed Autolog and its innovative approach to connected social competition, your Hot Pursuit experience will extend beyond the console onto the web, constantly moving your gameplay in new and unique directions. . Loaded with action, this game will challenge you to become Seacrest County's top cop or most wanted racer. For the first time ever in a Need for Speed game, you'll be able to play a full career on either side of the law. Whether you're a lead-foot speeder or a cop with a mean streak, make sure your aviators are spotless and your driving record is anything but.Key FeaturesCareer \u2013 For the first time in Need For Speed history play full careers as both cops and racers. Whether playing online with friends, taking on Friends challenges or the single player career, players will earn bounty that levels them up and unlocks new cars, weapons and equipment. . Need For Speed\u2122 Autolog \u2013 In Need for Speed Hot Pursuit, your friends drive your gameplay experience. Autolog is a system that links friends directly to each other\u2019s games, enabling them to compare and share all their experiences, pictures and challenges. Autolog instinctively delivers challenges based on what your friends have been doing, creating a hugely dynamic, socially competitive experience. . Cars \u2013In Hot Pursuit, the cars go from hot to hotter. Experience the thrill of driving the world\u2019s most desirable high performance cars at incredible speeds. Feel the power of busting suspects in supercharged cop interceptors like the Lamborghini Reventon or outsmarting the law as a racer in high performance supercars like the Pagani Zonda Cinque. . Weapons and equipment \u2013 Take down suspects with a variety of cop weapons like spike strips and call in extra support including road blocks as the chase intensifies. Racers have a range of evasion equipment at their disposal to outsmart the cops including jammers that block cop communications and jam their weapons. . Seacrest County \u2013 Explore a world inspired by the California coastline with desert, forest, seaside and mountainous regions. The open world of Seacrest County helps deliver the most intense cop pursuit moments ever.", + "about_the_game": "Need for Speed Hot Pursuit launches you into a new open-world landscape behind the wheel of the world's fastest and most beautiful cars. From Criterion, the award-winning studio behind the Burnout series, Hot Pursuit will redefine racing games for a whole new generation.You'll experience stunning speeds, takedowns, and getaways as you battle your friends in the most connected Need for Speed game ever. Through Need for Speed Autolog and its innovative approach to connected social competition, your Hot Pursuit experience will extend beyond the console onto the web, constantly moving your gameplay in new and unique directions.Loaded with action, this game will challenge you to become Seacrest County's top cop or most wanted racer. For the first time ever in a Need for Speed game, you'll be able to play a full career on either side of the law. Whether you're a lead-foot speeder or a cop with a mean streak, make sure your aviators are spotless and your driving record is anything but.Key FeaturesCareer \u2013 For the first time in Need For Speed history play full careers as both cops and racers. Whether playing online with friends, taking on Friends challenges or the single player career, players will earn bounty that levels them up and unlocks new cars, weapons and equipment.Need For Speed\u2122 Autolog \u2013 In Need for Speed Hot Pursuit, your friends drive your gameplay experience. Autolog is a system that links friends directly to each other\u2019s games, enabling them to compare and share all their experiences, pictures and challenges. Autolog instinctively delivers challenges based on what your friends have been doing, creating a hugely dynamic, socially competitive experience.Cars \u2013In Hot Pursuit, the cars go from hot to hotter. Experience the thrill of driving the world\u2019s most desirable high performance cars at incredible speeds. Feel the power of busting suspects in supercharged cop interceptors like the Lamborghini Reventon or outsmarting the law as a racer in high performance supercars like the Pagani Zonda Cinque.Weapons and equipment \u2013 Take down suspects with a variety of cop weapons like spike strips and call in extra support including road blocks as the chase intensifies. Racers have a range of evasion equipment at their disposal to outsmart the cops including jammers that block cop communications and jam their weapons.Seacrest County \u2013 Explore a world inspired by the California coastline with desert, forest, seaside and mountainous regions. The open world of Seacrest County helps deliver the most intense cop pursuit moments ever.", + "short_description": "Need for Speed Hot Pursuit launches you into a new open-world landscape behind the wheel of the world's fastest and most beautiful cars. From Criterion, the award-winning studio behind the Burnout series, Hot Pursuit will redefine racing games for a whole new generation.", + "genres": "Racing", + "recommendations": 17268, + "score": 6.431885925678333 + }, + { + "type": "game", + "name": "The Sims\u2122 3", + "detailed_description": "Get the Latest Version of the Sims About the GamePlay with Life. . Create the lives you've always wanted!. Ready to live a freer, more creative life? In The Sims\u2122 3, you can let your fantasies run wild as you design your ideal world. Start with your Sim, refining each shape, color and personality trait until you get the precise person that pleases you. Design your dream home, but don\u2019t let a grid limit you; place, rotate and stack furniture and walls freely and to your heart\u2019s content. Once the \u201chard work\u201d is over, it\u2019s time to be a mentor. Guide your Sim\u2019s path through life, developing a career, finding love, and pursuing dreams and desires. Spending time with friends and family is just as important as mastering painting or accumulating knowledge. Take things to the next level and record movies of your Sim\u2019s adventures and share them with the ever-growing and thriving community. With a huge catalog of expansion packs and fun objects to discover, there is no end to the possibilities awaiting you. It all begins here; your adventure awaits!Key FeaturesCustomize Your Sim: Mix and match a vast range of facial features and body types to get the look you want. Infuse your Sim with personality traits and help realize their dreams. . Stage Your Own Extreme Makeover: Decorate your Sim\u2019s home however you want, neat or messy. Use odd angles, create tall stacks of items, and apply your favorite self-made pattern to the walls and floors. . Range From the Home: Get out of the house and explore the lively and entertaining neighborhood for the first time. Be a part of the larger online community!.", + "about_the_game": "Play with Life.Create the lives you've always wanted!Ready to live a freer, more creative life? In The Sims\u2122 3, you can let your fantasies run wild as you design your ideal world. Start with your Sim, refining each shape, color and personality trait until you get the precise person that pleases you. Design your dream home, but don\u2019t let a grid limit you; place, rotate and stack furniture and walls freely and to your heart\u2019s content.Once the \u201chard work\u201d is over, it\u2019s time to be a mentor. Guide your Sim\u2019s path through life, developing a career, finding love, and pursuing dreams and desires. Spending time with friends and family is just as important as mastering painting or accumulating knowledge.Take things to the next level and record movies of your Sim\u2019s adventures and share them with the ever-growing and thriving community. With a huge catalog of expansion packs and fun objects to discover, there is no end to the possibilities awaiting you. It all begins here; your adventure awaits!Key FeaturesCustomize Your Sim: Mix and match a vast range of facial features and body types to get the look you want. Infuse your Sim with personality traits and help realize their dreams.Stage Your Own Extreme Makeover: Decorate your Sim\u2019s home however you want, neat or messy. Use odd angles, create tall stacks of items, and apply your favorite self-made pattern to the walls and floors.Range From the Home: Get out of the house and explore the lively and entertaining neighborhood for the first time. Be a part of the larger online community!", + "short_description": "The Sims 3: Create the perfect world with full customization at your fingertips. Refine personalities and help fulfill destinies.", + "genres": "Simulation", + "recommendations": 26606, + "score": 6.7168454665195885 + }, + { + "type": "game", + "name": "LIMBO", + "detailed_description": "Uncertain of his sister's fate, a boy enters LIMBO", + "about_the_game": "Uncertain of his sister's fate, a boy enters LIMBO", + "short_description": "Uncertain of his sister's fate, a boy enters LIMBO", + "genres": "Action", + "recommendations": 27449, + "score": 6.737408047904205 + }, + { + "type": "game", + "name": "Assassin\u2019s Creed\u00ae Brotherhood", + "detailed_description": "Live and breathe as Ezio, a legendary Master Assassin, in his enduring struggle against the powerful Templar Order. He must journey into Italy\u2019s greatest city, Rome, center of power, greed and corruption to strike at the heart of the enemy. . Defeating the corrupt tyrants entrenched there will require not only strength, but leadership, as Ezio commands an entire Brotherhood who will rally to his side. Only by working together can the Assassins defeat their mortal enemies. . And for the first time, introducing an award-winning multiplayer layer that allows you to choose from a wide range of unique characters, each with their own signature weapons and assassination techniques, and match your skills against other players from around the world. . It\u2019s time to join the Brotherhood. . Key FeaturesBE A LEGEND \u2013 Take Ezio, now a legendary Assassin, on a new adventure with 15+ hours of story-driven single-player gameplay. . LEAD AND CONTROL A LEGENDARY BROTHERHOOD \u2013 Recruit and customize your own guild. Train and level up assassins and command them to aid you in your quest. . DEPLOY SECRET WEAPONS \u2013 Swiftly eliminate your enemies using tools such as poison darts, parachutes, double hidden blades, hidden guns, and an advanced flying machine at your disposal. . WIN THE HEART OF A CITY \u2013 Use your hard-won currency to revitalize the crumbling capitol city. Rally the citizens to your cause and unlock extra factions and missions.", + "about_the_game": "Live and breathe as Ezio, a legendary Master Assassin, in his enduring struggle against the powerful Templar Order. He must journey into Italy\u2019s greatest city, Rome, center of power, greed and corruption to strike at the heart of the enemy.\t\t\t\t\t\tDefeating the corrupt tyrants entrenched there will require not only strength, but leadership, as Ezio commands an entire Brotherhood who will rally to his side. Only by working together can the Assassins defeat their mortal enemies.\t\t\t\t\t\tAnd for the first time, introducing an award-winning multiplayer layer that allows you to choose from a wide range of unique characters, each with their own signature weapons and assassination techniques, and match your skills against other players from around the world.\t\t\t\t\t\tIt\u2019s time to join the Brotherhood.\t\t\t\t\t\tKey FeaturesBE A LEGEND \u2013 Take Ezio, now a legendary Assassin, on a new adventure with 15+ hours of story-driven single-player gameplay.\t\t\t\t\t\tLEAD AND CONTROL A LEGENDARY BROTHERHOOD \u2013 Recruit and customize your own guild. Train and level up assassins and command them to aid you in your quest.\t\t\t\t\t\tDEPLOY SECRET WEAPONS \u2013 Swiftly eliminate your enemies using tools such as poison darts, parachutes, double hidden blades, hidden guns, and an advanced flying machine at your disposal.\t\t\t\t\t\tWIN THE HEART OF A CITY \u2013 Use your hard-won currency to revitalize the crumbling capitol city. Rally the citizens to your cause and unlock extra factions and missions.", + "short_description": "It\u2019s time to join the Brotherhood.", + "genres": "Action", + "recommendations": 16597, + "score": 6.405760136432576 + }, + { + "type": "game", + "name": "Mount & Blade: Warband", + "detailed_description": "In a land torn asunder by incessant warfare, it is time to assemble your own band of hardened warriors and enter the fray. Lead your men into battle, expand your realm, and claim the ultimate prize: the throne of Calradia!. Mount & Blade: Warband is a stand alone expansion pack for the game that brought medieval battlefields to life with its realistic mounted combat and detailed fighting system. . Graphical overhaul: Support added for HDR, FSAA, depth of field, soft particles, tone mapping, and many other effects . New models with greater detail and high-quality textures. Multiplayer battles with up to 64 players. Multiplayer modes include Deathmatch, Team Deathmatch, Capture the Flag, Conquest, Battle, and Siege. A campaign allowing you to become the ruler of a faction and convince lords to become your vassals. The ability to upgrade your companions to vassals by granting them lands. The ability to marry a lady of the realm for romance or cold political gain. Try to win a lady\u2019s heart through poetry or bravery. Improved mechanics for soldier morale: Soldiers will break and run away if their morale gets too low. Pick any projectile off the battlefield for use as additional munitions. New motion-captured combat animations. Numerous improvements to the combat system: Your shield will still stop arrows even if you are not actively defending. The ability to play multiplayer matches on random maps as well as hand-designed ones. Multiplayer equipment system: Earn money by fighting opponents or accomplishing goals. The ability to use most throwing weapons in close combat: Switch to using a javelin as a short spear when the enemy gets close. Spend gold on more powerful equipment, using a carefully balanced system that will make combat more exciting without giving too much of an advantage to the leading team.", + "about_the_game": "In a land torn asunder by incessant warfare, it is time to assemble your own band of hardened warriors and enter the fray. Lead your men into battle, expand your realm, and claim the ultimate prize: the throne of Calradia!Mount & Blade: Warband is a stand alone expansion pack for the game that brought medieval battlefields to life with its realistic mounted combat and detailed fighting system.Graphical overhaul: Support added for HDR, FSAA, depth of field, soft particles, tone mapping, and many other effects New models with greater detail and high-quality texturesMultiplayer battles with up to 64 players. Multiplayer modes include Deathmatch, Team Deathmatch, Capture the Flag, Conquest, Battle, and SiegeA campaign allowing you to become the ruler of a faction and convince lords to become your vassalsThe ability to upgrade your companions to vassals by granting them landsThe ability to marry a lady of the realm for romance or cold political gain. Try to win a lady\u2019s heart through poetry or braveryImproved mechanics for soldier morale: Soldiers will break and run away if their morale gets too lowPick any projectile off the battlefield for use as additional munitionsNew motion-captured combat animationsNumerous improvements to the combat system: Your shield will still stop arrows even if you are not actively defendingThe ability to play multiplayer matches on random maps as well as hand-designed onesMultiplayer equipment system: Earn money by fighting opponents or accomplishing goalsThe ability to use most throwing weapons in close combat: Switch to using a javelin as a short spear when the enemy gets closeSpend gold on more powerful equipment, using a carefully balanced system that will make combat more exciting without giving too much of an advantage to the leading team", + "short_description": "In a land torn asunder by incessant warfare, it is time to assemble your own band of hardened warriors and enter the fray. Lead your men into battle, expand your realm, and claim the ultimate prize: the throne of Calradia!", + "genres": "Action", + "recommendations": 119467, + "score": 7.7069256205597565 + }, + { + "type": "game", + "name": "Borderlands 2", + "detailed_description": "A new era of shoot and loot is about to begin. Play as one of four new vault hunters facing off against a massive new world of creatures, psychos and the evil mastermind, Handsome Jack. Make new friends, arm them with a bazillion weapons and fight alongside them in 4 player co-op on a relentless quest for revenge and redemption across the undiscovered and unpredictable living planet.Key Features:All-New Characters and All-New Classes: Four all new playable classes including the Siren, the Commando, the Gunzerker and the Assassin. Step into the role of the Gunzerker, whose highly deadly skills allow him to dual-wield any two weapons found in the game. Not only that, you will build on that skill to do more things with two guns than you ever imagined possible. Dual machine guns? Cool. Dual rocket launchers? Of course! Dual Sniper Rifles? Sure, if that\u2019s your thing! Want to try other styles? More tactical perhaps? There are multiple classes to choose from!. . Dynamic Co-op online, and LAN: Share your adventures with friends both online and via LAN. Borderlands 2 features a seamless system enabling you to drop in and drop out of a campaign without ever having to restart the game. On top of that you can even take your new gear from any game to any other!. . World Connected Story: Find yourself left for dead in the frozen tundra of Pandora as you begin your quest of revenge and redemption. Expose the evil surrounding the Hyperion Corporation and take on the perpetrator of a universe-wide grand deception -- the nefarious Hyperion CEO, Handsome Jack. (Oh, also: he's stolen credit for the opening of the Vault.). . 87 Bazillion. Everything: In addition to the new gun system, you will lust after procedurally generated shields, grenades, Relics, class mods and much, much more. And you thought the original Borderlands had a ton of loot!. . Brand new environments on Pandora: Hunt through entirely brand new areas of Pandora that are more alive than ever! From the arctic tundra, through the dangerous grasslands, past the mysterious corrosive caverns to beyond, you\u2019ll be surprised by the unpredictable world of Pandora at every turn!. . Brand new enemies: A whole slew of new enemies are out there to kill you in Borderlands 2. Hulking, gorilla-like Bullymongs, vicious predatory Stalkers and the Hyperion mechanical army, run by Handsome Jack, are just some of the new enemies in Borderlands 2. Note: The Mac and Linux versions of Borderlands 2 are available in English, French, Italian, German and Spanish only.", + "about_the_game": "A new era of shoot and loot is about to begin. Play as one of four new vault hunters facing off against a massive new world of creatures, psychos and the evil mastermind, Handsome Jack. Make new friends, arm them with a bazillion weapons and fight alongside them in 4 player co-op on a relentless quest for revenge and redemption across the undiscovered and unpredictable living planet.Key Features:All-New Characters and All-New Classes: Four all new playable classes including the Siren, the Commando, the Gunzerker and the Assassin. Step into the role of the Gunzerker, whose highly deadly skills allow him to dual-wield any two weapons found in the game. Not only that, you will build on that skill to do more things with two guns than you ever imagined possible. Dual machine guns? Cool. Dual rocket launchers? Of course! Dual Sniper Rifles? Sure, if that\u2019s your thing! Want to try other styles? More tactical perhaps? There are multiple classes to choose from!Dynamic Co-op online, and LAN: Share your adventures with friends both online and via LAN. Borderlands 2 features a seamless system enabling you to drop in and drop out of a campaign without ever having to restart the game. On top of that you can even take your new gear from any game to any other!World Connected Story: Find yourself left for dead in the frozen tundra of Pandora as you begin your quest of revenge and redemption. Expose the evil surrounding the Hyperion Corporation and take on the perpetrator of a universe-wide grand deception -- the nefarious Hyperion CEO, Handsome Jack. (Oh, also: he's stolen credit for the opening of the Vault.)87 Bazillion...Everything: In addition to the new gun system, you will lust after procedurally generated shields, grenades, Relics, class mods and much, much more. And you thought the original Borderlands had a ton of loot!Brand new environments on Pandora: Hunt through entirely brand new areas of Pandora that are more alive than ever! From the arctic tundra, through the dangerous grasslands, past the mysterious corrosive caverns to beyond, you\u2019ll be surprised by the unpredictable world of Pandora at every turn!Brand new enemies: A whole slew of new enemies are out there to kill you in Borderlands 2. Hulking, gorilla-like Bullymongs, vicious predatory Stalkers and the Hyperion mechanical army, run by Handsome Jack, are just some of the new enemies in Borderlands 2.Note: The Mac and Linux versions of Borderlands 2 are available in English, French, Italian, German and Spanish only.", + "short_description": "The Ultimate Vault Hunter\u2019s Upgrade lets you get the most out of the Borderlands 2 experience.", + "genres": "Action", + "recommendations": 188674, + "score": 8.008178718453333 + }, + { + "type": "game", + "name": "Aliens: Colonial Marines Collection", + "detailed_description": "You and your friends are the deadliest killers in the galaxy. Another glorious day in the Corps. . Buckle up, soldier! Welcome to Aliens\u2122: Colonial Marines. Created by Gearbox, the critically acclaimed and fan-favourite developers of Borderlands and Brothers In Arms, you and your friends will become the most badass military outfit in the galaxy \u2013 the US Colonial Marines. It\u2019s up to you to not just survive, but wipe out the Xeno infestation. . Key Features: Enlist in the Marine Corps. . Bringing you a true sequel to the classic Aliens film, get tooled up with classic Marine weapons including pulse rifles, motion trackers and. flamethrowers. . The most authentic Aliens experience ever. . Using authentic environments inspired by the film series including Hadley\u2019s Hope, the Sulaco and LV-426, you will be immersed in an eerie, atmospheric. world where any moment could bring your death. . Drop-in/Drop-out co-operative gameplay. . The masters of co-op bring their expertise to the Aliens universe. Xenos getting too tough? Call up your buddies so they can drop in with extra. firepower. The whole campaign can be played with a squad of up to four players, dropping in and out as necessary through self-contained missions. within an over-arching narrative. . Loadouts and upgrades. . Create your perfect killing machine. An extensive upgrade system allows players to customise their characters to play the way they want. Earn experience to get perks, new weapons and new looks for your squad.", + "about_the_game": "You and your friends are the deadliest killers in the galaxy. Another glorious day in the Corps.\t\t\t\t\t\tBuckle up, soldier! Welcome to Aliens\u2122: Colonial Marines. Created by Gearbox, the critically acclaimed and fan-favourite developers of Borderlands and Brothers In Arms, you and your friends will become the most badass military outfit in the galaxy \u2013 the US Colonial Marines. It\u2019s up to you to not just survive, but wipe out the Xeno infestation.\t\t\t\t\t\tKey Features:\t\t\t\t\t\tEnlist in the Marine Corps.\t\t\t\t\t\tBringing you a true sequel to the classic Aliens film, get tooled up with classic Marine weapons including pulse rifles, motion trackers and\t\t\t\t\t\tflamethrowers.\t\t\t\t\t\tThe most authentic Aliens experience ever.\t\t\t\t\t\tUsing authentic environments inspired by the film series including Hadley\u2019s Hope, the Sulaco and LV-426, you will be immersed in an eerie, atmospheric\t\t\t\t\t\tworld where any moment could bring your death.\t\t\t\t\t\tDrop-in/Drop-out co-operative gameplay.\t\t\t\t\t\tThe masters of co-op bring their expertise to the Aliens universe. Xenos getting too tough? Call up your buddies so they can drop in with extra\t\t\t\t\t\tfirepower. The whole campaign can be played with a squad of up to four players, dropping in and out as necessary through self-contained missions\t\t\t\t\t\twithin an over-arching narrative.\t\t\t\t\t\tLoadouts and upgrades.\t\t\t\t\t\tCreate your perfect killing machine. An extensive upgrade system allows players to customise their characters to play the way they want. Earn experience to get perks, new weapons and new looks for your squad.", + "short_description": "You & your friends are the deadliest killers in the galaxy \u2013 the US Colonial Marines. It\u2019s up to you to not just survive, but wipe out the Xeno infestation.", + "genres": "Action", + "recommendations": 6519, + "score": 5.7897707014582505 + }, + { + "type": "game", + "name": "Mafia II (Classic)", + "detailed_description": "Special OfferBuying Mafia II: Definitive also gives you Mafia II (Classic) for free. For details on that version, click here!. About the GameAbout Mafia IIVito Scaletta has started to make a name for himself on the streets of Empire Bay as someone who can be trusted to get a job done. Together with his buddy Joe, he is working to prove himself to the Mafia, quickly escalating up the family ladder with crimes of larger reward, status and consequence\u2026 the life as a wise guy isn\u2019t quite as untouchable as it seems. Action-Packed Gameplay: Intense gunplay, white-knuckle car chases and visceral hand-to-hand combat \u2014it will take all that and more to become a \u201cmade man\u201d. Epic Gangster Story: Inspired by iconic mafia drama, the compelling characters and cinematic presentation will pull players into the allure and impossible escape of life in the Mafia. Immersive World and Period: Enter the world of Empire Bay - World War II is raging in Europe and the architecture, cars, music and clothing all echo the period in stunning detail. As time passes, hot rod cars, 50s fashion and some of the era\u2019s best music reflect the birth of a cool new era. Illusion Engine\u2122: 2K Czech\u2019s proprietary Illusion Engine, allows gamers to explore Empire Bay\u2019s 10 square miles of beautifully rendered outdoor environments and intricately designed interiors. Soundtrack Reflects the Mood of the Era: Players will be immersed in the Golden Era of America as Mafia II features tracks from some of the era\u2019s most influential artists. [/list]", + "about_the_game": "About Mafia IIVito Scaletta has started to make a name for himself on the streets of Empire Bay as someone who can be trusted to get a job done. Together with his buddy Joe, he is working to prove himself to the Mafia, quickly escalating up the family ladder with crimes of larger reward, status and consequence\u2026 the life as a wise guy isn\u2019t quite as untouchable as it seems.Action-Packed Gameplay: Intense gunplay, white-knuckle car chases and visceral hand-to-hand combat \u2014it will take all that and more to become a \u201cmade man\u201d.Epic Gangster Story: Inspired by iconic mafia drama, the compelling characters and cinematic presentation will pull players into the allure and impossible escape of life in the Mafia.Immersive World and Period: Enter the world of Empire Bay - World War II is raging in Europe and the architecture, cars, music and clothing all echo the period in stunning detail. As time passes, hot rod cars, 50s fashion and some of the era\u2019s best music reflect the birth of a cool new era.Illusion Engine\u2122: 2K Czech\u2019s proprietary Illusion Engine, allows gamers to explore Empire Bay\u2019s 10 square miles of beautifully rendered outdoor environments and intricately designed interiors.Soundtrack Reflects the Mood of the Era: Players will be immersed in the Golden Era of America as Mafia II features tracks from some of the era\u2019s most influential artists.[/list]", + "short_description": "Vito Scaletta has started to make a name for himself on the streets of Empire Bay as someone who can be trusted to get a job done. Together with his buddy Joe, he is working to prove himself to the Mafia, quickly escalating up the family ladder with crimes of larger reward, status and consequence\u2026 the life as a wise guy isn\u2019t quite as...", + "genres": "Action", + "recommendations": 30081, + "score": 6.797767662722701 + }, + { + "type": "game", + "name": "Spec Ops: The Line", + "detailed_description": "Spec Ops: The Line is a new original title from 2K Games that features provocative and gripping Third-Person modern military Shooter gameplay designed to challenge players' morality by putting them in the middle of unspeakable situations where unimaginable choices affecting human life must be made. Features include, a gripping, storyline reminiscent of Apocalypse Now and Heart of Darkness but set in a ruined Dubai, tactical squad-based Delta Force gameplay throughout a horizontally and vertically oriented world, devastating sandstorms which can be used in combat, a variety of multiplayer modes and maps, and deep support featuring two factions. . It\u2019s been 6 months since Dubai was wiped off the map by a cataclysmic sandstorm. Thousands of lives were lost, including those of American soldiers sent to evacuate the city. Today, the city lies buried under sand, the world\u2019s most opulent ruin. Now, a mysterious radio signal is picked-up from Dubai, and a Delta Recon Team is sent to infiltrate the city. Their mission is simple: Locate survivors and radio for Evac. What they find is a city in the grip of war. To save Dubai, they\u2019ll have to find the man at the heart of its madness\u2014Col. John Konrad.Gameplay. Spec Ops: The Line is an action-packed Third-Person Shooter that delivers heart pounding physically close combat through a squad-based play mechanic. Players lead a team of three characters, Captain Martin Walker, Lieutenant Adams and Sergeant Lugo. Each character has his own distinct personality and specialized skills, and the mature story they each play a role in explores the dark side of war in a realistic way, in which there are no good outcomes, only hard choices. As missions are completed more advanced weapons and equipment are made available. In addition, the desert environment of Dubai is brought into the game in a unique way with stunning visuals, and dynamic sandstorms that actively effect level designs, and which can be used to help and hinder progress. The vertical interiors of Dubai high rise buildings also provide tactical advantages and risks that can used be by players. Multiplayer campaigns bring new modes and unusual situations and environments to expand the single player experience.Key FeaturesA new portrayal of the military shooter experience with twisting narrative uncertainties. . Action packed 3rd Person Shooter gameplay provides an up-close and personal view into the brutality and emotion within the combat. . Command an intelligent and powerful squad of Delta-Force soldiers in a dangerous and unpredictable combat zone. . Cross \u201cThe Line\u201d in a mature story that explores the dark side of war, where there are no bright outcomes, only bad or worse choices. . Unique Dubai setting strikes the imagination and transports players to a larger-than-life playground for vertical gameplay and stunning visuals. . Sand-filled Dubai provides new gameplay experiences including sand avalanches, and powerful, disorienting sandstorm combat. . Customisable, Class-Based, Blazing Multiplayer.", + "about_the_game": "Spec Ops: The Line is a new original title from 2K Games that features provocative and gripping Third-Person modern military Shooter gameplay designed to challenge players' morality by putting them in the middle of unspeakable situations where unimaginable choices affecting human life must be made. Features include, a gripping, storyline reminiscent of Apocalypse Now and Heart of Darkness but set in a ruined Dubai, tactical squad-based Delta Force gameplay throughout a horizontally and vertically oriented world, devastating sandstorms which can be used in combat, a variety of multiplayer modes and maps, and deep support featuring two factions.It\u2019s been 6 months since Dubai was wiped off the map by a cataclysmic sandstorm. Thousands of lives were lost, including those of American soldiers sent to evacuate the city. Today, the city lies buried under sand, the world\u2019s most opulent ruin. Now, a mysterious radio signal is picked-up from Dubai, and a Delta Recon Team is sent to infiltrate the city. Their mission is simple: Locate survivors and radio for Evac. What they find is a city in the grip of war. To save Dubai, they\u2019ll have to find the man at the heart of its madness\u2014Col. John Konrad.GameplaySpec Ops: The Line is an action-packed Third-Person Shooter that delivers heart pounding physically close combat through a squad-based play mechanic. Players lead a team of three characters, Captain Martin Walker, Lieutenant Adams and Sergeant Lugo. Each character has his own distinct personality and specialized skills, and the mature story they each play a role in explores the dark side of war in a realistic way, in which there are no good outcomes, only hard choices. As missions are completed more advanced weapons and equipment are made available. In addition, the desert environment of Dubai is brought into the game in a unique way with stunning visuals, and dynamic sandstorms that actively effect level designs, and which can be used to help and hinder progress. The vertical interiors of Dubai high rise buildings also provide tactical advantages and risks that can used be by players. Multiplayer campaigns bring new modes and unusual situations and environments to expand the single player experience.Key FeaturesA new portrayal of the military shooter experience with twisting narrative uncertainties.Action packed 3rd Person Shooter gameplay provides an up-close and personal view into the brutality and emotion within the combat.Command an intelligent and powerful squad of Delta-Force soldiers in a dangerous and unpredictable combat zone.Cross \u201cThe Line\u201d in a mature story that explores the dark side of war, where there are no bright outcomes, only bad or worse choices.Unique Dubai setting strikes the imagination and transports players to a larger-than-life playground for vertical gameplay and stunning visuals.Sand-filled Dubai provides new gameplay experiences including sand avalanches, and powerful, disorienting sandstorm combat.Customisable, Class-Based, Blazing Multiplayer", + "short_description": "A Third-Person modern military Shooter designed to challenge players' morality by putting them in the middle of unspeakable situations.", + "genres": "Action", + "recommendations": 26004, + "score": 6.701758656403469 + }, + { + "type": "game", + "name": "Darksiders\u2122", + "detailed_description": "Deceived by the forces of evil into prematurely bringing about the end of the world, War \u2013 the first Horseman of the Apocalypse \u2013 stands accused of breaking the sacred law by inciting a war between Heaven and Hell. In the slaughter that ensued, the demonic forces defeated the heavenly hosts and laid claim to the Earth. . Brought before the sacred Charred Council, War is indicted for his crimes and stripped of his powers. Dishonored and facing his own death, War is given the opportunity to return to Earth to search for the truth and punish those responsible. . Hunted by a vengeful group of Angels, War must take on the forces of Hell, forge uneasy alliances with the very demons he hunts, and journey across the ravaged remains of the Earth on his quest for vengeance and vindication. . Apocalyptic Power \u2013 Unleash the wrath of War, combining brutal attacks and. supernatural abilities to decimate all who stand in your way. Extreme Arsenal \u2013 Wield a devastating arsenal of angelic, demonic and Earthly. weapons; and blaze a trail of destruction atop Ruin, War\u2019s fiery phantom steed. Epic Quest \u2013 Battle across the wastelands and demon-infested dungeons of the. decimated Earth in your quest for vengeance and redemption. Character Progression \u2013 Uncover powerful ancient relics, upgrade your weapons,. unlock new abilities, and customize your gameplay style. Battle Heaven and Hell \u2013 Battle against all who stand in your way - from war-weary. angelic forces to Hell\u2019s hideous demon hordes.", + "about_the_game": "Deceived by the forces of evil into prematurely bringing about the end of the world, War \u2013 the first Horseman of the Apocalypse \u2013 stands accused of breaking the sacred law by inciting a war between Heaven and Hell. In the slaughter that ensued, the demonic forces defeated the heavenly hosts and laid claim to the Earth. \t\t\t\t\tBrought before the sacred Charred Council, War is indicted for his crimes and stripped of his powers. Dishonored and facing his own death, War is given the opportunity to return to Earth to search for the truth and punish those responsible. \t\t\t\t\tHunted by a vengeful group of Angels, War must take on the forces of Hell, forge uneasy alliances with the very demons he hunts, and journey across the ravaged remains of the Earth on his quest for vengeance and vindication.\t\t\t\t\t\tApocalyptic Power \u2013 Unleash the wrath of War, combining brutal attacks and\t\t\t\t\t\tsupernatural abilities to decimate all who stand in your way\t\t\t\t\t\tExtreme Arsenal \u2013 Wield a devastating arsenal of angelic, demonic and Earthly\t\t\t\t\t\tweapons; and blaze a trail of destruction atop Ruin, War\u2019s fiery phantom steed\t\t\t\t\t\tEpic Quest \u2013 Battle across the wastelands and demon-infested dungeons of the\t\t\t\t\t\tdecimated Earth in your quest for vengeance and redemption\t\t\t\t\t\tCharacter Progression \u2013 Uncover powerful ancient relics, upgrade your weapons,\t\t\t\t\t\tunlock new abilities, and customize your gameplay style\t\t\t\t\t\tBattle Heaven and Hell \u2013 Battle against all who stand in your way - from war-weary\t\t\t\t\t\tangelic forces to Hell\u2019s hideous demon hordes", + "short_description": "Deceived by the forces of evil into prematurely bringing about the end of the world, War \u2013 the first Horseman of the Apocalypse \u2013 stands accused of breaking the sacred law by inciting a war between Heaven and Hell. In the slaughter that ensued, the demonic forces defeated the heavenly hosts and laid claim to the Earth.", + "genres": "Action", + "recommendations": 7761, + "score": 5.904717728937737 + }, + { + "type": "game", + "name": "Homefront", + "detailed_description": "The year is 2027. The world as we know it is unraveling after fifteen years of economic meltdown and widespread global conflict over dwindling natural resources. A once proud America has fallen, her infrastructure shattered and military in disarray. Crippled by a devastating EMP strike, the USA is powerless to resist the ever expanding occupation of a savage, nuclear armed Greater Korean Republic. Abandoned by her former allies, the United States is a bleak landscape of walled towns and abandoned suburbs. This is a police state where high school stadiums have become detention centers, and shopping malls shelter armored attack vehicles. A once-free people are now prisoners\u2026 or collaborators\u2026 or revolutionaries. Join the Resistance, stand united and fight for freedom against an overwhelming military force in Homefront\u2019s gripping single player campaign penned by John Milius (Apocalypse Now, Red Dawn). Stand alongside a cast of memorable characters as an emotional plot unfolds in this terrifyingly plausible near-future world. Experience visceral, cinematic first-person shooter action as you fight your way across Occupied USA using guerrilla tactics, and commandeer military vehicles and advanced drone technology to defeat the enemy. Multiplayer brings epic warfare to the online arena as infantry, tanks, attack helicopters and combat drones battle across huge, open battlefields. A rich feature set offering layers of tactical depth combined with a game-changing innovation in the multiplayer space will set a new benchmark in online warfare. Discover a terrifyingly plausible near-future world \u2013 the familiar has become alien in this nightmare vision of Occupied USA. Fight for a cause \u2013 join a cast of memorable characters as your resistance cell wages a guerrilla war against overwhelming military odds in the name of Freedom. Witness the human cost of war \u2013 a gripping story from the pen of John Milius is told through immersive, interactive 1st person cut scenes. Experience explosive FPS gameplay \u2013 battle through a dynamic mix of infantry and vehicle combat in a gripping single player campaign boasting intense, memorable set pieces. Take the battle online \u2013 experience large scale multiplayer action like never before in epic infantry and vehicle warfare.", + "about_the_game": "The year is 2027. The world as we know it is unraveling after fifteen years of economic meltdown and widespread global conflict over dwindling natural resources.\t\t\t\t\tA once proud America has fallen, her infrastructure shattered and military in disarray. Crippled by a devastating EMP strike, the USA is powerless to resist the ever expanding occupation of a savage, nuclear armed Greater Korean Republic.\t\t\t\t\tAbandoned by her former allies, the United States is a bleak landscape of walled towns and abandoned suburbs. This is a police state where high school stadiums have become detention centers, and shopping malls shelter armored attack vehicles. A once-free people are now prisoners\u2026 or collaborators\u2026 or revolutionaries.\t\t\t\t\tJoin the Resistance, stand united and fight for freedom against an overwhelming military force in Homefront\u2019s gripping single player campaign penned by John Milius (Apocalypse Now, Red Dawn). Stand alongside a cast of memorable characters as an emotional plot unfolds in this terrifyingly plausible near-future world. Experience visceral, cinematic first-person shooter action as you fight your way across Occupied USA using guerrilla tactics, and commandeer military vehicles and advanced drone technology to defeat the enemy. \t\t\t\t\tMultiplayer brings epic warfare to the online arena as infantry, tanks, attack helicopters and combat drones battle across huge, open battlefields. A rich feature set offering layers of tactical depth combined with a game-changing innovation in the multiplayer space will set a new benchmark in online warfare.\t\t\t\t\tDiscover a terrifyingly plausible near-future world \u2013 the familiar has become alien in this nightmare vision of Occupied USA\t\t\t\t\tFight for a cause \u2013 join a cast of memorable characters as your resistance cell wages a guerrilla war against overwhelming military odds in the name of Freedom\t\t\t\t\tWitness the human cost of war \u2013 a gripping story from the pen of John Milius is told through immersive, interactive 1st person cut scenes\t\t\t\t\tExperience explosive FPS gameplay \u2013 battle through a dynamic mix of infantry and vehicle combat in a gripping single player campaign boasting intense, memorable set pieces\t\t\t\t\tTake the battle online \u2013 experience large scale multiplayer action like never before in epic infantry and vehicle warfare", + "short_description": "The Rock Map Pack is Now Available! Join the Resistance, stand united and fight for freedom against an overwhelming military force.", + "genres": "Action", + "recommendations": 3186, + "score": 5.317897781416123 + }, + { + "type": "game", + "name": "Red Faction\u00ae: Armageddon\u2122", + "detailed_description": "Half a century after the Red Faction resistance and their Marauder allies freed Mars from the brutal Earth Defense Force, harmony on Mars is again threatened but this time by a lethal force shrouded in mystery. When the massive Terraformer that supplies Mars with its Earth-like air and weather is destroyed, the atmosphere turns to chaos, super-tornados and lightning storms engulf the planet. To survive, the Colonists flee to the underground mines and build a network of habitable caves. Five years later, Darius Mason, grandson of Martian Revolution heroes Alec Mason and Samanya, runs a lucrative business from Bastion, underground hub of Colonist activity. Mining, scavenging, mercenary work--if the job is dangerous, Darius is your man. Few sane people now venture to the ravaged surface, aside from contractors like Darius and the smugglers who run goods between the settlements. When Darius is tricked into reopening a mysterious shaft in an old Marauder temple, he releases a long-dormant evil and unleashes Armageddon on Mars. As Colonist and Marauder settlements are torn asunder, only Darius and the Red Faction can save mankind. The battle will take them across the storm-blasted planet--and below it, to the very heart of the unspeakable threat. Red Faction\u00ae: Armageddon\u2122 expands on the critically acclaimed, best-selling franchise with new, groundbreaking challenges. You are humanity\u2019s last hope for survival. Key features:Infestation Mode \u2013 Survive waves of enemy hordes in a 1-4 player cooperative, objective-based experience. . Ruin Mode \u2013 Master the tools of destruction in competitive and casual destruction-based modes. . Hell on Mars \u2013 Darius Mason can only watch as the surface of Mars is destroyed. Seeking solace underground, an even greater threat emerges against humanity. . Nano Forge \u2013 Unleash the devastating force of the Nano Forge with massive concussive blasts or reconstruct downed colonist defences with Geo-Mod 2.0. . Martian Underground \u2013 The truth behind an ancient evil will force Darius to wage a battle across the devastated Martian surface, beneath massive frozen glaciers, and over rivers of broiling magma. .", + "about_the_game": "Half a century after the Red Faction resistance and their Marauder allies freed Mars from the brutal Earth Defense Force, harmony on Mars is again threatened but this time by a lethal force shrouded in mystery.\t\t\t\t\tWhen the massive Terraformer that supplies Mars with its Earth-like air and weather is destroyed, the atmosphere turns to chaos, super-tornados and lightning storms engulf the planet. To survive, the Colonists flee to the underground mines and build a network of habitable caves.\t\t\t\t\tFive years later, Darius Mason, grandson of Martian Revolution heroes Alec Mason and Samanya, runs a lucrative business from Bastion, underground hub of Colonist activity. Mining, scavenging, mercenary work--if the job is dangerous, Darius is your man. Few sane people now venture to the ravaged surface, aside from contractors like Darius and the smugglers who run goods between the settlements.\t\t\t\t\tWhen Darius is tricked into reopening a mysterious shaft in an old Marauder temple, he releases a long-dormant evil and unleashes Armageddon on Mars. As Colonist and Marauder settlements are torn asunder, only Darius and the Red Faction can save mankind. The battle will take them across the storm-blasted planet--and below it, to the very heart of the unspeakable threat.\t\t\t\t\tRed Faction\u00ae: Armageddon\u2122 expands on the critically acclaimed, best-selling franchise with new, groundbreaking challenges. You are humanity\u2019s last hope for survival.\t\t\t\t\tKey features:Infestation Mode \u2013 Survive waves of enemy hordes in a 1-4 player cooperative, objective-based experience. \t\t\t\t\tRuin Mode \u2013 Master the tools of destruction in competitive and casual destruction-based modes.\t\t\t\t\tHell on Mars \u2013 Darius Mason can only watch as the surface of Mars is destroyed. Seeking solace underground, an even greater threat emerges against humanity.\t\t\t\t\tNano Forge \u2013 Unleash the devastating force of the Nano Forge with massive concussive blasts or reconstruct downed colonist defences with Geo-Mod 2.0.\t\t\t\t\tMartian Underground \u2013 The truth behind an ancient evil will force Darius to wage a battle across the devastated Martian surface, beneath massive frozen glaciers, and over rivers of broiling magma.", + "short_description": "Red Faction: Armageddon Path to War includes 4 new missions, 2 unlockable items and 10 new achievements!", + "genres": "Action", + "recommendations": 2342, + "score": 5.115087150854131 + }, + { + "type": "game", + "name": "Warhammer 40,000: Space Marine - Anniversary Edition", + "detailed_description": "Celebrate 10 years since the release of Warhammer 40,000: Space Marine with this new Anniversary Edition. . This Anniversary Edition of the game includes for the first time:. \u2022\tThe full soundtrack for the game. \u2022\tClassic and brand new wallpapers. \u2022\tThe original manual (pdf). \u2022\tThe Official Strategy Guide (pdf). \u2022\tRingtone. \u2022\tThe Collector\u2019s Edition Artbook (pdf). \u2022\tCollectors cards (pdfs). \u2022\tThe original launch trailer . The Anniversary Edition also includes the original main Space Marine game, along with all DLC released for the game:. \u2022\tChaos Unleashed Map Pack. \u2022\tDreadnought Assault DLC. \u2022\tIron Hand Veteran Chapter Pack DLC. \u2022\tDeath Guard Champion Chapter Pack DLC. \u2022\tGolden Relic Bolter. \u2022\tGolden Relic Chainsword . \u2022\tPower Sword. \u2022\tBlood Angels Veteran Armour Set. \u2022\tSalamanders Veteran Armour Set. \u2022\tAlpha Legion Champion Armour Set. \u2022\tLegion of the Damned Armour Set. \u2022\tEmperor's Elite Pack. \u2022\tTraitor Legions Pack. In Warhammer 40,000 Space Marine you are Captain Titus, a Space Marine of the Ultramarines chapter and a seasoned veteran of countless battles. . A millions-strong Ork horde has invaded an Imperial Forge World, one of the planet-sized factories where the war machines for humanity\u2019s never ending battle for survival are created. Losing this planet is not an option and be aware of the far more evil threat lurking large in the shadows of this world. . DEVASTATING WEAPONRY. Experience 40,000 years of combat, evolved. Enhance your vast arsenal as you unlock new weapons, upgrades, armor & abilities through an accessible progression system. This devastating weaponry empowers players to deliver bone crushing violence and dismemberment to their enemies. . BLOCKBUSTER ENTERTAINMENT. With an Imperial liberation fleet en-route, the Ultramarines are sent in to hold key locations until reinforcements arrive. Captain Titus and a squad of Ultramarine veterans use the bolter and chainsword to take the fight to the enemies of mankind. . BRUTAL 8VS8 ONLINE COMBAT. Form your own Space Marine squad or Chaos Space Marine warband and face off in 8 vs 8 online matches. Gain experience and unlock new weapons and armor to customize the Devastator, Assault, and Tactical Marine classes.", + "about_the_game": "Celebrate 10 years since the release of Warhammer 40,000: Space Marine with this new Anniversary Edition. This Anniversary Edition of the game includes for the first time: \u2022\tThe full soundtrack for the game\u2022\tClassic and brand new wallpapers\u2022\tThe original manual (pdf)\u2022\tThe Official Strategy Guide (pdf)\u2022\tRingtone\u2022\tThe Collector\u2019s Edition Artbook (pdf)\u2022\tCollectors cards (pdfs)\u2022\tThe original launch trailer The Anniversary Edition also includes the original main Space Marine game, along with all DLC released for the game: \u2022\tChaos Unleashed Map Pack\u2022\tDreadnought Assault DLC\u2022\tIron Hand Veteran Chapter Pack DLC\u2022\tDeath Guard Champion Chapter Pack DLC\u2022\tGolden Relic Bolter\u2022\tGolden Relic Chainsword \u2022\tPower Sword\u2022\tBlood Angels Veteran Armour Set\u2022\tSalamanders Veteran Armour Set\u2022\tAlpha Legion Champion Armour Set\u2022\tLegion of the Damned Armour Set\u2022\tEmperor's Elite Pack\u2022\tTraitor Legions PackIn Warhammer 40,000 Space Marine you are Captain Titus, a Space Marine of the Ultramarines chapter and a seasoned veteran of countless battles.A millions-strong Ork horde has invaded an Imperial Forge World, one of the planet-sized factories where the war machines for humanity\u2019s never ending battle for survival are created. Losing this planet is not an option and be aware of the far more evil threat lurking large in the shadows of this world.DEVASTATING WEAPONRYExperience 40,000 years of combat, evolved. Enhance your vast arsenal as you unlock new weapons, upgrades, armor & abilities through an accessible progression system. This devastating weaponry empowers players to deliver bone crushing violence and dismemberment to their enemies. BLOCKBUSTER ENTERTAINMENTWith an Imperial liberation fleet en-route, the Ultramarines are sent in to hold key locations until reinforcements arrive. Captain Titus and a squad of Ultramarine veterans use the bolter and chainsword to take the fight to the enemies of mankind.BRUTAL 8VS8 ONLINE COMBATForm your own Space Marine squad or Chaos Space Marine warband and face off in 8 vs 8 online matches. Gain experience and unlock new weapons and armor to customize the Devastator, Assault, and Tactical Marine classes.", + "short_description": "In Warhammer 40,000 Space Marine you are Captain Titus, a Space Marine of the Ultramarines chapter and a seasoned veteran of countless battles.", + "genres": "Action", + "recommendations": 10959, + "score": 6.132160065335686 + }, + { + "type": "game", + "name": "Saints Row: The Third", + "detailed_description": "Feature List About the GameYears after taking Stilwater for their own, the Third Street Saints have evolved from street gang to household brand name, with Saints sneakers, Saints energy drinks and Johnny Gat bobble head dolls all available at a store near you. The Saints are kings of Stilwater, but their celebrity status has not gone unnoticed. The Syndicate, a legendary criminal fraternity with pawns in play all over the globe, has turned its eye on the Saints and demands tribute. Refusing to kneel to the Syndicate, you take the fight to Steelport, a once-proud metropolis reduced to a struggling city of sin under Syndicate control. Take a tank skydiving, call in a satellite-targeted airstrike on a Mexican wrestling gang, and defend yourself against a highly-trained military force using only a sex toy in the most out- landish gameplay scenarios ever seen, igniting a city-wide war that will set Steelport on fire. Strap it on.", + "about_the_game": "Years after taking Stilwater for their own, the Third Street Saints have evolved from street gang to household brand name, with Saints sneakers, Saints energy drinks and Johnny Gat bobble head dolls all available at a store near you.\r\n\t\t\t\t\t\tThe Saints are kings of Stilwater, but their celebrity status has not gone unnoticed. The Syndicate, a legendary criminal fraternity with pawns in play all over the globe, has turned its eye on the Saints and demands tribute. Refusing to kneel to the Syndicate, you take the fight to Steelport, a once-proud metropolis reduced to a struggling city of sin under Syndicate control.\r\n\t\t\t\t\t\tTake a tank skydiving, call in a satellite-targeted airstrike on a Mexican wrestling gang, and defend yourself against a highly-trained military force using only a sex toy in the most out- landish gameplay scenarios ever seen, igniting a city-wide war that will set Steelport on fire. Strap it on.", + "short_description": "Get ready for the most out-landish gameplay scenarios ever seen as the Third Street Saints take on the Syndicate!", + "genres": "Action", + "recommendations": 46659, + "score": 7.087143336090621 + }, + { + "type": "game", + "name": "Warhammer 40,000: Dawn of War II: Retribution", + "detailed_description": "Command any of the six unique factions in the next standalone expansion of the critically acclaimed Dawn of War real-time strategy franchise. Choose to build a massive army or lead a small squad of elite heroes into battle and experience a single player campaign customized to your favorite race. Go online and face off against your enemies and experience the fast brutal combat of the 41st millennium. . Multi-Race Campaign: . For the first time in the Dawn of War II series, players will be able to experience a single player campaign with any of the six available races. . Build your Army:. Upgrade your heroes and unlock new buildable units as you progress through the single player campaign. . 6 Playable Races:. Choose from six multiplayer races, each with their own unique super heavy units.", + "about_the_game": "Command any of the six unique factions in the next standalone expansion of the critically acclaimed Dawn of War real-time strategy franchise. Choose to build a massive army or lead a small squad of elite heroes into battle and experience a single player campaign customized to your favorite race. Go online and face off against your enemies and experience the fast brutal combat of the 41st millennium. Multi-Race Campaign: For the first time in the Dawn of War II series, players will be able to experience a single player campaign with any of the six available races. Build your Army:Upgrade your heroes and unlock new buildable units as you progress through the single player campaign. 6 Playable Races:Choose from six multiplayer races, each with their own unique super heavy units.", + "short_description": "Command any of the six unique factions in the next standalone expansion of the critically acclaimed Dawn of War real-time strategy franchise. Choose to build a massive army or lead a small squad of elite heroes into battle and experience a single player campaign customized to your favorite race.", + "genres": "Strategy", + "recommendations": 6665, + "score": 5.804369742284994 + }, + { + "type": "game", + "name": "Amnesia: The Dark Descent", + "detailed_description": "Frictional Games About the GameThe last remaining memories fade away into darkness. Your mind is a mess and only a feeling of being hunted remains. You must escape. Awake. Amnesia: The Dark Descent, a first person survival horror. A game about immersion, discovery and living through a nightmare. An experience that will chill you to the core. You stumble through the narrow corridors as the distant cry is heard. It is getting closer. Explore. Amnesia: The Dark Descent puts you in the shoes of Daniel as he wakes up in a desolate castle, barely remembering anything about his past. Exploring the eerie pathways, you must also take part of Daniel's troubled memories. The horror does not only come from the outside, but from the inside as well. A disturbing odyssey into the dark corners of the human mind awaits. A sound of dragging feet? Or is your mind playing tricks on you?. Experience. By using a fully physically simulated world, cutting edge 3D graphics and a dynamic sound system, the game pulls no punches when trying to immerse you. Once the game starts, you will be in control from the beginning to the end. There are no cut-scenes or time-jumps, whatever happens will happen to you first hand. Something emerges out of the darkness. It's approaching. Fast. Survive. Amnesia: The Dark Descent throws you headfirst into a dangerous world where danger can lurk behind every corner. Your only means of defense are hiding, running or using your wits. Do you have what it takes to survive?", + "about_the_game": "The last remaining memories fade away into darkness. Your mind is a mess and only a feeling of being hunted remains. You must escape.\t\t\t\t\tAwake...\t\t\t\t\tAmnesia: The Dark Descent, a first person survival horror. A game about immersion, discovery and living through a nightmare. An experience that will chill you to the core.\t\t\t\t\tYou stumble through the narrow corridors as the distant cry is heard.\t\t\t\t\tIt is getting closer.\t\t\t\t\tExplore...\t\t\t\t\tAmnesia: The Dark Descent puts you in the shoes of Daniel as he wakes up in a desolate castle, barely remembering anything about his past. Exploring the eerie pathways, you must also take part of Daniel's troubled memories. The horror does not only come from the outside, but from the inside as well. A disturbing odyssey into the dark corners of the human mind awaits.\t\t\t\t\tA sound of dragging feet? Or is your mind playing tricks on you?\t\t\t\t\tExperience...\t\t\t\t\tBy using a fully physically simulated world, cutting edge 3D graphics and a dynamic sound system, the game pulls no punches when trying to immerse you. Once the game starts, you will be in control from the beginning to the end. There are no cut-scenes or time-jumps, whatever happens will happen to you first hand.\t\t\t\t\tSomething emerges out of the darkness. It's approaching. Fast.\t\t\t\t\tSurvive...\t\t\t\t\tAmnesia: The Dark Descent throws you headfirst into a dangerous world where danger can lurk behind every corner. Your only means of defense are hiding, running or using your wits.\t\t\t\t\tDo you have what it takes to survive?", + "short_description": "Amnesia: The Dark Descent, a first person survival horror. A game about immersion, discovery and living through a nightmare. An experience that will chill you to the core.", + "genres": "Action", + "recommendations": 16983, + "score": 6.420915510652806 + }, + { + "type": "game", + "name": "Tropico 4", + "detailed_description": "Steam Exclusive Offer. includes an exclusive island (Isla Nublar) and El Presidente avatar costume (Luchador) and 50 Steam achievements. El Presidente is back to rule it all!. Wishlist now! About the GameThe world is changing and Tropico is moving with the times - geographical powers rise and fall and the world market is dominated by new players with new demands and offers - and you, as El Presidente, face a whole new set of challenges. If you are to triumph over your naysayers you will need to gain as much support from your people as possible. Your decisions will shape the future of your nation, and more importantly, the size of your off-shore bank account. . Tropico 4 expands on the gameplay of the previous game with new political additions \u223c including more superpowers to negotiate with, along with the ability to elect ministers into power to help get your more controversial policies passed. But remember to keep your friends close and your enemies closer as everyone has an agenda! Your political mettle will be thoroughly tested, as new natural disasters will have the populace clamoring for you and your cabinet to help them recover from some of the worst Mother Nature can dish out.Key Features:New campaign consisting of 20 missions on 10 new maps. . 20 new buildings including Stock Exchange, Shopping mall, Aqua Park and a Mausoleum to El Presidente. . Six new interactive disasters including volcanoes, droughts and tornadoes. . Council of Ministers \u2013 selected citizens to ministerial posts in the government to help push through your more controversial decisions. . National Agenda \u2013 receive objectives from Tropican factions, foreign geopolitical powers or opportunities relating to current island events such as ongoing disasters. . Trading system \u2013 import and export goods to/from other nations to boost your economy or production. Other recommended games from Kalypso Media ", + "about_the_game": "The world is changing and Tropico is moving with the times - geographical powers rise and fall and the world market is dominated by new players with new demands and offers - and you, as El Presidente, face a whole new set of challenges. If you are to triumph over your naysayers you will need to gain as much support from your people as possible. Your decisions will shape the future of your nation, and more importantly, the size of your off-shore bank account.Tropico 4 expands on the gameplay of the previous game with new political additions \u223c including more superpowers to negotiate with, along with the ability to elect ministers into power to help get your more controversial policies passed. But remember to keep your friends close and your enemies closer as everyone has an agenda! Your political mettle will be thoroughly tested, as new natural disasters will have the populace clamoring for you and your cabinet to help them recover from some of the worst Mother Nature can dish out.Key Features:New campaign consisting of 20 missions on 10 new maps.20 new buildings including Stock Exchange, Shopping mall, Aqua Park and a Mausoleum to El Presidente.Six new interactive disasters including volcanoes, droughts and tornadoes.Council of Ministers \u2013 selected citizens to ministerial posts in the government to help push through your more controversial decisions.National Agenda \u2013 receive objectives from Tropican factions, foreign geopolitical powers or opportunities relating to current island events such as ongoing disasters.Trading system \u2013 import and export goods to/from other nations to boost your economy or production.Other recommended games from Kalypso Media", + "short_description": "The world is changing and Tropico is moving with the times - geographical powers rise and fall and the world market is dominated by new players with new demands and offers - and you, as El Presidente, face a whole new set of challenges.", + "genres": "Simulation", + "recommendations": 7684, + "score": 5.89814543519127 + }, + { + "type": "game", + "name": "Sniper Elite V2", + "detailed_description": "In the dark days of the end of World War Two amidst the ruins of Berlin, one bullet can change history\u2026. Sniper Elite V2 is an award-winning and authentic World War II sniping experience. You are elite US sniper Karl Fairburne. Parachuted into Berlin amidst the Germans\u2019 final stand, your mission is to prevent Nazi V2 rocket program technology from falling into the hands of the besieging Red Army. You must aid key scientists keen to defect to the US, and terminate those who would help the Russians. . Take advantage of authentic weaponry, learn how to stalk your targets, fortify your position, set up the shot, use your skill, patience and cunning to achieve your mission. Stealth gameplay is the key as you find yourself trapped between two desperate armies in a race against time. . Watch as the celebrated \u2018bullet cam\u2019 from Sniper Elite returns, bloodier and more gruesome than ever \u2013 skilful shots are rewarded with a slow-motion flight of the bullet, then targets are graphically rendered in X-Ray as the bullet enters and destroys your victim. Organs shred, bones splinter, teeth shatter, as the true impact of the sniper\u2019s bullet is brought to life. . As World War Two ends and the Cold War begins, every shot counts. Use it wisely.Key features:Sniping Simulation - Sniper Elite V2 features detailed sniping simulation with advanced ballistics, taking into account gravity, wind, velocity, bullet penetration, aim stability and more. Guaranteed to provide players with the most realistic simulation of military sharpshooting yet available. . X-Ray Kill Cam - Amazing \u2018kill cam\u2019 technology showcases what really happens when a bullet enters an enemy\u2019s body, allowing players to see hearts and lungs tear, livers burst, and bones shatter. . Authenticity - The game features authentic World War II Berlin locations as well as vehicles, weapons such as the Springfield M1903 the Gewehr 43 and the Mosin-Nagant 1891/30, and uniforms modeled after the original versions. . Use the Environment - The slightest changes in the environment need to be taken into account to move into the perfect position, observe the quarry, take the shot and slip away unnoticed. . Sniper's Choice - Players will often find themselves facing a choice of the perfect shot that leaves them catastrophically exposed or a more difficult route that means they can continue their mission. . Multiplayer Game Types - Team Deathmatch, Deathmatch, Team Distance King, Distance King, Team Dogtag Harvest, Dogtag Harvest and Capture the Flag. New Content Available For Your Game!Since its release, Sniper Elite V2 has been continually supported by Rebellion, adding new features and content - including an additional 10 free multiplayer maps. . Four additional single-player mission packs are available for purchase, including the ultimate sniping mission - Kill Hitler. Each DLC pack also contains 2 new authentic weapons for your arsenal.", + "about_the_game": "In the dark days of the end of World War Two amidst the ruins of Berlin, one bullet can change history\u2026Sniper Elite V2 is an award-winning and authentic World War II sniping experience. You are elite US sniper Karl Fairburne. Parachuted into Berlin amidst the Germans\u2019 final stand, your mission is to prevent Nazi V2 rocket program technology from falling into the hands of the besieging Red Army. You must aid key scientists keen to defect to the US, and terminate those who would help the Russians.Take advantage of authentic weaponry, learn how to stalk your targets, fortify your position, set up the shot, use your skill, patience and cunning to achieve your mission. Stealth gameplay is the key as you find yourself trapped between two desperate armies in a race against time. Watch as the celebrated \u2018bullet cam\u2019 from Sniper Elite returns, bloodier and more gruesome than ever \u2013 skilful shots are rewarded with a slow-motion flight of the bullet, then targets are graphically rendered in X-Ray as the bullet enters and destroys your victim. Organs shred, bones splinter, teeth shatter, as the true impact of the sniper\u2019s bullet is brought to life.As World War Two ends and the Cold War begins, every shot counts. Use it wisely.Key features:Sniping Simulation - Sniper Elite V2 features detailed sniping simulation with advanced ballistics, taking into account gravity, wind, velocity, bullet penetration, aim stability and more. Guaranteed to provide players with the most realistic simulation of military sharpshooting yet available.X-Ray Kill Cam - Amazing \u2018kill cam\u2019 technology showcases what really happens when a bullet enters an enemy\u2019s body, allowing players to see hearts and lungs tear, livers burst, and bones shatter.Authenticity - The game features authentic World War II Berlin locations as well as vehicles, weapons such as the Springfield M1903 the Gewehr 43 and the Mosin-Nagant 1891/30, and uniforms modeled after the original versions.Use the Environment - The slightest changes in the environment need to be taken into account to move into the perfect position, observe the quarry, take the shot and slip away unnoticed.Sniper's Choice - Players will often find themselves facing a choice of the perfect shot that leaves them catastrophically exposed or a more difficult route that means they can continue their mission.Multiplayer Game Types - Team Deathmatch, Deathmatch, Team Distance King, Distance King, Team Dogtag Harvest, Dogtag Harvest and Capture the Flag.New Content Available For Your Game!Since its release, Sniper Elite V2 has been continually supported by Rebellion, adding new features and content - including an additional 10 free multiplayer maps.Four additional single-player mission packs are available for purchase, including the ultimate sniping mission - Kill Hitler. Each DLC pack also contains 2 new authentic weapons for your arsenal.", + "short_description": "In the dark days of the end of World War Two amidst the ruins of Berlin, one bullet can change history\u2026", + "genres": "Action", + "recommendations": 5712, + "score": 5.702666611932031 + }, + { + "type": "game", + "name": "ARMA: Cold War Assault", + "detailed_description": "Bohemia Interactive's debut game published by Codemasters as Operation Flashpoint in 2001, became genre-defining combat military simulation and the No. 1 bestselling PC game around the world and has won many international awards, including \u201cGame of The Year\u201d and \u201cBest Action Game\u201d. Over 2 million copies have been sold since its release. Storyline The horrors of WWIII are imminent. There are clashes over the Malden Islands from dusk to dawn and you are caught in-between. You must use all of the available resources in your arsenal to hold back the incoming darkness. Victor Troska came back to Nogovo, he thought the pain of war was left buried in his past. But his dream lies broken now. . His worst nightmare returns when military forces lands near Nogovo. Key Features Cold War Assault. Command squad of fully equipped troops. Over 40 authentic vehicles and aircraft . Immersive campaign and single missions . LAN/Internet multiplay. Vast 100km2 battlezones . Resistance. Story-driven 20-mission campaign . Nogova \u2013 the new 100km2 island . New vehicles, weapons and equipment . Detailed urban environments.", + "about_the_game": "Bohemia Interactive's debut game published by Codemasters as Operation Flashpoint in 2001, became genre-defining combat military simulation and the No. 1 bestselling PC game around the world and has won many international awards, including \u201cGame of The Year\u201d and \u201cBest Action Game\u201d. Over 2 million copies have been sold since its release.\t\t\t\t\t\t Storyline\t\t\t\t\t\tThe horrors of WWIII are imminent.\t\t\t\t\t\tThere are clashes over the Malden Islands from dusk to dawn and you are caught in-between. You must use all of the available resources in your arsenal to hold back the incoming darkness. Victor Troska came back to Nogovo, he thought the pain of war was left buried in his past.\t\t\t\t\t\tBut his dream lies broken now.\t\t\t\t\t\tHis worst nightmare returns when military forces lands near Nogovo.\t\t\t\t\t\tKey Features\t\t\t\t\t\tCold War Assault\t\t\t\t\t\tCommand squad of fully equipped troops\t\t\t\t\t\t\t Over 40 authentic vehicles and aircraft \t\t\t\t\t\t\t Immersive campaign and single missions \t\t\t\t\t\t\t LAN/Internet multiplay\t\t\t\t\t\t\t Vast 100km2 battlezones \t\t\t\t\t\t Resistance\t\t\t\t\t\tStory-driven 20-mission campaign \t\t\t\t\t\t\t Nogova \u2013 the new 100km2 island \t\t\t\t\t\t\t New vehicles, weapons and equipment \t\t\t\t\t\t\t Detailed urban environments", + "short_description": "Bohemia Interactive's debut game published by Codemasters as Operation Flashpoint in 2001, became genre-defining combat military simulation and the No. 1 bestselling PC game around the world and has won many international awards, including \u201cGame of The Year\u201d and \u201cBest Action Game\u201d. Over 2 million copies have been sold since its release.", + "genres": "Action", + "recommendations": 1900, + "score": 4.97727379105554 + }, + { + "type": "game", + "name": "Dungeon Defenders", + "detailed_description": "Dungeon Defenders is a Tower Defense Action-RPG where you must save the land of Etheria from an Ancient Evil! Create a hero from one of four distinct classes to fight back wave after wave of enemies by summoning defenses and directly participating in the action-packed combat!. Customize and level your character, forge equipment, gather loot, collect pets and more! Take your hero through multiple difficulty modes and challenge/survival missions to earn more experience & even better treasure. Join your friends with 4-player online and local (splitscreen) co-op to plan your strategies together or compete in PvP Deathmatch. . Key Features 4-player Online and Local Co-Op - Team-up with up to 3 friends to defend cooperatively, with character classes that support each other\u2019s strengths and weaknesses. Dynamically combine local (splitscreen) and online players and leave/join any time, so that the game\u2019s always full. . Tower-Defense Meets Action-RPG - Choose your class, customize your character & equipment, strategically assemble your defenses, and participate directly in action-packed battle to preserve your castle against the invading horde!. . 4 Distinct Character Classes - Each character class has a different skill tree, set of towers, and even basic attacks! You can choose if you want to play stealthy, turn invisible, and plant traps behind enemy lines with the Huntress or go all out, block off choke points, and brutally beat your foes into submission with the Squire!. . Loot and Level-Up - Grab the mounds of money and items that your defeated foes drop and trade them or store them for later use in your Item Box! Getting kills and completing waves earns you experience points, which can be used to upgrade your characters, skills, equipment, and towers on a per-statistic basis. Do you want to enhance Hit Points, Attack Rate, Damage, etc? The choice is yours. Store your massive overflow of money in the 'Mana Bank' and then spend it to improve your equipment or trade with other players. Proudly show off your best equipment in your own 'Adventurer\u2019s Tavern', without fear of item theft!. . Tons of Enemies and Huge Boss Fights - Over 100 simultaneous enemies will attempt to tear through your defenses and gigantic Boss Monsters will appear to rain down havoc upon everyone. Only by employing the most effective defensive strategies, teamwork, and strong characters will you defeat such devilish foes! Many enemy types run the gamut from big dumb Orcs swinging huge axes, to lithe Dark Elves that strike from the shadows, to crazy kamikaze goblins! Can you defeat the epic boss battles and collect the special loot while still defending your crystals?. . Mission & Game Play Variety - Each level has a different visual setting, layout, enemy types, traps, and distinct surprises. To collect all the loot and reach the highest levels you must take your character through 4 difficulty modes, survival missions, challenge maps, and more! Some maps force you to have mobile defenses, guarding a crystal which warps around the map. Others have YOU attacking enemy encampments!. . Collect and Trade Pets Online - A variety of pets exist to assist you in the land of Etheria, each with distinct behaviors. These pets can be leveled-up and customized to match your unique play-style. They can even be traded online with other players!. . Secure Trading System - Afraid another player won't live up to their word? Use our secure trading system to trade your precious weapons, armor, and pets with other players online! Watch your name and fame spread online, as people seek out the best pet raisers or item forgers!. A Mountain of Stats - Every shot you take, kill you make, and defense you build is logged and recorded for posterity. Pore over the voluminous charts and graphs at the end of each session to analyze your team\u2019s performance, quickly review your best statistics for each level, and compare your data online with other players to see who is the greatest hero of all. Furthermore, your Achievements are visible for all to see within your very own Adventurer\u2019s Tavern, and the highest scores for each of your heroes are ranked on the worldwide leaderboards!. Dungeon Defenders Development Kit - Dungeon Defenders includes a free development kit where you can create and edit new Dungeon Defenders missions and more utilizing all of the existing Dungeon Defenders assets. Download and share these user created levels via Steam Workshop for an endless Dungeon Defenders experience!.", + "about_the_game": "Dungeon Defenders is a Tower Defense Action-RPG where you must save the land of Etheria from an Ancient Evil! Create a hero from one of four distinct classes to fight back wave after wave of enemies by summoning defenses and directly participating in the action-packed combat!\t\t\t\t\t\t\t\t\tCustomize and level your character, forge equipment, gather loot, collect pets and more! Take your hero through multiple difficulty modes and challenge/survival missions to earn more experience & even better treasure. Join your friends with 4-player online and local (splitscreen) co-op to plan your strategies together or compete in PvP Deathmatch.\t\t\t\t\t\t\t\t\tKey Features\t\t\t\t\t\t\t\t\t4-player Online and Local Co-Op - Team-up with up to 3 friends to defend cooperatively, with character classes that support each other\u2019s strengths and weaknesses. Dynamically combine local (splitscreen) and online players and leave/join any time, so that the game\u2019s always full.\t\t\t\t\t\t\t\t\tTower-Defense Meets Action-RPG - Choose your class, customize your character & equipment, strategically assemble your defenses, and participate directly in action-packed battle to preserve your castle against the invading horde!\t\t\t\t\t\t\t\t\t4 Distinct Character Classes - Each character class has a different skill tree, set of towers, and even basic attacks! You can choose if you want to play stealthy, turn invisible, and plant traps behind enemy lines with the Huntress or go all out, block off choke points, and brutally beat your foes into submission with the Squire!\t\t\t\t\t\t\t\t\tLoot and Level-Up - Grab the mounds of money and items that your defeated foes drop and trade them or store them for later use in your Item Box! Getting kills and completing waves earns you experience points, which can be used to upgrade your characters, skills, equipment, and towers on a per-statistic basis. Do you want to enhance Hit Points, Attack Rate, Damage, etc? The choice is yours... Store your massive overflow of money in the 'Mana Bank' and then spend it to improve your equipment or trade with other players. Proudly show off your best equipment in your own 'Adventurer\u2019s Tavern', without fear of item theft!\t\t\t\t\t\t\t\t\tTons of Enemies and Huge Boss Fights - Over 100 simultaneous enemies will attempt to tear through your defenses and gigantic Boss Monsters will appear to rain down havoc upon everyone. Only by employing the most effective defensive strategies, teamwork, and strong characters will you defeat such devilish foes! Many enemy types run the gamut from big dumb Orcs swinging huge axes, to lithe Dark Elves that strike from the shadows, to crazy kamikaze goblins! Can you defeat the epic boss battles and collect the special loot while still defending your crystals?\t\t\t\t\t\t\t\t\tMission & Game Play Variety - Each level has a different visual setting, layout, enemy types, traps, and distinct surprises. To collect all the loot and reach the highest levels you must take your character through 4 difficulty modes, survival missions, challenge maps, and more! Some maps force you to have mobile defenses, guarding a crystal which warps around the map. Others have YOU attacking enemy encampments!\t\t\t\t\t\t\t\t\tCollect and Trade Pets Online - A variety of pets exist to assist you in the land of Etheria, each with distinct behaviors. These pets can be leveled-up and customized to match your unique play-style. They can even be traded online with other players!\t\t\t\t\t\t\t\t\tSecure Trading System - Afraid another player won't live up to their word? Use our secure trading system to trade your precious weapons, armor, and pets with other players online! Watch your name and fame spread online, as people seek out the best pet raisers or item forgers!\t\t\t\t\t\t\t\t\tA Mountain of Stats - Every shot you take, kill you make, and defense you build is logged and recorded for posterity. Pore over the voluminous charts and graphs at the end of each session to analyze your team\u2019s performance, quickly review your best statistics for each level, and compare your data online with other players to see who is the greatest hero of all. Furthermore, your Achievements are visible for all to see within your very own Adventurer\u2019s Tavern, and the highest scores for each of your heroes are ranked on the worldwide leaderboards!\t\t\t\t\t\t\t\t\tDungeon Defenders Development Kit - Dungeon Defenders includes a free development kit where you can create and edit new Dungeon Defenders missions and more utilizing all of the existing Dungeon Defenders assets. Download and share these user created levels via Steam Workshop for an endless Dungeon Defenders experience!", + "short_description": "Create a hero from one of four classes to save Etheria in this 4-player coop Tower Defense Action-RPG. Includes Steam exclusive Portal gun & TF2 familiars!", + "genres": "Action", + "recommendations": 10245, + "score": 6.087751122170742 + }, + { + "type": "game", + "name": "The Bureau: XCOM Declassified", + "detailed_description": "The year is 1962 and the Cold War has the nation gripped by fear. A top-secret government unit called The Bureau begins investigating a series of mysterious attacks by an enemy more powerful than communism. As agent Carter, call the shots, pull the trigger and lead your squad in a gripping third-person tactical shooter set within a covert war to protect humanity from an otherworldly enemy.", + "about_the_game": "The year is 1962 and the Cold War has the nation gripped by fear. \u00a0A top-secret government unit called The Bureau begins investigating a series of mysterious attacks by an enemy more powerful than communism. \u00a0As agent Carter, call the shots, pull the trigger and lead your squad in a gripping third-person tactical shooter set within a covert war to protect humanity from an otherworldly enemy.", + "short_description": "The year is 1962 and the Cold War has the nation gripped by fear. \u00a0A top-secret government unit called The Bureau begins investigating a series of mysterious attacks by an enemy more powerful than communism.", + "genres": "Action", + "recommendations": 4509, + "score": 5.546793633374824 + }, + { + "type": "game", + "name": "Sid Meier's Civilization\u00ae: Beyond Earth\u2122", + "detailed_description": "Sid Meier's Civilization: Beyond Earth is a new science-fiction-themed entry into the award-winning Civilization series. Set in the future, global events have destabilized the world leading to a collapse of modern society, a new world order and an uncertain future for humanity. As the human race struggles to recover, the re-developed nations focus their resources on deep space travel to chart a new beginning for mankind. . As part of an expedition sent to find a home beyond Earth, you will write the next chapter for humanity as you lead your people into a new frontier and create a new civilization in space. Explore and colonize an alien planet, research new technologies, amass mighty armies, build incredible Wonders and shape the face of your new world. As you embark on your journey you must make critical decisions. From your choice of sponsor and the make-up of your colony, to the ultimate path you choose for your civilization, every decision opens up new possibilities.Features Seed the Adventure: Establish your cultural identity by choosing one of eight different expedition sponsors, each with its own leader and unique gameplay benefits. Assemble your spacecraft, cargo & colonists through a series of choices that directly seed the starting conditions when arriving at the new planet. . Colonize an Alien World: Explore the dangers and benefits of a new planet filled with dangerous terrain, mystical resources, and hostile life forms unlike those of Earth. Build outposts, unearth ancient alien relics, tame new forms of life, develop flourishing cities and establish trade routes to create prosperity for your people. . Technology Web: To reflect progress forward into an uncertain future, technology advancement occurs through a series of nonlinear choices that affect the development of mankind. The technology web is organized around three broad themes, each with a distinct victory condition. . Orbital Layer: Build and deploy advanced military, economic and scientific satellites that provide strategic offensive, defensive and support capabilities from orbit. . Unit Customization: Unlock different upgrades through the tech web and customize your units to reflect your play style. . Multiplayer: Up to 8 players can compete for dominance of a new alien world. . Mod support: Robust mod support allows you to customize and extend your game experience.", + "about_the_game": "Sid Meier's Civilization: Beyond Earth is a new science-fiction-themed entry into the award-winning Civilization series. Set in the future, global events have destabilized the world leading to a collapse of modern society, a new world order and an uncertain future for humanity. As the human race struggles to recover, the re-developed nations focus their resources on deep space travel to chart a new beginning for mankind. As part of an expedition sent to find a home beyond Earth, you will write the next chapter for humanity as you lead your people into a new frontier and create a new civilization in space. Explore and colonize an alien planet, research new technologies, amass mighty armies, build incredible Wonders and shape the face of your new world. As you embark on your journey you must make critical decisions. From your choice of sponsor and the make-up of your colony, to the ultimate path you choose for your civilization, every decision opens up new possibilities.Features Seed the Adventure: Establish your cultural identity by choosing one of eight different expedition sponsors, each with its own leader and unique gameplay benefits. Assemble your spacecraft, cargo & colonists through a series of choices that directly seed the starting conditions when arriving at the new planet. Colonize an Alien World: Explore the dangers and benefits of a new planet filled with dangerous terrain, mystical resources, and hostile life forms unlike those of Earth. Build outposts, unearth ancient alien relics, tame new forms of life, develop flourishing cities and establish trade routes to create prosperity for your people. Technology Web: To reflect progress forward into an uncertain future, technology advancement occurs through a series of nonlinear choices that affect the development of mankind. The technology web is organized around three broad themes, each with a distinct victory condition. Orbital Layer: Build and deploy advanced military, economic and scientific satellites that provide strategic offensive, defensive and support capabilities from orbit. Unit Customization: Unlock different upgrades through the tech web and customize your units to reflect your play style. Multiplayer: Up to 8 players can compete for dominance of a new alien world. Mod support: Robust mod support allows you to customize and extend your game experience.", + "short_description": "Sid Meier\u2019s Civilization: Beyond Earth is a new science-fiction-themed entry into the award winning Civilization series. As part of an expedition sent to find a home beyond Earth, lead your people into a new frontier, explore and colonize an alien planet and create a new civilization in space.", + "genres": "Strategy", + "recommendations": 13032, + "score": 6.246359964027271 + }, + { + "type": "game", + "name": "The Darkness II", + "detailed_description": "Inspired by the popular comic book series produced by Top Cow Productions, Inc., The Darkness II is an intense first person shooter that delivers a twisted and gripping narrative of tragedy, modern crime drama, and supernatural horror. Players will be taken down the brutal and personal path of Jackie Estacado, head of a New York crime family and wielder of an ancient and ruthless force of chaos and destruction known as The Darkness. It\u2019s been two years since Jackie Estacado used The Darkness to kill the men responsible for his girlfriend\u2019s murder. He\u2019s been unable to shake the memory of Jenny\u2019s death since bottling up his supernatural power and now The Darkness wants out. A sudden, unprovoked attack by a mysterious organization known as the Brotherhood heralds the start of a full-scale war and opens the door for The Darkness to reemerge, setting Jackie on a journey to hell and worse. Key Features 4-Player Co-op Campaign - Play as one of four unique characters each capable of wielding weapons infused with Darkness powers. . Quad-Wielding Chaos - Slash, grab, and throw objects and enemies with the Demon Arms while simultaneously firing two weapons, adding a new dimension to the FPS category. . Harness an Unstoppable Power - Master the Demon Arms and summon the powers of The Darkness for even more explosive gameplay. . Kill the Lights - The vicious powers of The Darkness manifest only in the shadows so use the environment to your advantage and watch out for enemies who will use light as a weapon. . Intense and Personal Journey - Experience a dark, twisted and gripping story written exclusively for the game by acclaimed comic book author Paul Jenkins whose credits also include The Incredible Hulk, Wolverine, and the original The Darkness game. . Distinctive Graphic-Noir Style - Graphic novel shading and color combined with the dramatic lighting of film noir pays tribute to the source material and brings the pages of the comic series to life. Inspired by the popular comic book series created by Top Cow.Limited Edition ContentIf you pre-purchased The Darkness II you are exclusively entitled to the Limited Edition, which includes free digital editions of The Darkness: Origins Volumes 1 and 2, collecting the origin of Jackie Estacado and the Darkness by Garth Ennis and Marc Silvestri!. Please visit and enter your code. You must login to your comiXology account, or create one, in order to redeem. Once redeemed, you can download your comics on your smartphone or tablet device, as well as read on the web!.", + "about_the_game": "Inspired by the popular comic book series produced by Top Cow Productions, Inc., The Darkness II is an intense first person shooter that delivers a twisted and gripping narrative of tragedy, modern crime drama, and supernatural horror.\t\t\t\t\t\tPlayers will be taken down the brutal and personal path of Jackie Estacado, head of a New York crime family and wielder of an ancient and ruthless force of chaos and destruction known as The Darkness.\t\t\t\t\t\tIt\u2019s been two years since Jackie Estacado used The Darkness to kill the men responsible for his girlfriend\u2019s murder. He\u2019s been unable to shake the memory of Jenny\u2019s death since bottling up his supernatural power and now The Darkness wants out. A sudden, unprovoked attack by a mysterious organization known as the Brotherhood heralds the start of a full-scale war and opens the door for The Darkness to reemerge, setting Jackie on a journey to hell and worse.\t\t\t\t\t\tKey Features\t\t\t\t\t\t4-Player Co-op Campaign - Play as one of four unique characters each capable of wielding weapons infused with Darkness powers.\t\t\t\t\t\tQuad-Wielding Chaos - Slash, grab, and throw objects and enemies with the Demon Arms while simultaneously firing two weapons, adding a new dimension to the FPS category.\t\t\t\t\t\tHarness an Unstoppable Power - Master the Demon Arms and summon the powers of The Darkness for even more explosive gameplay.\t\t\t\t\t\tKill the Lights - The vicious powers of The Darkness manifest only in the shadows so use the environment to your advantage and watch out for enemies who will use light as a weapon.\t\t\t\t\t\tIntense and Personal Journey - Experience a dark, twisted and gripping story written exclusively for the game by acclaimed comic book author Paul Jenkins whose credits also include The Incredible Hulk, Wolverine, and the original The Darkness game.\t\t\t\t\t\tDistinctive Graphic-Noir Style - Graphic novel shading and color combined with the dramatic lighting of film noir pays tribute to the source material and brings the pages of the comic series to life. Inspired by the popular comic book series created by Top Cow.Limited Edition ContentIf you pre-purchased The Darkness II you are exclusively entitled to the Limited Edition, which includes free digital editions of The Darkness: Origins Volumes 1 and 2, collecting the origin of Jackie Estacado and the Darkness by Garth Ennis and Marc Silvestri!Please visit and enter your code. You must login to your comiXology account, or create one, in order to redeem. Once redeemed, you can download your comics on your smartphone or tablet device, as well as read on the web!", + "short_description": "An intense first person shooter that delivers a twisted and gripping narrative of tragedy, modern crime drama, and supernatural horror.", + "genres": "Action", + "recommendations": 6228, + "score": 5.759671214253094 + }, + { + "type": "game", + "name": "Dino D-Day", + "detailed_description": "The year is 1942. Adolf Hitler has succeeded in resurrecting dinosaurs. The reptilian horde has trampled Europe and the Mediterranean. Can nothing stop the Nazi\u2019s dinosaur army?. Dino D-Day is a frantic, action-packed multiplayer game that transports you to a World War II that should have been. You and your friends can battle online choosing to serve the cause of the Allied nations or the Nazis. The Allied side includes seven playable characters including Trigger, a Protoceratops rescued from the Nazis. Each Allied class has unique weapons and abilities to use in combat. Gun down a Dilophosaur with your trusty M1 Garand, blast a kamikaze pterosaur out of the sky with your Thompson sub-machine gun, or toss out a dead jackrabbit to lure a raptor into a trap. As an Axis player you will have your choice of three human classes and four dinosaur classes. Ambush your enemy with speed and stealth as the Raptor, mercilessly pound the enemy with a heavy 20mm gun as the Desmatosuchus, rampage through enemy groups as the Dilophosaur or pick up a body and throw it at an enemy for a double kill! Or if you prefer a rifle in your hand, the German soldier classes are the perfect complement to their dinosaur comrades. You\u2019ve played World War II games before\u2026but have you played a World War II game with dinosaurs?. Key features: Frantic online multiplayer action involving Nazis and Dinosaurs. 7 playable dinosaur classes: Velociraptor, Dilophosaur, Desmatosuchus, Stygimoloch, Trigger the Protoceratops, Tyrannosaurus Rex, Styracosaur. . 9 playable human classes. 26 classic World War II weapons and plenty of exciting dinosaur attacks!. Powered by Valve\u2019s Software\u2019s Source engine \u2013 the technology behind such mega-hits as Half-Life 2, Team Fortress 2, Portal, Portal2, Left 4 Dead, and Left 4 Dead 2!.", + "about_the_game": "The year is 1942. Adolf Hitler has succeeded in resurrecting dinosaurs. The reptilian horde has trampled Europe and the Mediterranean. Can nothing stop the Nazi\u2019s dinosaur army?\t\t\t\t\tDino D-Day is a frantic, action-packed multiplayer game that transports you to a World War II that should have been. You and your friends can battle online choosing to serve the cause of the Allied nations or the Nazis. The Allied side includes seven playable characters including Trigger, a Protoceratops rescued from the Nazis. Each Allied class has unique weapons and abilities to use in combat. Gun down a Dilophosaur with your trusty M1 Garand, blast a kamikaze pterosaur out of the sky with your Thompson sub-machine gun, or toss out a dead jackrabbit to lure a raptor into a trap.\t\t\t\t\tAs an Axis player you will have your choice of three human classes and four dinosaur classes. Ambush your enemy with speed and stealth as the Raptor, mercilessly pound the enemy with a heavy 20mm gun as the Desmatosuchus, rampage through enemy groups as the Dilophosaur or pick up a body and throw it at an enemy for a double kill! Or if you prefer a rifle in your hand, the German soldier classes are the perfect complement to their dinosaur comrades.\t\t\t\t\tYou\u2019ve played World War II games before\u2026but have you played a World War II game with dinosaurs?\t\t\t\t\tKey features:\t\t\t\t\tFrantic online multiplayer action involving Nazis and Dinosaurs\t\t\t\t\t7 playable dinosaur classes: Velociraptor, Dilophosaur, Desmatosuchus, Stygimoloch, Trigger the Protoceratops, Tyrannosaurus Rex, Styracosaur.\t\t\t\t\t9 playable human classes\t\t\t\t\t26 classic World War II weapons and plenty of exciting dinosaur attacks!\t\t\t\t\tPowered by Valve\u2019s Software\u2019s Source engine \u2013 the technology behind such mega-hits as Half-Life 2, Team Fortress 2, Portal, Portal2, Left 4 Dead, and Left 4 Dead 2!", + "short_description": "Frantic, multiplayer action involving Nazis and dinosaurs! What are you waiting for? This is World War II as it should have been!", + "genres": "Action", + "recommendations": 7891, + "score": 5.915667241773722 + }, + { + "type": "game", + "name": "Sonic Generations Collection", + "detailed_description": "Sonic Generations now includes the 'Casino Night DLC' for free. Sonic Generations:. The ultimate celebration of 20 Years of Sonic gaming, Sonic Generations delivers the definitive experience for Sonic fans new and old. Sonic\u2019s universe is thrown into chaos when a mysterious new power comes into force, creating \u2018time holes\u2019 which take Sonic and his friends back in time. Whilst there, Sonic runs into some very familiar characters from his past including a younger version of himself! Now they must team up to defeat their enemies, save their friends, and find out who is behind this diabolical deed. Key Features:Twice the Fun - Play as both Classic Sonic and Modern Sonic in the ultimate Sonic experience. Master the moves of each character as they race through each environment on their own designed built track. . The Best Bits Just Got Better - Iconic environments from gaming history come to life in beautiful HD for the ultimate Sonic adventure, each revisited, recreated and re-imagined with stunning results. . All New Experience - Play some of your gaming\u2019s most iconic environments in a whole new way with famous Sonic stages presented in stunning new stereoscopic 3D. . Unlock New Adventures - Once you complete each level and \u2018free\u2019 Sonic\u2019s captured friends, you\u2019ll get to go back and take on more challenges with them at your side. . Infamous Bosses and Rivals - Take on some of the most notorious characters from Sonic\u2019s past as you fight for ultimate supremacy. . Master Your Moves - Master Classic Sonics famous spin-dash attack and utilise Modern Sonic\u2019s \u2018Boost\u2019 as you complete all new tracks. . Casino Night DLC:. Play through the iconic \u2018Casino Night\u2019 Pinball stage inspired by \u2018Sonic The Hedgehog 2\u2019", + "about_the_game": "Sonic Generations now includes the 'Casino Night DLC' for freeSonic Generations:The ultimate celebration of 20 Years of Sonic gaming, Sonic Generations delivers the definitive experience for Sonic fans new and old.\t\t\t\t\t\tSonic\u2019s universe is thrown into chaos when a mysterious new power comes into force, creating \u2018time holes\u2019 which take Sonic and his friends back in time. Whilst there, Sonic runs into some very familiar characters from his past including a younger version of himself! Now they must team up to defeat their enemies, save their friends, and find out who is behind this diabolical deed.\t\t\t\t\t\tKey Features:Twice the Fun - Play as both Classic Sonic and Modern Sonic in the ultimate Sonic experience. Master the moves of each character as they race through each environment on their own designed built track.\t\t\t\t\t\tThe Best Bits Just Got Better - Iconic environments from gaming history come to life in beautiful HD for the ultimate Sonic adventure, each revisited, recreated and re-imagined with stunning results.\t\t\t\t\t\tAll New Experience - Play some of your gaming\u2019s most iconic environments in a whole new way with famous Sonic stages presented in stunning new stereoscopic 3D.\t\t\t\t\t\tUnlock New Adventures - Once you complete each level and \u2018free\u2019 Sonic\u2019s captured friends, you\u2019ll get to go back and take on more challenges with them at your side.\t\t\t\t\t\tInfamous Bosses and Rivals - Take on some of the most notorious characters from Sonic\u2019s past as you fight for ultimate supremacy.\t\t\t\t\t\tMaster Your Moves - Master Classic Sonics famous spin-dash attack and utilise Modern Sonic\u2019s \u2018Boost\u2019 as you complete all new tracks.Casino Night DLC:Play through the iconic \u2018Casino Night\u2019 Pinball stage inspired by \u2018Sonic The Hedgehog 2\u2019", + "short_description": "Celebrate 20 years of Sonic in an all new adventure that delivers a definitive experience to Sonic fans new and old!", + "genres": "Action", + "recommendations": 17119, + "score": 6.4261732939319005 + }, + { + "type": "game", + "name": "The Elder Scrolls V: Skyrim", + "detailed_description": "The Game of a GenerationVoted 'The Best Game of the Generation' by amazon.co.uk users, and. About the GameEPIC FANTASY REBORN. The next chapter in the highly anticipated Elder Scrolls saga arrives from the makers of the 2006 and 2008 Games of the Year, Bethesda Game Studios. Skyrim reimagines and revolutionizes the open-world fantasy epic, bringing to life a complete virtual world open for you to explore any way you choose. . LIVE ANOTHER LIFE, IN ANOTHER WORLD. Play any type of character you can imagine, and do whatever you want; the legendary freedom of choice, storytelling, and adventure of The Elder Scrolls is realized like never before. . ALL NEW GRAPHICS AND GAMEPLAY ENGINE. Skyrim\u2019s new game engine brings to life a complete virtual world with rolling clouds, rugged mountains, bustling cities, lush fields, and ancient dungeons. . YOU ARE WHAT YOU PLAY. Choose from hundreds of weapons, spells, and abilities. The new character system allows you to play any way you want and define yourself through your actions. . DRAGON RETURN. Battle ancient dragons like you\u2019ve never seen. As Dragonborn, learn their secrets and harness their power for yourself.", + "about_the_game": "EPIC FANTASY REBORN\t\t\t\t\t\t\tThe next chapter in the highly anticipated Elder Scrolls saga arrives from the makers of the 2006 and 2008 Games of the Year, Bethesda Game Studios. Skyrim reimagines and revolutionizes the open-world fantasy epic, bringing to life a complete virtual world open for you to explore any way you choose.\t\t\t\t\t\t\tLIVE ANOTHER LIFE, IN ANOTHER WORLD\t\t\t\t\t\t\tPlay any type of character you can imagine, and do whatever you want; the legendary freedom of choice, storytelling, and adventure of The Elder Scrolls is realized like never before.\t\t\t\t\t\t\tALL NEW GRAPHICS AND GAMEPLAY ENGINE\t\t\t\t\t\t\tSkyrim\u2019s new game engine brings to life a complete virtual world with rolling clouds, rugged mountains, bustling cities, lush fields, and ancient dungeons.\t\t\t\t\t\t\tYOU ARE WHAT YOU PLAY\t\t\t\t\t\t\tChoose from hundreds of weapons, spells, and abilities. The new character system allows you to play any way you want and define yourself through your actions.\t\t\t\t\t\t\tDRAGON RETURN\t\t\t\t\t\t\tBattle ancient dragons like you\u2019ve never seen. As Dragonborn, learn their secrets and harness their power for yourself.", + "short_description": "EPIC FANTASY REBORN The next chapter in the highly anticipated Elder Scrolls saga arrives from the makers of the 2006 and 2008 Games of the Year, Bethesda Game Studios. Skyrim reimagines and revolutionizes the open-world fantasy epic, bringing to life a complete virtual world open for you to explore any way you choose.", + "genres": "RPG", + "recommendations": 180426, + "score": 7.978711350387332 + }, + { + "type": "game", + "name": "The Tiny Bang Story", + "detailed_description": "WTF Is. - The Tiny Bang Story ? Games created by the artist Eduard Arutyunyan About the Game. Life on Tiny Planet was calm and carefree until a great disaster occurred - Tiny Planet was hit by a meteor! The world fell apart and now its future depends only on you! Use your imagination and creativity: in order to restore Tiny Planet and help its inhabitants you will have to fix a variety of machines and mechanisms as well as solve puzzles in each of the five chapters of this game. Navigation is simple and intuitive. It doesn't distract you from the witty brain teasers, and you will be able to fully immerse yourself in the unique atmosphere of the game. . There is no text in this game. It is fun for all ages and suitable for the whole family!. Five vastly different chapters and over 30 exciting brain teasers (minigames). A bright, gorgeous world drawn entirely by hand. Absorbing game play and simple navigation. 10 enchanting musical themes.", + "about_the_game": "Life on Tiny Planet was calm and carefree until a great disaster occurred - Tiny Planet was hit by a meteor! The world fell apart and now its future depends only on you! Use your imagination and creativity: in order to restore Tiny Planet and help its inhabitants you will have to fix a variety of machines and mechanisms as well as solve puzzles in each of the five chapters of this game. Navigation is simple and intuitive. It doesn't distract you from the witty brain teasers, and you will be able to fully immerse yourself in the unique atmosphere of the game.There is no text in this game. It is fun for all ages and suitable for the whole family!Five vastly different chapters and over 30 exciting brain teasers (minigames)A bright, gorgeous world drawn entirely by handAbsorbing game play and simple navigation10 enchanting musical themes", + "short_description": "Life on Tiny Planet was calm and carefree until a great disaster occurred - Tiny Planet was hit by a meteor! The world fell apart and now its future depends only on you! Use your imagination and creativity: in order to restore Tiny Planet and help its inhabitants you will have to fix a variety of machines and mechanisms as well as solve...", + "genres": "Adventure", + "recommendations": 3414, + "score": 5.363448880711484 + }, + { + "type": "game", + "name": "Defy Gravity Extended", + "detailed_description": "Defy Gravity is an action platformer that is a mix between classic platforming and gravity based puzzle solving. Kara, our heroine, has access to a unique gameplay mechanic that she uses to manipulate the world around her. She has a gun that is able to alter the laws of physics through the creation of pockets of gravity and anti-gravity. By mastering the use of these abilities Kara is able to augment her jump in order to almost fly past obstacles. These powers can also be utilized to move objects that block her path and platforms that Kara stands on in order to traverse the levels. Key Features: Unique physics engine that provides a never before experienced gameplay experience. . Xbox controller and keyboard/mouse support. 24 unique levels. A second quest mode that radically changes the game and adds an additional 24 levels . Custom Soundtrack. 8 Steam Achievements.", + "about_the_game": "Defy Gravity is an action platformer that is a mix between classic platforming and gravity based puzzle solving. Kara, our heroine, has access to a unique gameplay mechanic that she uses to manipulate the world around her. She has a gun that is able to alter the laws of physics through the creation of pockets of gravity and anti-gravity. By mastering the use of these abilities Kara is able to augment her jump in order to almost fly past obstacles. These powers can also be utilized to move objects that block her path and platforms that Kara stands on in order to traverse the levels.\t\t\t\t\t\t\tKey Features:\t\t\t\t\t\t\tUnique physics engine that provides a never before experienced gameplay experience.\t\t\t\t\t\t\tXbox controller and keyboard/mouse support\t\t\t\t\t\t\t24 unique levels\t\t\t\t\t\t\tA second quest mode that radically changes the game and adds an additional 24 levels \t\t\t\t\t\t\tCustom Soundtrack\t\t\t\t\t\t\t8 Steam Achievements", + "short_description": "Defy Gravity is an action platformer that is a mix between classic platforming and gravity based puzzle solving.", + "genres": "Action", + "recommendations": 6840, + "score": 5.82145298225397 + }, + { + "type": "game", + "name": "Spiral Knights", + "detailed_description": "Band together and fight to the Core!. Spiral Knights is a cooperative adventure in a persistent world with a focus on instant, fast-paced action. Arm yourself and join the ranks of the Spiral Knights; stranded on an alien world, they must explore the ever-changing Clockworks beneath its surface in hopes of reaching its mysterious Core. Key Features Co-operative Exploration. The Clockworks offer challenges that are best tackled with friends. . Fight monsters, solve puzzles and discover treasures together!. Instant Action. Go from login to a multiplayer adventure in less than a minute. . Ever-changing World. The Clockworks cycle levels to explore in real time. Every moment of every day changes the world. . Create an Arsenal. There are hundreds of unique weapons and gear to discover and alchemize. . Form Powerful Guilds. Guild alliances allow greater influence over the world. Amass powerful minerals to transform the Clockworks!. Free to Play!. Spiral Knights is free to play, no subscription is required to enjoy everything the game has to offer. . Special Offer: Team Fortress 2 \"The Spiral Sallet\" Hat. Receive a free Spiral Knights-themed Team Fortress 2 hat by unlocking an achievement in Spiral Knights!. To receive the free TF2 hat, players must reach the first Clockwork Terminal from any gate in the Haven Arcade and unlock the 'Mission Accomplished' achievement. (Players who've already unlocked it will also receive the hat.).", + "about_the_game": "Band together and fight to the Core!\t\t\t\t\t\tSpiral Knights is a cooperative adventure in a persistent world with a focus on instant, fast-paced action. Arm yourself and join the ranks of the Spiral Knights; stranded on an alien world, they must explore the ever-changing Clockworks beneath its surface in hopes of reaching its mysterious Core.\t\t\t\t\t\tKey Features\t\t\t\t\t\tCo-operative Exploration\t\t\t\t\t\tThe Clockworks offer challenges that are best tackled with friends. \t\t\t\t\t\t\tFight monsters, solve puzzles and discover treasures together!\t\t\t\t\t\tInstant Action\t\t\t\t\t\tGo from login to a multiplayer adventure in less than a minute.\t\t\t\t\t\tEver-changing World\t\t\t\t\t\tThe Clockworks cycle levels to explore in real time. Every moment of every day changes the world.\t\t\t\t\t\tCreate an Arsenal\t\t\t\t\t\tThere are hundreds of unique weapons and gear to discover and alchemize.\t\t\t\t\t\tForm Powerful Guilds\t\t\t\t\t\tGuild alliances allow greater influence over the world. Amass powerful minerals to transform the Clockworks!\t\t\t\t\t\tFree to Play!\t\t\t\t\t\tSpiral Knights is free to play, no subscription is required to enjoy everything the game has to offer.\t\t\t\t\t\tSpecial Offer:\t\t\t\t\t\tTeam Fortress 2 \"The Spiral Sallet\" Hat\t\t\t\t\t\tReceive a free Spiral Knights-themed Team Fortress 2 hat by unlocking an achievement in Spiral Knights!\t\t\t\t\t\tTo receive the free TF2 hat, players must reach the first Clockwork Terminal from any gate in the Haven Arcade and unlock the 'Mission Accomplished' achievement. (Players who've already unlocked it will also receive the hat.)", + "short_description": "Join the ranks of the Spiral Knights. Stranded on an alien world, you must explore the ever-changing Clockworks beneath its surface.", + "genres": "Action", + "recommendations": 188, + "score": 3.455515544281775 + }, + { + "type": "game", + "name": "Kingdoms of Amalur: Reckoning\u2122", + "detailed_description": "Re-ReckoningGreetings, traveller!. Destiny awaits you, but due to a publisher change surrounding Kingdoms of Amalur, this version is no longer available. If you want to choose your fate and battle through this world worth saving, follow this propitious path: . About the GameThe minds of New York Times bestselling author R.A. Salvatore, Spawn creator Todd McFarlane, and Elder Scrolls IV: Oblivion lead designer Ken Rolston have combined to create Kingdoms of Amalur: Reckoning, a new role-playing game set in a world worth saving. Build the character you've always wanted and continuously evolve it to your style of play with the revolutionary Destiny system. Choose your path and battle through a master-crafted universe featuring some of the most intense, responsive, and customizable RPG combat ever. Key Features: . A Massive World to Explore, Filled with Epic Fiction and Rich Storytelling . Uncover the secrets of Amalur in hundreds of hours of immersive gameplay, from the vibrant city of Rathir to the vast region of Dalentarth to the grim dungeons of the Brigand Hall Caverns. . Rescue a world torn apart by a vicious war and control the keys to immortality as the first warrior ever to be resurrected from the grips of death. Turn your lack of a destiny to your advantage and harness fate as a weapon. . Explore deep levels of lore in a universe steeped in 10,000 years of fiction created by New York Times bestselling author R.A. Salvatore. . Intense Action Combat . Customize your play in a dynamic combat system that delivers some of the most intense and responsive action ever seen in an RPG. . Seamlessly integrate magical and melee attacks as you take on scores of enemies in grand fight sequences and finish them off with brutal Fateshift kills. . Choose Your Destiny With Customizable Classes . Build the character you've always wanted with the revolutionary new Destiny system that allows you to continuously evolve your character class to your style of play. . Create and modify your hero with millions of combinations of skills, abilities, weapons and pieces of armor. .", + "about_the_game": "The minds of New York Times bestselling author R.A. Salvatore, Spawn creator Todd McFarlane, and Elder Scrolls IV: Oblivion lead designer Ken Rolston have combined to create Kingdoms of Amalur: Reckoning, a new role-playing game set in a world worth saving. Build the character you've always wanted and continuously evolve it to your style of play with the revolutionary Destiny system. Choose your path and battle through a master-crafted universe featuring some of the most intense, responsive, and customizable RPG combat ever.\t\t\t\t\t\t\t\t\t\t\tKey Features:\t \t\t\t\t\t\t\t\t\t\t\t\tA Massive World to Explore, Filled with Epic Fiction and Rich Storytelling\t \t\t\t\t\t\t\t\t\t\t\t\tUncover the secrets of Amalur in hundreds of hours of immersive gameplay, from the vibrant city of Rathir to the vast region of Dalentarth to the grim dungeons of the Brigand Hall Caverns.\t \t\t\t\t\t\t\t\t\t\t\t\tRescue a world torn apart by a vicious war and control the keys to immortality as the first warrior ever to be resurrected from the grips of death. Turn your lack of a destiny to your advantage and harness fate as a weapon.\t \t\t\t\t\t\t\t\t\t\t\t\tExplore deep levels of lore in a universe steeped in 10,000 years of fiction created by New York Times bestselling author R.A. Salvatore.\t \t\t\t\t\t\t\t\t\t\t\t\tIntense Action Combat\t \t\t\t\t\t\t\t\t\t\t\t\tCustomize your play in a dynamic combat system that delivers some of the most intense and responsive action ever seen in an RPG.\t \t\t\t\t\t\t\t\t\t\t\t\tSeamlessly integrate magical and melee attacks as you take on scores of enemies in grand fight sequences and finish them off with brutal Fateshift kills.\t \t\t\t\t\t\t\t\t\t\t\t\tChoose Your Destiny With Customizable Classes\t \t\t\t\t\t\t\t\t\t\t\t\tBuild the character you've always wanted with the revolutionary new Destiny system that allows you to continuously evolve your character class to your style of play.\t \t\t\t\t\t\t\t\t\t\t\t\tCreate and modify your hero with millions of combinations of skills, abilities, weapons and pieces of armor.", + "short_description": "The minds of New York Times bestselling author R.A. Salvatore, Spawn creator Todd McFarlane, and Elder Scrolls IV: Oblivion lead designer Ken Rolston have combined to create Kingdoms of Amalur: Reckoning, a new role-playing game set in a world worth saving.", + "genres": "Action", + "recommendations": 11694, + "score": 6.174950086936157 + }, + { + "type": "game", + "name": "Orcs Must Die!", + "detailed_description": "Slice them, burn them, skewer them, and launch them - no matter how you get it done, orcs must die in this fantasy action-strategy game from Robot Entertainment. . As a powerful War Mage with dozens of deadly weapons, spells, and traps at your fingertips, defend twenty-four fortresses from a rampaging mob of beastly enemies, including ogres, hellbats, and of course, a whole bunch of ugly orcs. Battle your enemies through a story-based campaign across multiple difficulty levels, including brutal Nightmare mode!. Will you roast orcs in pits of lava, pound them flat with a ceiling trap, or freeze and shatter them with a slash? No matter the weapons and traps you choose, you\u2019re sure to have an orc-killing blast!. Key Features 24 Fortresses to Defend \u2013 Twisting passages, tall towers, and wide-open chambers all need a war mage to protect them. 6 Orc-Killing Weapons and Spells \u2013 From crossbow and bladestaff to the magical power of the elements. 19 Deadly Traps and Fierce Minions \u2013 Choose from a wide variety of traps including arrow walls, spike traps, spinning blades, and flaming brimstone or call in allies to assist you in the destruction of the orc horde. 11 Unique Enemies \u2013 Including ogres, flying hellbats, and of course, a whole bunch of ugly orcs. Story-based Campaign \u2013 Fend off orcs across three acts to discover the mysterious power behind their relentless assaults. Persistent Upgrades \u2013 Unlock improved traps as you progress through the campaign. Extensive Replayability \u2013 \u201cNightmare Mode\u201d and a skull ranking system provide extended play. Scoring System and Leaderboard \u2013 Compete with your friends for the title of Best Orc Killer!.", + "about_the_game": "Slice them, burn them, skewer them, and launch them - no matter how you get it done, orcs must die in this fantasy action-strategy game from Robot Entertainment.\t\t\t\t\t\tAs a powerful War Mage with dozens of deadly weapons, spells, and traps at your fingertips, defend twenty-four fortresses from a rampaging mob of beastly enemies, including ogres, hellbats, and of course, a whole bunch of ugly orcs. Battle your enemies through a story-based campaign across multiple difficulty levels, including brutal Nightmare mode!\t\t\t\t\t\tWill you roast orcs in pits of lava, pound them flat with a ceiling trap, or freeze and shatter them with a slash? No matter the weapons and traps you choose, you\u2019re sure to have an orc-killing blast!\t\t\t\t\t\tKey Features\t\t\t\t\t\t24 Fortresses to Defend \u2013 Twisting passages, tall towers, and wide-open chambers all need a war mage to protect them\t\t\t\t\t\t6 Orc-Killing Weapons and Spells \u2013 From crossbow and bladestaff to the magical power of the elements\t\t\t\t\t\t19 Deadly Traps and Fierce Minions \u2013 Choose from a wide variety of traps including arrow walls, spike traps, spinning blades, and flaming brimstone or call in allies to assist you in the destruction of the orc horde\t\t\t\t\t\t11 Unique Enemies \u2013 Including ogres, flying hellbats, and of course, a whole bunch of ugly orcs\t\t\t\t\t\tStory-based Campaign \u2013 Fend off orcs across three acts to discover the mysterious power behind their relentless assaults\t\t\t\t\t\tPersistent Upgrades \u2013 Unlock improved traps as you progress through the campaign\t\t\t\t\t\tExtensive Replayability \u2013 \u201cNightmare Mode\u201d and a skull ranking system provide extended play\t\t\t\t\t\tScoring System and Leaderboard \u2013 Compete with your friends for the title of Best Orc Killer!", + "short_description": "Slice them, burn them, skewer them, and launch them - no matter how you get it done, orcs must die in this fantasy action-strategy game from Robot Entertainment. As a powerful War Mage with dozens of deadly weapons, spells, and traps at your fingertips, defend twenty-four fortresses from a rampaging mob of beastly enemies, including...", + "genres": "Action", + "recommendations": 5750, + "score": 5.707036957715427 + }, + { + "type": "game", + "name": "ORION: Prelude", + "detailed_description": "'ORION: Prelude' is an indie Sci-Fi shooter (FPS/TPS) that seamlessly blends together incredible visuals and addictive combat. It puts you and your friends together into intense, cinematic battles using some of the most incredible weaponry and amazing vehicles in which you must work or compete against one another to accomplish mission objectives, explore giant worlds and survive the devastating Dinosaur Horde.OFFICIAL ORION DISCORD!Rewards, Progression & Behind-The-Scenes. . Supporting up to a variety of game modes, including:. Survival (Objective). Slaughter (Duration). Rampage (Playable Dinosaurs). Prehistoric (Custom Variable). . Supporting up to 10 players and offering 2 game modes: . Conquest (Cooperative - 5 Players). Vital (PvPvE - 10 Players). . Supporting up to 10 players and offering 3 cooperative game modes: . Free-For-All (Deathmatch). Elimination (Stealth). King of the Hill (Territory). Gun Game (Ladder Climb). Instagib (Twitch Reflex). Vital (Open World). . Supporting up to 10 players and offering 3 unique game modes: . 1v1 Duel (4 Playlers - Tournament). FFA Duel (4 Players - FFA). Team Duel (5v5). Key Features: Open World Gameplay. Cooperative & Competitive Gameplay. Dueling & Melee Combat Gameplay. 1st Person / 3rd Person Hybrid Gameplay. 15 Game Modes. 50+ Weapons & Gear. 30 Augmentations (Mutators). 20+ Multiplayer Maps. 7 Vehicles. Full Weather System. Persistence & Player Progression (150 Levels). Class-Based Gameplay & Player Loadouts. Statistics & Leaderboards. Lobbies, Matchmaking & Server Browser. Player Store (Cosmetics). Rewards & Unlockables. Real-time Dynamic Day/Night Cycles. 10 Dinosaurs (All Playable). 250+ Steam Achievements. 12 Steam Trading Cards. Steam Big Picture Mode Support. Bots & Offline Play. Tutorial System. SDK & Steam Workshop (Custom Maps).", + "about_the_game": "'ORION: Prelude' is an indie Sci-Fi shooter (FPS/TPS) that seamlessly blends together incredible visuals and addictive combat. It puts you and your friends together into intense, cinematic battles using some of the most incredible weaponry and amazing vehicles in which you must work or compete against one another to accomplish mission objectives, explore giant worlds and survive the devastating Dinosaur Horde.OFFICIAL ORION DISCORD!Rewards, Progression & Behind-The-Scenes up to a variety of game modes, including: Survival (Objective) Slaughter (Duration) Rampage (Playable Dinosaurs) Prehistoric (Custom Variable)Supporting up to 10 players and offering 2 game modes: Conquest (Cooperative - 5 Players) Vital (PvPvE - 10 Players)Supporting up to 10 players and offering 3 cooperative game modes: Free-For-All (Deathmatch) Elimination (Stealth) King of the Hill (Territory) Gun Game (Ladder Climb) Instagib (Twitch Reflex) Vital (Open World)Supporting up to 10 players and offering 3 unique game modes: 1v1 Duel (4 Playlers - Tournament) FFA Duel (4 Players - FFA) Team Duel (5v5)Key Features: Open World Gameplay Cooperative & Competitive Gameplay Dueling & Melee Combat Gameplay 1st Person / 3rd Person Hybrid Gameplay 15 Game Modes 50+ Weapons & Gear 30 Augmentations (Mutators) 20+ Multiplayer Maps 7 Vehicles Full Weather System Persistence & Player Progression (150 Levels) Class-Based Gameplay & Player Loadouts Statistics & Leaderboards Lobbies, Matchmaking & Server Browser Player Store (Cosmetics) Rewards & Unlockables Real-time Dynamic Day/Night Cycles 10 Dinosaurs (All Playable) 250+ Steam Achievements 12 Steam Trading Cards Steam Big Picture Mode Support Bots & Offline Play Tutorial System SDK & Steam Workshop (Custom Maps)", + "short_description": "Work together to survive the devastating Dinosaur horde in huge, endless environments.", + "genres": "Action", + "recommendations": 19334, + "score": 6.506381483129008 + }, + { + "type": "game", + "name": "Age of Empires\u00ae III (2007)", + "detailed_description": "Effective September 1, 2021, the multiplayer service for the 2007 version of Age of Empires III: Complete Collection currently on Steam will no longer function. The critical factor driving this change is that the ESO domain on which this multiplayer service currently resides is no longer under Microsoft\u2019s control and it will be repurposed by its new owners on that date. . To continue accessing the multiplayer services: We have created a patch that points to a new backend owned by Microsoft that you must manually install prior to September 1, 2021. Due to the age of the title, we have no way to automatically apply the patch for you and you will have to come to our website download linked below to apply the patch manually. We apologize for any inconvenience this may cause. . The AgeIIIESOPatch_Full will allow you to access multiplayer services without routing through the deprecated ESO service. It is important to install the patch for additional stability and reliability in the multiplayer environment and avoid issues accessing multiplayer matches. Download and install the patch manually from the official ageofempires.com website: . ----------. Immerse yourself in the award-winning strategy experience. Microsoft Studios brings you three epic Age of Empires III games in one monumental collection for the first time. Command mighty European powers looking to explore new lands in the New World; or jump eastward to Asia and determine the outcome of its struggles for power.", + "about_the_game": "Effective September 1, 2021, the multiplayer service for the 2007 version of Age of Empires III: Complete Collection currently on Steam will no longer function. The critical factor driving this change is that the ESO domain on which this multiplayer service currently resides is no longer under Microsoft\u2019s control and it will be repurposed by its new owners on that date. To continue accessing the multiplayer services: We have created a patch that points to a new backend owned by Microsoft that you must manually install prior to September 1, 2021. Due to the age of the title, we have no way to automatically apply the patch for you and you will have to come to our website download linked below to apply the patch manually. We apologize for any inconvenience this may cause.The AgeIIIESOPatch_Full will allow you to access multiplayer services without routing through the deprecated ESO service. It is important to install the patch for additional stability and reliability in the multiplayer environment and avoid issues accessing multiplayer matches. Download and install the patch manually from the official ageofempires.com website: yourself in the award-winning strategy experience. Microsoft Studios brings you three epic Age of Empires III games in one monumental collection for the first time. Command mighty European powers looking to explore new lands in the New World; or jump eastward to Asia and determine the outcome of its struggles for power.", + "short_description": "Microsoft Studios brings you three epic Age of Empires III games in one monumental collection for the first time.", + "genres": "Simulation", + "recommendations": 26650, + "score": 6.7179347344360485 + }, + { + "type": "game", + "name": "Terraria", + "detailed_description": "Dig, Fight, Explore, Build: The very world is at your fingertips as you fight for survival, fortune, and glory. Will you delve deep into cavernous expanses in search of treasure and raw materials with which to craft ever-evolving gear, machinery, and aesthetics? Perhaps you will choose instead to seek out ever-greater foes to test your mettle in combat? Maybe you will decide to construct your own city to house the host of mysterious allies you may encounter along your travels? . In the World of Terraria, the choice is yours!. Blending elements of classic action games with the freedom of sandbox-style creativity, Terraria is a unique gaming experience where both the journey and the destination are completely in the player\u2019s control. The Terraria adventure is truly as unique as the players themselves! . Are you up for the monumental task of exploring, creating, and defending a world of your own? . Key features:. Sandbox Play. Randomly generated worlds. Free Content Updates.", + "about_the_game": "Dig, Fight, Explore, Build: The very world is at your fingertips as you fight for survival, fortune, and glory. Will you delve deep into cavernous expanses in search of treasure and raw materials with which to craft ever-evolving gear, machinery, and aesthetics? Perhaps you will choose instead to seek out ever-greater foes to test your mettle in combat? Maybe you will decide to construct your own city to house the host of mysterious allies you may encounter along your travels? In the World of Terraria, the choice is yours!Blending elements of classic action games with the freedom of sandbox-style creativity, Terraria is a unique gaming experience where both the journey and the destination are completely in the player\u2019s control. The Terraria adventure is truly as unique as the players themselves! Are you up for the monumental task of exploring, creating, and defending a world of your own? \t\t\t\t\t\t\tKey features:\t\t\t\t\t\t\tSandbox Play\t\t\t\t\t\t\t Randomly generated worlds\t\t\t\t\t\t\tFree Content Updates", + "short_description": "Dig, fight, explore, build! Nothing is impossible in this action-packed adventure game. Four Pack also available!", + "genres": "Action", + "recommendations": 927084, + "score": 9.057685192378157 + }, + { + "type": "game", + "name": "Bastion", + "detailed_description": "ALSO FROM SUPERGIANT GAMESThe god-like rogue-like returns!. About the GameBastion is an action role-playing experience that redefines storytelling in games, with a reactive narrator who marks your every move. Explore more than 40 lush hand-painted environments as you discover the secrets of the Calamity, a surreal catastrophe that shattered the world to pieces. Wield a huge arsenal of upgradeable weapons and battle savage beasts adapted to their new habitat. Finish the main story to unlock the New Game Plus mode and continue your journey!. Key Features: Action-packed combat rewards playing with finesse. . Hours of reactive narration delivers a deep story. . Stunning hand-painted artwork in full 1080p resolution. Critically-acclaimed original music score. Controls custom-tailored to PC plus gamepad support. 10+ unique upgradeable weapons to be used. 6 powerful Bastion structures to be discovered. 'New Game Plus' and 'Score Attack' modes unlocked after finishing the story. 'No-Sweat Mode' lets players of any skill level enjoy the story.", + "about_the_game": "Bastion is an action role-playing experience that redefines storytelling in games, with a reactive narrator who marks your every move. Explore more than 40 lush hand-painted environments as you discover the secrets of the Calamity, a surreal catastrophe that shattered the world to pieces. Wield a huge arsenal of upgradeable weapons and battle savage beasts adapted to their new habitat. Finish the main story to unlock the New Game Plus mode and continue your journey!\t\t\t\t\t\tKey Features:\t\t\t\t\t\tAction-packed combat rewards playing with finesse\t\t\t\t\t\tHours of reactive narration delivers a deep storyStunning hand-painted artwork in full 1080p resolution\t\t\t\t\t\tCritically-acclaimed original music score\t\t\t\t\t\tControls custom-tailored to PC plus gamepad support\t\t\t\t\t\t10+ unique upgradeable weapons to be used\t\t\t\t\t\t6 powerful Bastion structures to be discovered\t\t\t\t\t\t'New Game Plus' and 'Score Attack' modes unlocked after finishing the story\t\t\t\t\t\t'No-Sweat Mode' lets players of any skill level enjoy the story", + "short_description": "Discover the secrets of the Calamity, a surreal catastrophe that shattered the world to pieces.", + "genres": "Action", + "recommendations": 26473, + "score": 6.713541921391558 + }, + { + "type": "game", + "name": "Cthulhu Saves the World", + "detailed_description": "The lord of insanity, Cthulhu was all set to plunge the world into insanity and destruction when his powers were sealed by a mysterious sorcerer. The only way for him to break the curse is to become a true hero. Save the world to destroy it in an epic parody RPG journey of redemption, romance, and insanity!. Key features: Old school RPG style mixed with modern design sensibilities!. Inflict insanity upon your opponents for fun and profit!. 6-10 hour quest with unlockable game modes & difficulty levels for increased replay value. . Highlander mode \u2013 XP gains are quadrupled, but only one character can be brought into battle at a time!. Score Attack mode \u2013 Gain points by defeating bosses at the lowest LV possible!. Overkill \u2013 Jump to LV40 in a single battle! Perfect for replays and experimentation!. Cthulhu's Angels mode \u2013 Remix mode with new playable characters, new dialogue, new bosses, and more!. All of the great features players know and love from Breath of Death VII: The Beginning have returned \u2013 fast-paced gameplay, combo system, random encounter limits, branching LV-Ups, and more!.", + "about_the_game": "The lord of insanity, Cthulhu was all set to plunge the world into insanity and destruction when his powers were sealed by a mysterious sorcerer. The only way for him to break the curse is to become a true hero. Save the world to destroy it in an epic parody RPG journey of redemption, romance, and insanity!\t\t\t\t\t\t Key features:\t\t\t\t\t\t Old school RPG style mixed with modern design sensibilities!\t\t\t\t\t\t\tInflict insanity upon your opponents for fun and profit!\t\t\t\t\t\t\t6-10 hour quest with unlockable game modes & difficulty levels for increased replay value.\t\t\t\t\t\t\tHighlander mode \u2013 XP gains are quadrupled, but only one character can be brought into battle at a time!\t\t\t\t\t\t\tScore Attack mode \u2013 Gain points by defeating bosses at the lowest LV possible!\t\t\t\t\t\t\tOverkill \u2013 Jump to LV40 in a single battle! Perfect for replays and experimentation!\t\t\t\t\t\t\tCthulhu's Angels mode \u2013 Remix mode with new playable characters, new dialogue, new bosses, and more!\t\t\t\t\t\t\tAll of the great features players know and love from Breath of Death VII: The Beginning have returned \u2013 fast-paced gameplay, combo system, random encounter limits, branching LV-Ups, and more!", + "short_description": "The lord of insanity, Cthulhu was all set to plunge the world into insanity and destruction when his powers were sealed by a mysterious sorcerer. The only way for him to break the curse is to become a true hero. Save the world to destroy it in an epic parody RPG journey of redemption, romance, and insanity!", + "genres": "Indie", + "recommendations": 2873, + "score": 5.249749743259029 + }, + { + "type": "game", + "name": "Arma 3", + "detailed_description": "Arma 3 Community Guide Series About the GameExperience true combat gameplay in a massive military sandbox. Deploying a wide variety of single- and multiplayer content, over 20 vehicles and 40 weapons, and limitless opportunities for content creation, this is the PC\u2019s premier military game. Authentic, diverse, open - Arma 3 sends you to war. . Key Features in Arma 3Altis & Stratis. Defeat your enemy on a richly detailed, open-world battlefield \u2013 stretching over 290 km\u00b2 of Mediterranean island terrain. From expansive cities to rolling hills, whether steamrolling your tank across the dusty plains, flying a transport helicopter over the dense forests, or waging asymmetric warfare from the rocky hills, the islands of Altis and Stratis are dynamic worlds, which lend themselves to the most varied engagements in gaming. . Weapons & Vehicles. Head into combat on foot, drive armored vehicles, or take to the skies in helicopters and jets. Conduct a combined arms attack over air, land, and sea, with over 20 vehicles to drive and pilot, 40+ weapons to pick from, customizable loadouts with short- and long-distance attachments, and various types of gear to suit your needs on the battlefield. With a massive arsenal at your disposal, Arma 3 moves you into a world of tactical opportunities. . Singleplayer. Follow the story of Ben Kerry, a soldier who gets caught up in a Mediterranean flashpoint, across three gameplay-driven campaign episodes: Survive, Adapt, Win. Immerse yourself in Arma 3\u2019s diverse gameplay by completing the focused showcase scenarios. Run through the competitive firing drills to hone your shooting and movement skills, and complete your training by signing up to Arma 3 Bootcamp, which features SP and MP tutorials, and a dedicated Virtual Reality practice environment. . Multiplayer. Fight online in the massive military sandbox that is Arma 3. Form a squad and team up against your enemy in the official Defend and Seize multiplayer scenarios. Or jump into one of the many popular unofficial game modes developed by the Arma 3 community. Experience a new form of multiplayer in Arma 3 Zeus, where Game Masters have the ability to influence the battlefield of other players in real-time. . Content Creation. Start creating your own experiences with Arma 3\u2019s intuitive scenario editor and powerful modding tools. Enjoy a platform filled with player-created content, ranging from custom weapons and vehicles, to intense singleplayer scenarios and entirely new multiplayer game modes. Share and discover content on the Arma 3 Steam Workshop, which lets you install player-created content with a click of a button. . Revamped Engine. Navigate the battlefield with fluid new animations; feel the devastating power of combat with the upgraded sound engine, new ragdoll simulation and PhysX\u2122-supported vehicles. Pushed forward by game-changing innovations, the highly moddable Real Virtuality\u2122 4 engine powers a new generation of Arma with even more stunning graphics, broad simulation gameplay, and massive sandbox terrains.", + "about_the_game": "Experience true combat gameplay in a massive military sandbox. Deploying a wide variety of single- and multiplayer content, over 20 vehicles and 40 weapons, and limitless opportunities for content creation, this is the PC\u2019s premier military game. Authentic, diverse, open - Arma 3 sends you to war.Key Features in Arma 3Altis & StratisDefeat your enemy on a richly detailed, open-world battlefield \u2013 stretching over 290 km\u00b2 of Mediterranean island terrain. From expansive cities to rolling hills, whether steamrolling your tank across the dusty plains, flying a transport helicopter over the dense forests, or waging asymmetric warfare from the rocky hills, the islands of Altis and Stratis are dynamic worlds, which lend themselves to the most varied engagements in gaming.Weapons & VehiclesHead into combat on foot, drive armored vehicles, or take to the skies in helicopters and jets. Conduct a combined arms attack over air, land, and sea, with over 20 vehicles to drive and pilot, 40+ weapons to pick from, customizable loadouts with short- and long-distance attachments, and various types of gear to suit your needs on the battlefield. With a massive arsenal at your disposal, Arma 3 moves you into a world of tactical opportunities.SingleplayerFollow the story of Ben Kerry, a soldier who gets caught up in a Mediterranean flashpoint, across three gameplay-driven campaign episodes: Survive, Adapt, Win. Immerse yourself in Arma 3\u2019s diverse gameplay by completing the focused showcase scenarios. Run through the competitive firing drills to hone your shooting and movement skills, and complete your training by signing up to Arma 3 Bootcamp, which features SP and MP tutorials, and a dedicated Virtual Reality practice environment.MultiplayerFight online in the massive military sandbox that is Arma 3. Form a squad and team up against your enemy in the official Defend and Seize multiplayer scenarios. Or jump into one of the many popular unofficial game modes developed by the Arma 3 community. Experience a new form of multiplayer in Arma 3 Zeus, where Game Masters have the ability to influence the battlefield of other players in real-time.Content CreationStart creating your own experiences with Arma 3\u2019s intuitive scenario editor and powerful modding tools. Enjoy a platform filled with player-created content, ranging from custom weapons and vehicles, to intense singleplayer scenarios and entirely new multiplayer game modes. Share and discover content on the Arma 3 Steam Workshop, which lets you install player-created content with a click of a button.Revamped EngineNavigate the battlefield with fluid new animations; feel the devastating power of combat with the upgraded sound engine, new ragdoll simulation and PhysX\u2122-supported vehicles. Pushed forward by game-changing innovations, the highly moddable Real Virtuality\u2122 4 engine powers a new generation of Arma with even more stunning graphics, broad simulation gameplay, and massive sandbox terrains.", + "short_description": "Experience true combat gameplay in a massive military sandbox. Deploying a wide variety of single- and multiplayer content, over 20 vehicles and 40 weapons, and limitless opportunities for content creation, this is the PC\u2019s premier military game. Authentic, diverse, open - Arma 3 sends you to war.", + "genres": "Action", + "recommendations": 188773, + "score": 8.00852453336438 + }, + { + "type": "game", + "name": "Project Zomboid", + "detailed_description": "Project Zomboid is an open-ended zombie-infested sandbox. It asks one simple question \u2013 how will you die?\u00a0. In the towns of Muldraugh and West Point, survivors must loot houses, build defences and do their utmost to delay their inevitable death day by day. No help is coming \u2013 their continued survival relies on their own cunning, luck and ability to evade a relentless horde.Current Features. Hardcore Sandbox Zombie Survival Game with a focus on realistic survival. . Online multiplayer survival with persistent player run servers. . Local 4 player split-screen co-op. Hundreds of zombies with swarm mechanics and in-depth visual and hearing systems. . Full line of sight system and real-time lighting, sound and visibility mechanics. Hide in the shadows, keep quiet and keep the lights off at night, or at least hang sheets over the windows. . Vast and growing map (loosely based on a real world location) for you to explore, loot and set up your fortress. Check out Blindcoder\u2019s map project: Vehicles with full physics and deep and realistic gameplay mechanics. . Use tools and items to craft weapons, barricade and cook. You can even build zombie proof forts by chopping trees, sawing wood and scavenging supplies. . Deal with depression, boredom, hunger, thirst and illness while trying to survive. . Day turns to night. The electricity falters. Hordes migrate. Winter draws in. Nature gradually starts to take over. . Farming, fishing, carpentry, cooking, trapping, character customization, skills and perks that develop based on what you do in-game. . Proper zombies that don\u2019t run. (Unless you tell them to in the sandbox menu). . A ton of amazing atmospheric music tracks by the prodigy that is Zach Beever. . Imaginative Challenge scenarios and instant action \u2018Last Stand\u2019 mode, on top of regular Sandbox and Survival\u00a0. Full, open and powerful Lua modding support. . Xbox Controller Gamepad support on Windows. [Others pads can be set up manually. Gamepad support not currently available on Mac]. We\u2019re a small team at the moment, but we\u2019re also committed to providing the following:planned Features:. The return of our PZ Stories mode that also serves as first ever tutorial actively trying to kill you at every turn. Kate and Baldspot return!. In-depth and varied NPC encounters driven in a persistent world, powered by a metagame system that turns each play-through into your very own zombie survival movie with emergent narrative gameplay. . Constant expansion of the countryside and cities around Muldraugh and West Point. Full wilderness survival systems, animals and hunting for food. . More items, crafting recipes, weapons and gameplay systems. . Steam Workshop and Achievements support. For more details on the game follow us on @theindiestone or visit ", + "about_the_game": "Project Zomboid is an open-ended zombie-infested sandbox. It asks one simple question \u2013 how will you die?\u00a0In the towns of Muldraugh and West Point, survivors must loot houses, build defences and do their utmost to delay their inevitable death day by day. No help is coming \u2013 their continued survival relies on their own cunning, luck and ability to evade a relentless horde.Current FeaturesHardcore Sandbox Zombie Survival Game with a focus on realistic survival.Online multiplayer survival with persistent player run servers. Local 4 player split-screen co-opHundreds of zombies with swarm mechanics and in-depth visual and hearing systems. Full line of sight system and real-time lighting, sound and visibility mechanics. Hide in the shadows, keep quiet and keep the lights off at night, or at least hang sheets over the windows. Vast and growing map (loosely based on a real world location) for you to explore, loot and set up your fortress. Check out Blindcoder\u2019s map project: Vehicles with full physics and deep and realistic gameplay mechanics.Use tools and items to craft weapons, barricade and cook. You can even build zombie proof forts by chopping trees, sawing wood and scavenging supplies. Deal with depression, boredom, hunger, thirst and illness while trying to survive. Day turns to night. The electricity falters. Hordes migrate. Winter draws in. Nature gradually starts to take over.Farming, fishing, carpentry, cooking, trapping, character customization, skills and perks that develop based on what you do in-game. Proper zombies that don\u2019t run. (Unless you tell them to in the sandbox menu).A ton of amazing atmospheric music tracks by the prodigy that is Zach Beever. Imaginative Challenge scenarios and instant action \u2018Last Stand\u2019 mode, on top of regular Sandbox and Survival\u00a0Full, open and powerful Lua modding support. Xbox Controller Gamepad support on Windows. [Others pads can be set up manually. Gamepad support not currently available on Mac]We\u2019re a small team at the moment, but we\u2019re also committed to providing the following:planned Features:The return of our PZ Stories mode that also serves as first ever tutorial actively trying to kill you at every turn. Kate and Baldspot return!In-depth and varied NPC encounters driven in a persistent world, powered by a metagame system that turns each play-through into your very own zombie survival movie with emergent narrative gameplay.Constant expansion of the countryside and cities around Muldraugh and West PointFull wilderness survival systems, animals and hunting for food. More items, crafting recipes, weapons and gameplay systems. Steam Workshop and Achievements supportFor more details on the game follow us on @theindiestone or visit ", + "short_description": "Project Zomboid is the ultimate in zombie survival. Alone or in MP: you loot, build, craft, fight, farm and fish in a struggle to survive. A hardcore RPG skillset, a vast map, massively customisable sandbox and a cute tutorial raccoon await the unwary. So how will you die? All it takes is a bite..", + "genres": "Indie", + "recommendations": 165227, + "score": 7.9206991819478825 + }, + { + "type": "game", + "name": "Alan Wake", + "detailed_description": "When the wife of the best-selling writer Alan Wake disappears on their vacation, his search turns up pages from a thriller he doesn\u2019t even remember writing. A Dark Presence stalks the small town of Bright Falls, pushing Wake to the brink of sanity in his fight to unravel the mystery and save his love. . Presented in the style of a TV series, Alan Wake features the trademark Remedy storytelling and pulse-pounding action sequences. As players dive deeper and deeper into the mystery, they\u2019ll face overwhelming odds, plot twists, and cliffhangers. It\u2019s only by mastering the Fight With Light combat mechanic that they can stay one step ahead of the darkness that spreads across Bright Falls. . With the body of an action game and the mind of a psychological thriller, Alan Wake\u2019s intense atmosphere, deep and multilayered story, and exceptionally tense combat sequences provide players with an entertaining and original gaming experience. . Enhanced for the PC Includes Alan Wake Special Episodes \u201cThe Signal\u201d and \u201cThe Writer\u201d. Experience Alan Wake\u2019s Pacific Northwest in higher resolutions and higher fidelity than the Xbox360 version. . Fully configurable mouse and keyboard support, or if you prefer to play with the Steam or Microsoft gamepad connected to your PC, you can do that too!. Lots of customizable graphics settings and support for 4:3, 16:9 and 16:10 aspect ratios!. Multithreaded engine that takes advantage of quad core CPUs. . Additional features our fans have sought after such as field of view adjustment as well as \u201chide HUD\u201d. . Works with AMD Eyefinity 3D 3-screen mode.", + "about_the_game": "When the wife of the best-selling writer Alan Wake disappears on their vacation, his search turns up pages from a thriller he doesn\u2019t even remember writing. A Dark Presence stalks the small town of Bright Falls, pushing Wake to the brink of sanity in his fight to unravel the mystery and save his love.\t\t\t\t\t\tPresented in the style of a TV series, Alan Wake features the trademark Remedy storytelling and pulse-pounding action sequences. As players dive deeper and deeper into the mystery, they\u2019ll face overwhelming odds, plot twists, and cliffhangers. It\u2019s only by mastering the Fight With Light combat mechanic that they can stay one step ahead of the darkness that spreads across Bright Falls.\t\t\t\t\t\tWith the body of an action game and the mind of a psychological thriller, Alan Wake\u2019s intense atmosphere, deep and multilayered story, and exceptionally tense combat sequences provide players with an entertaining and original gaming experience.\t\t\t\t\t\tEnhanced for the PC\t\t\t\t\t\tIncludes Alan Wake Special Episodes \u201cThe Signal\u201d and \u201cThe Writer\u201d\t\t\t\t\t\tExperience Alan Wake\u2019s Pacific Northwest in higher resolutions and higher fidelity than the Xbox360 version. \t\t\t\t\t\tFully configurable mouse and keyboard support, or if you prefer to play with the Steam or Microsoft gamepad connected to your PC, you can do that too!\t\t\t\t\t\tLots of customizable graphics settings and support for 4:3, 16:9 and 16:10 aspect ratios!\t\t\t\t\t\tMultithreaded engine that takes advantage of quad core CPUs.\t\t\t\t\t\tAdditional features our fans have sought after such as field of view adjustment as well as \u201chide HUD\u201d.\t\t\t\t\t\tWorks with AMD Eyefinity 3D 3-screen mode.", + "short_description": "A Dark Presence stalks the small town of Bright Falls, pushing Alan Wake to the brink of sanity in his fight to unravel the mystery and save his love.", + "genres": "Action", + "recommendations": 28336, + "score": 6.758373006225556 + }, + { + "type": "game", + "name": "Crysis 2 - Maximum Edition", + "detailed_description": "Aliens are decimating New York City, only you have the technology to survive. Adapt in real time using the unique Nanosuit 2 Stealth, Armor and Power abilities, then tackle the alien menace in ways a regular soldier could only dream of. Crysis 2 redefines the visual benchmark for console and PC platforms in the urban jungle of NYC. Be The Weapon.Includes 4 Limited Edition unlocks:Bonus XP - Access to preset classes plus a custom class. Scar weapon Skin - Scar assault rifle digital camouflage. Weapon Attachment - Day 1 access to scar hologram decoy. Unique Platinum Dog Tag - Display your multiplayer rank and stats. Includes Retaliation and Decimation packs:Total of 9 additional Multiplayer maps supporting all game modes. 2 new weapons - FY71 Assault Rifle and M18 Smoke Grenade.", + "about_the_game": "Aliens are decimating New York City, only you have the technology to survive. Adapt in real time using the unique Nanosuit 2 Stealth, Armor and Power abilities, then tackle the alien menace in ways a regular soldier could only dream of. Crysis 2 redefines the visual benchmark for console and PC platforms in the urban jungle of NYC. Be The Weapon.Includes 4 Limited Edition unlocks:Bonus XP - Access to preset classes plus a custom classScar weapon Skin - Scar assault rifle digital camouflageWeapon Attachment - Day 1 access to scar hologram decoyUnique Platinum Dog Tag - Display your multiplayer rank and statsIncludes Retaliation and Decimation packs:Total of 9 additional Multiplayer maps supporting all game modes2 new weapons - FY71 Assault Rifle and M18 Smoke Grenade", + "short_description": "Aliens are decimating New York City, only you have the technology to survive. Be The Weapon.", + "genres": "Action", + "recommendations": 8789, + "score": 5.986709216604385 + }, + { + "type": "game", + "name": "Neverwinter", + "detailed_description": "NEW CONTENT . About the Game", + "about_the_game": "", + "short_description": "Neverwinter is a free, action MMORPG based on the acclaimed Dungeons & Dragons fantasy roleplaying game. Epic stories, action combat and classic roleplaying await those heroes courageous enough to enter the fantastic world of Neverwinter!", + "genres": "Action", + "recommendations": 307, + "score": 3.77745221458871 + }, + { + "type": "game", + "name": "L.A. Noire", + "detailed_description": "Using groundbreaking new animation technology, MotionScan, that captures every nuance of an actor's facial performance in astonishing detail, L.A. Noire is a violent crime thriller that blends breathtaking action with true detective work to deliver an unprecedented interactive experience. Search for clues, chase down suspects and interrogate witnesses as you struggle to find the truth in a city where everyone has something to hide. . Amid the post-war boom of Hollywood's Golden Age, Cole Phelps is an LAPD detective thrown headfirst into a city drowning in its own success. Corruption is rampant, the drug trade is exploding, and murder rates are at an all-time high. In his fight to climb the ranks and do what's right, Phelps must unravel the truth behind a string of arson attacks, racketeering conspiracies and brutal murders, battling the L.A. underworld and even members of his own department to uncover a secret that could shake the city to its rotten core. . This complete edition of L.A. Noire includes the complete original game and all previously released downloadable content including the \"Nicolson Electroplating\" Arson case, the \"Reefer Madness\" Vice case, \"The Consul's Car\" Traffic case, \"The Naked City\" Vice case and \"A Slip of the Tongue\" Traffic case.", + "about_the_game": "Using groundbreaking new animation technology, MotionScan, that captures every nuance of an actor's facial performance in astonishing detail, L.A. Noire is a violent crime thriller that blends breathtaking action with true detective work to deliver an unprecedented interactive experience. Search for clues, chase down suspects and interrogate witnesses as you struggle to find the truth in a city where everyone has something to hide.\r\n \r\nAmid the post-war boom of Hollywood's Golden Age, Cole Phelps is an LAPD detective thrown headfirst into a city drowning in its own success. Corruption is rampant, the drug trade is exploding, and murder rates are at an all-time high. In his fight to climb the ranks and do what's right, Phelps must unravel the truth behind a string of arson attacks, racketeering conspiracies and brutal murders, battling the L.A. underworld and even members of his own department to uncover a secret that could shake the city to its rotten core. \r\n \r\nThis complete edition of L.A. Noire includes the complete original game and all previously released downloadable content including the \"Nicolson Electroplating\" Arson case, the \"Reefer Madness\" Vice case, \"The Consul's Car\" Traffic case, \"The Naked City\" Vice case and \"A Slip of the Tongue\" Traffic case.", + "short_description": "L.A. Noire is a violent crime thriller that blends breathtaking action with true detective work to deliver an unprecedented interactive experience. This complete edition of L.A. Noire includes the complete original game and all previously released downloadable content.", + "genres": "Adventure", + "recommendations": 24578, + "score": 6.664580467177062 + }, + { + "type": "game", + "name": "Monaco: What's Yours Is Mine", + "detailed_description": "NEW GAME ANNOUNCEMENT About the GameMonaco: What's Yours Is Mine is a single player or co-op heist game. Assemble a crack team of thieves, case the joint, and pull off the perfect heist. . The Locksmith: Blue-collar infiltration expert. The Lookout: She can see and hear everything. a natural leader. The Pickpocket: A hobo with a monkey and a penchant for crime. The Cleaner: A silent psychopath. Jack The Ripper in pink. The Mole: Big and dumb. likes to tunnel. The Gentleman: He doesn't always wear a disguise, but when he does, he looks fantastic. The Hacker: Armies of viruses shut down security. a modern day warlock. The Redhead: Manipulative and murderous. a lady always gets what she wants. Play with up to four people online or on the same screen. Compete with others via daily leaderboards. Find out why it won the 2010 IGF and has been described by PCGamer as \"one of the best co-op games of all time.\"", + "about_the_game": "Monaco: What's Yours Is Mine is a single player or co-op heist game. Assemble a crack team of thieves, case the joint, and pull off the perfect heist.The Locksmith: Blue-collar infiltration expertThe Lookout: She can see and hear everything... a natural leaderThe Pickpocket: A hobo with a monkey and a penchant for crimeThe Cleaner: A silent psychopath... Jack The Ripper in pinkThe Mole: Big and dumb... likes to tunnelThe Gentleman: He doesn't always wear a disguise, but when he does, he looks fantasticThe Hacker: Armies of viruses shut down security... a modern day warlockThe Redhead: Manipulative and murderous... a lady always gets what she wantsPlay with up to four people online or on the same screen. Compete with others via daily leaderboards. Find out why it won the 2010 IGF and has been described by PCGamer as \"one of the best co-op games of all time.\"", + "short_description": "Monaco: What's Yours Is Mine is a single player or co-op heist game. Assemble a crack team of thieves, case the joint, and pull off the perfect heist.", + "genres": "Action", + "recommendations": 3723, + "score": 5.420551932311836 + }, + { + "type": "game", + "name": "The Binding of Isaac", + "detailed_description": "Special OfferCheck out our new game!. About the GameWhen Isaac\u2019s mother starts hearing the voice of God demanding a sacrifice be made to prove her faith, Isaac escapes into the basement facing droves of deranged enemies, lost brothers and sisters, his fears, and eventually his mother. The Binding of Isaac is a randomly generated action RPG shooter with heavy Rogue-like elements. Following Isaac on his journey players will find bizarre treasures that change Isaac\u2019s form giving him super human abilities and enabling him to fight off droves of mysterious creatures, discover secrets and fight his way to safety. Key features: Randomly generated dungeons, items enemies and bosses, you never play the same game twice. . Over 100 unique items that not only give you powers but visually change your character. . 50+ enemy types each with the ability to become \"special\" making them extra deadly but they also drop better loot. . Over 20 bosses. . 4 full chapters spanning 8 levels. 3+ unlockable classes. Multiple endings . Tons of unlockable items, enemies, bosses and more. .", + "about_the_game": "When Isaac\u2019s mother starts hearing the voice of God demanding a sacrifice be made to prove her faith, Isaac escapes into the basement facing droves of deranged enemies, lost brothers and sisters, his fears, and eventually his mother.\t\t\t\t\t\tThe Binding of Isaac is a randomly generated action RPG shooter with heavy Rogue-like elements. Following Isaac on his journey players will find bizarre treasures that change Isaac\u2019s form giving him super human abilities and enabling him to fight off droves of mysterious creatures, discover secrets and fight his way to safety.\t\t\t\t\t\tKey features:\t\t\t\t\t\tRandomly generated dungeons, items enemies and bosses, you never play the same game twice.\t\t\t\t\t\tOver 100 unique items that not only give you powers but visually change your character.\t\t\t\t\t\t50+ enemy types each with the ability to become \"special\" making them extra deadly but they also drop better loot.\t\t\t\t\t\tOver 20 bosses.\t\t\t\t\t\t4 full chapters spanning 8 levels\t\t\t\t\t\t3+ unlockable classes\t\t\t\t\t\tMultiple endings \t\t\t\t\t\tTons of unlockable items, enemies, bosses and more.", + "short_description": "Now 20% More Evil with the Free Halloween update!", + "genres": "Action", + "recommendations": 42980, + "score": 7.033001384557989 + }, + { + "type": "game", + "name": "APB Reloaded", + "detailed_description": "Welcome to San Paro! . What once was lawless heaven for deviants has turned into a warzone. There are new sheriffs in town. Take up to arms as a hardened Criminal or a rugged Enforcer and fight to regain dominance of the city's streets. APB: Reloaded is an action MMO third-person shooter with endless customization options that will bring you blockbuster-like gaming action!. An imposing skyline, vibrant nightlife, and street violence all make San Paro the place to be for any thug worth their salt. But tread carefully. You're still wet behind the ears, so use them and listen up: This city broke people bigger, better, bolder than you. We don't ask what (mis)fortune led you here, but we will ask what you are bringing to the table.KEY FEATURES:An unmatched 100 players District cap dedicated to massive open-world PVP combat in the vibrant settings of San Paro's Financial and Waterfront districts. . Ever-expanding character, clothing, weapons, and vehicle customization. The possibilities are endless!. A vast and ever-increasing arsenal of weapons and modifications: bandoliers, hunting sights, cooling jackets, extended mags, and more!. Choose between dozens of vehicles like muscle cars, trucks, and everything in between. Each vehicle is unique, with its own specific handling and physics. . A lively urban environment wherever you go, packed with progression missions and around-the-clock PVP brawls against other players. . Create custom theme songs with an in-game music studio and set up a perfect sound signature for your character. . Extensive customization, add a personal touch to your body, clothes, signature symbols, favorite vehicles, weapons, and more!. . Packed with action, uniquely extensive customization possibilities, kick-ass music, and nostalgic, vibrant visuals, APB: Reloaded offers you an immersive and creatively unlimited MMO shooter experience like no other. . . It's time to choose a side. Whether Enforcer or Criminal, leave no mission incomplete. Those you respond to will reward you handsomely. . . Measure your strength against the opposite faction in real-time PVP within the bustling compounds of the Financial District or on the vast shoreline of the Waterfront District and complete mission objectives to progress through the ranks of your respective faction. . As a Criminal, you will be expected to wreak havoc and nurture San Paro's tradition of Anarchy. Steal, maim, and make the city and the Enforcers fear you. Fear is respect; respect is survival. Blood Roses and G-Kings want only the roughest hoodlum in their rows. . Or perhaps you believe there's a future in governed order? Prentiss Tigers and the Praetorians are looking for fresh blood. Join Enforcers, and show Criminals that there's a new government on the streets. Whatever you do: do not hesitate. The hunt is on!. . In San Paro, it's all about the image, and APB: Reloaded provides the perfect tools to make it all about you. . Sign up today, and leave your mark on the streets of San Paro!", + "about_the_game": "Welcome to San Paro! What once was lawless heaven for deviants has turned into a warzone. There are new sheriffs in town. Take up to arms as a hardened Criminal or a rugged Enforcer and fight to regain dominance of the city's streets. APB: Reloaded is an action MMO third-person shooter with endless customization options that will bring you blockbuster-like gaming action!An imposing skyline, vibrant nightlife, and street violence all make San Paro the place to be for any thug worth their salt. But tread carefully. You're still wet behind the ears, so use them and listen up: This city broke people bigger, better, bolder than you. We don't ask what (mis)fortune led you here, but we will ask what you are bringing to the table.KEY FEATURES:An unmatched 100 players District cap dedicated to massive open-world PVP combat in the vibrant settings of San Paro's Financial and Waterfront districts.Ever-expanding character, clothing, weapons, and vehicle customization. The possibilities are endless!A vast and ever-increasing arsenal of weapons and modifications: bandoliers, hunting sights, cooling jackets, extended mags, and more!Choose between dozens of vehicles like muscle cars, trucks, and everything in between. Each vehicle is unique, with its own specific handling and physics.A lively urban environment wherever you go, packed with progression missions and around-the-clock PVP brawls against other players.Create custom theme songs with an in-game music studio and set up a perfect sound signature for your character.Extensive customization, add a personal touch to your body, clothes, signature symbols, favorite vehicles, weapons, and more!Packed with action, uniquely extensive customization possibilities, kick-ass music, and nostalgic, vibrant visuals, APB: Reloaded offers you an immersive and creatively unlimited MMO shooter experience like no other. It's time to choose a side. Whether Enforcer or Criminal, leave no mission incomplete. Those you respond to will reward you handsomely.Measure your strength against the opposite faction in real-time PVP within the bustling compounds of the Financial District or on the vast shoreline of the Waterfront District and complete mission objectives to progress through the ranks of your respective faction. As a Criminal, you will be expected to wreak havoc and nurture San Paro's tradition of Anarchy. Steal, maim, and make the city and the Enforcers fear you. Fear is respect; respect is survival. Blood Roses and G-Kings want only the roughest hoodlum in their rows.Or perhaps you believe there's a future in governed order? Prentiss Tigers and the Praetorians are looking for fresh blood. Join Enforcers, and show Criminals that there's a new government on the streets. Whatever you do: do not hesitate. The hunt is on!In San Paro, it's all about the image, and APB: Reloaded provides the perfect tools to make it all about you.Sign up today, and leave your mark on the streets of San Paro!", + "short_description": "The world\u2019s first and premier Action MMO Third Person Shooter allows you to choose between two sides of the law. Play as Enforcer or Criminal, customize your gear for the task at hand and hit the streets and play how you want in a city filled with more action this side of a Hollywood blockbuster.", + "genres": "Action", + "recommendations": 370, + "score": 3.9001363728003713 + }, + { + "type": "game", + "name": "Fallen Earth Classic", + "detailed_description": "The classic Fallen Earth game is back online!. It\u2019s 2156, and the world has been destroyed by both nuclear and bio-chemical means. Your story takes place in one of the few habitable places left in the world, the Grand Canyon. As a clone with an uncertain past, your job is survival in a world now built on destruction, betrayal and fragile factional alliances. Explore, harvest and stake your claim to over 1,000 square kilometers of harsh and mysterious terrain. The classless advancement and non-linear gameplay allows you to play the character you want. Join a random dynamic events to capture resources and invade towns, capture and hold a Progress Town, fight through instances, take part in the rich faction backstory, or make a living by selling what you scavenge and craft on the auction house. Fallen Earth gives you the freedom to do exactly as you want. The world may be a shadow of its former self, but there\u2019s no limit to what\u2019s possible for you to accomplish. Key features: Scavenge, harvest and craft just about anything you can think of. Over 95% of the in-game items are player crafted. . The hybrid real-time combat system gives you the perfect blend of first-person combat and role-playing. Pledge allegiance to one of six factions and take part in the rich backstory that defines the world of Fallen Earth. Completely classless, play the way you want to. Over 1,000 square kilometers to explore. Dynamically occurring events, including invasions and resource cache discoveries mean that there is always something happening.", + "about_the_game": "The classic Fallen Earth game is back online!It\u2019s 2156, and the world has been destroyed by both nuclear and bio-chemical means. Your story takes place in one of the few habitable places left in the world, the Grand Canyon. As a clone with an uncertain past, your job is survival in a world now built on destruction, betrayal and fragile factional alliances.\t\t\t\t\t\tExplore, harvest and stake your claim to over 1,000 square kilometers of harsh and mysterious terrain. The classless advancement and non-linear gameplay allows you to play the character you want. Join a random dynamic events to capture resources and invade towns, capture and hold a Progress Town, fight through instances, take part in the rich faction backstory, or make a living by selling what you scavenge and craft on the auction house. Fallen Earth gives you the freedom to do exactly as you want. The world may be a shadow of its former self, but there\u2019s no limit to what\u2019s possible for you to accomplish.\t\t\t\t\t\tKey features:\t\t\t\t\t\tScavenge, harvest and craft just about anything you can think of. Over 95% of the in-game items are player crafted.\t\t\t\t\t\tThe hybrid real-time combat system gives you the perfect blend of first-person combat and role-playing\t\t\t\t\t\tPledge allegiance to one of six factions and take part in the rich backstory that defines the world of Fallen Earth\t\t\t\t\t\tCompletely classless, play the way you want to\t\t\t\t\t\tOver 1,000 square kilometers to explore\t\t\t\t\t\tDynamically occurring events, including invasions and resource cache discoveries mean that there is always something happening", + "short_description": "Fallen Earth Classic is a free-to-play massively multiplayer online role-playing game developed by Reloaded Productions and operated by Little Orbit. The game takes place in a post-apocalyptic wasteland located around the American Grand Canyon.", + "genres": "Free to Play", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Call of Duty\u00ae: Modern Warfare\u00ae 3", + "detailed_description": "The best-selling first person action series of all-time returns with the epic sequel to multiple \u201cGame of the Year\u201d award winner, Call of Duty\u00ae: Modern Warfare\u00ae 2. In the world\u2019s darkest hour, are you willing to do what is necessary? Prepare yourself for a cinematic thrill-ride only Call of Duty can deliver. The definitive Multiplayer experience returns bigger and better than ever, loaded with new maps, modes and features. Co-Op play has evolved with all-new Spec-Ops missions and leaderboards, as well as Survival Mode, an action-packed combat progression unlike any other.", + "about_the_game": "The best-selling first person action series of all-time returns with the epic sequel to multiple \u201cGame of the Year\u201d award winner, Call of Duty\u00ae: Modern Warfare\u00ae 2. In the world\u2019s darkest hour, are you willing to do what is necessary? Prepare yourself for a cinematic thrill-ride only Call of Duty can deliver. The definitive Multiplayer experience returns bigger and better than ever, loaded with new maps, modes and features. Co-Op play has evolved with all-new Spec-Ops missions and leaderboards, as well as Survival Mode, an action-packed combat progression unlike any other.", + "short_description": "The best-selling first-person action series of all-time returns with an epic sequel to the multiple GOTY award winner Call of Duty\u00ae: Modern Warfare\u00ae 2", + "genres": "Action", + "recommendations": 11472, + "score": 6.16231598104496 + }, + { + "type": "game", + "name": "Worms Revolution", + "detailed_description": "Check out Worms Rumble: About the GameWorms\u2122 Revolution is the latest game in the classic turn-based strategy series to come to the PC, featuring exciting new features and beautiful 3D graphics whilst retaining the classic 2D gameplay that fans love. Choose to play the extensive single player mode which features both campaign and puzzle missions or dive straight into multiplayer warfare via online or local play. For the first time ever see the inclusion of dynamic water, physics objects and worm classes! Customise your experience by choosing what classes you play with, what they look like and even how they speak!. Worms\u2122 Revolution sticks an exploding sheep under worm-on-worm conflict and blasts it squarely into the 21st century.Key Features\u00a0. Class Acts! Choose from 4 different classes: Soldier, Scout, Scientist and Heavy. Players can unlock a total of 16 worms (4 of each class) to form their teams. It\u2019s possible to take any combination of classes into a match. . Customize Your Worms! Customize your worms using a variety of hats, glasses, moustaches, gravestones, victory dances, soundbanks, and for the first time ever, trinkets!. Extensive Single Player Mode. Battle your way through 32 single player campaign missions. Fancy exercising your brain as well as your brawn? There are 20 puzzle missions waiting for you!. Includes a Level Editor. Create new environments for you worms to battle in and destroy. . Stunning New Landscapes. Fight to the death across 4 unique environments: Beach, Sewer, Farmyard and Spooky. . Multiplayer Battles! Experience local or online battles with up to 4 players. Choose from 3 different game modes: Deathmatch, Forts or Classic mode. . Dynamic Water. Dynamic water features in an array of new weapons and utilities and it can also appear already on the landscape in matches. . Exploding Physics Objects! Physics objects are destructible items that possess devastating effects as some have different properties when they explode. Watch out as they release fire, poison and water!. New Weapons. Wash those worms away using the new water weapons: Water Bomb, Water Pistol and Water Strike. Dynamic water can be drained away with the addition of the new Plug Hole utility. There\u2019s also Stick Up, which is used to steal from your opponent\u2019s inventory and the Wrench, which can repair damaged Sentry Guns and physics objects. . Hilarious Script and Voice Over Talent. Worms\u2122 Revolution brings together two comedy legends, who between them bring alive the humorous world of Worms. Multi-BAFTA award winning writer Dean Wilkinson provides the script, which is hilariously brought to life by the accomplished Matt Berry as the unseen narrator of the game, Don Keystone, a wildlife documentary maker.", + "about_the_game": "Worms\u2122 Revolution is the latest game in the classic turn-based strategy series to come to the PC, \u00a0featuring exciting new features and beautiful 3D graphics whilst retaining the classic 2D gameplay that fans love. Choose to play the extensive single player mode which features both campaign and puzzle missions or dive straight into multiplayer warfare via online or local play. For the first time ever see the inclusion of dynamic water, physics objects and worm classes! Customise your experience by choosing what classes you play with, what they look like and even how they speak!\u00a0Worms\u2122 Revolution sticks an exploding sheep under worm-on-worm conflict and blasts it squarely into the 21st century.Key Features\u00a0Class Acts! Choose from 4 different classes: Soldier, Scout, Scientist and Heavy. Players can unlock a total of 16 worms (4 of each class) to form their teams. It\u2019s possible to take any combination of classes into a match.Customize Your Worms! Customize your worms using a variety of hats, glasses, moustaches, gravestones, victory dances, soundbanks, and for the first time ever, trinkets!Extensive Single Player Mode. Battle your way through 32 single player campaign missions. Fancy exercising your brain as well as your brawn? There are 20 puzzle missions waiting for you!Includes a Level Editor. Create new environments for you worms to battle in and destroy. Stunning New Landscapes. Fight to the death across 4 unique environments: Beach, Sewer, Farmyard and Spooky.Multiplayer Battles! Experience local or online battles with up to 4 players. Choose from 3 different game modes: Deathmatch, Forts or Classic mode.Dynamic Water. Dynamic water features in an array of new weapons and utilities and it can also appear already on the landscape in matches.Exploding Physics Objects! Physics objects are destructible items that possess devastating effects as some have different properties when they explode. Watch out as they release fire, poison and water!New Weapons. Wash those worms away using the new water weapons: Water Bomb, Water Pistol and Water Strike. Dynamic water can be drained away with the addition of the new Plug Hole utility. There\u2019s also Stick Up, which is used to steal from your opponent\u2019s inventory and the Wrench, which can repair damaged Sentry Guns and physics objects.Hilarious Script and Voice Over Talent.\u00a0 Worms\u2122 Revolution brings together two comedy legends, who between them bring alive the humorous world of Worms. Multi-BAFTA award winning writer Dean Wilkinson provides the script, which is hilariously brought to life by the accomplished Matt Berry as the unseen narrator of the game, Don Keystone, a wildlife documentary maker.", + "short_description": "Worms\u2122 Revolution is the latest game in the classic turn-based strategy series to come to the PC.", + "genres": "Strategy", + "recommendations": 5111, + "score": 5.629390877239967 + }, + { + "type": "game", + "name": "Realm of the Mad God Exalt", + "detailed_description": "Realm of the Mad God is the first ever free to play Bullet Hell MMO. Team up with dozens of players and battle through the Realm of the Mad God, Oryx. With a retro 8-bit style, Realm is an evolution of traditional MMO gameplay. 18 classes and hundreds of items to discover means Realm is easy to play but difficult to master.Key FeaturesAction combat! No turn-based battles here only skilled running and gunning. . Epic boss battles. Navigate demented waves of bullets from nasty demons. . True cooperative play. All experience is shared and you win by playing together. . Great 8-bit art: Retro styling straight from the 8-bit era. . Eighteen unique character classes. Play as a powerful wizard, a clever mystic, a brawling warrior. . Loot! Hundreds of weapons, potions, armors, and rings. . PermaDeath. Dying well means something in Realm. Earn fame if you survive for long enough and kill enough monsters. . Sheep. The sheep say 'Baa.'.", + "about_the_game": "Realm of the Mad God is the first ever free to play Bullet Hell MMO. Team up with dozens of players and battle through the Realm of the Mad God, Oryx. With a retro 8-bit style, Realm is an evolution of traditional MMO gameplay. 18 classes and hundreds of items to discover means Realm is easy to play but difficult to master.Key FeaturesAction combat! No turn-based battles here only skilled running and gunning.Epic boss battles. Navigate demented waves of bullets from nasty demons.True cooperative play. All experience is shared and you win by playing together.Great 8-bit art: Retro styling straight from the 8-bit era.Eighteen unique character classes. Play as a powerful wizard, a clever mystic, a brawling warrior.Loot! Hundreds of weapons, potions, armors, and rings.PermaDeath. Dying well means something in Realm. Earn fame if you survive for long enough and kill enough monsters.Sheep. The sheep say 'Baa.'", + "short_description": "Team up with dozens of players and battle through the Realm of the Mad God, Oryx. With a retro 8-bit style, Realm is an evolution of traditional MMO gameplay.", + "genres": "Action", + "recommendations": 202, + "score": 3.502623418833741 + }, + { + "type": "game", + "name": "Batman: Arkham City - Game of the Year Edition", + "detailed_description": "Batman: Arkham City builds upon the intense, atmospheric foundation of Batman: Arkham Asylum, sending players flying through the expansive Arkham City - five times larger than the game world in Batman: Arkham Asylum - the new maximum security \"home\" for all of Gotham City's thugs, gangsters and insane criminal masterminds. Featuring an incredible Rogues Gallery of Gotham City's most dangerous criminals including Catwoman, The Joker, The Riddler, Two-Face, Harley Quinn, The Penguin, Mr. Freeze and many others, the game allows players to genuinely experience what it feels like to be The Dark Knight delivering justice on the streets of Gotham City. . Batman: Arkham City - Game of the Year Edition includes the following DLC: . Catwoman Pack. Nightwing Bundle Pack. Robin Bundle Pack. Harley Quinn\u2019s Revenge. Challenge Map Pack. Arkham City Skins Pack. Batman: Arkham City - Game of the Year Edition packages new gameplay content, seven maps, three playable characters, and 12 skins beyond the original retail release:. Maps: Wayne Manor, Main Hall, Freight Train, Black Mask, The Joker's Carnival, Iceberg Long, and Batcave . Playable Characters: Catwoman, Robin and Nightwing . Skins: 1970s Batsuit, Year One Batman, The Dark Knight Returns, Earth One Batman, Batman Beyond Batman, Animated Batman, Sinestro Corps Batman, Long Halloween Catwoman, Animated Catwoman, Animated Robin, Red Robin and Animated Nightwing.", + "about_the_game": "Batman: Arkham City builds upon the intense, atmospheric foundation of Batman: Arkham Asylum, sending players flying through the expansive Arkham City - five times larger than the game world in Batman: Arkham Asylum - the new maximum security \"home\" for all of Gotham City's thugs, gangsters and insane criminal masterminds. Featuring an incredible Rogues Gallery of Gotham City's most dangerous criminals including Catwoman, The Joker, The Riddler, Two-Face, Harley Quinn, The Penguin, Mr. Freeze and many others, the game allows players to genuinely experience what it feels like to be The Dark Knight delivering justice on the streets of Gotham City. Batman: Arkham City - Game of the Year Edition includes the following DLC: Catwoman PackNightwing Bundle PackRobin Bundle PackHarley Quinn\u2019s RevengeChallenge Map PackArkham City Skins PackBatman: Arkham City - Game of the Year Edition packages new gameplay content, seven maps, three playable characters, and 12 skins beyond the original retail release:Maps: Wayne Manor, Main Hall, Freight Train, Black Mask, The Joker's Carnival, Iceberg Long, and Batcave Playable Characters: Catwoman, Robin and Nightwing Skins: 1970s Batsuit, Year One Batman, The Dark Knight Returns, Earth One Batman, Batman Beyond Batman, Animated Batman, Sinestro Corps Batman, Long Halloween Catwoman, Animated Catwoman, Animated Robin, Red Robin and Animated Nightwing", + "short_description": "Get Batman: Arkham City and all DLC for one low price with the release of the GOTY Edition!", + "genres": "Action", + "recommendations": 37795, + "score": 6.948254183456129 + }, + { + "type": "game", + "name": "XCOM: Enemy Unknown", + "detailed_description": "XCOM: Enemy Unknown will place you in control of a secret paramilitary organization called XCOM. As the XCOM commander, you will defend against a terrifying global alien invasion by managing resources, advancing technologies, and overseeing combat strategies and individual unit tactics. . The original XCOM is widely regarded as one of the best games ever made and has now been re-imagined by the strategy experts at Firaxis Games. XCOM: Enemy Unknown will expand on that legacy with an entirely new invasion story, enemies and technologies to fight aliens and defend Earth. . You will control the fate of the human race through researching alien technologies, creating and managing a fully operational base, planning combat missions and controlling soldier movement in battle.Key FeaturesStrategy Evolved: XCOM: Enemy Unknown couples tactical turn-based gameplay with incredible action sequences and on-the-ground combat. . Strategic Base: Recruit, customize and grow unique soldiers and manage your personnel. Detect and intercept the alien threat as you build and expand your XCOM headquarters. . Tactical Combat: Direct soldier squads in turn-based ground battles and deploy air units such as the Interceptor and Skyranger. . Worldwide Threat: Combat spans the globe as the XCOM team engages in over 70 unique missions, interacting and negotiating with governments around the world.", + "about_the_game": "XCOM: Enemy Unknown will place you in control of a secret paramilitary organization called XCOM. As the XCOM commander, you will defend against a terrifying global alien invasion by managing resources, advancing technologies, and overseeing combat strategies and individual unit tactics. The original XCOM is widely regarded as one of the best games ever made and has now been re-imagined by the strategy experts at Firaxis Games. XCOM: Enemy Unknown will expand on that legacy with an entirely new invasion story, enemies and technologies to fight aliens and defend Earth. You will control the fate of the human race through researching alien technologies, creating and managing a fully operational base, planning combat missions and controlling soldier movement in battle.Key FeaturesStrategy Evolved: XCOM: Enemy Unknown couples tactical turn-based gameplay with incredible action sequences and on-the-ground combat. Strategic Base: Recruit, customize and grow unique soldiers and manage your personnel. Detect and intercept the alien threat as you build and expand your XCOM headquarters. Tactical Combat: Direct soldier squads in turn-based ground battles and deploy air units such as the Interceptor and Skyranger. Worldwide Threat: Combat spans the globe as the XCOM team engages in over 70 unique missions, interacting and negotiating with governments around the world.", + "short_description": "The XCOM: Enemy Unknown - Slingshot Pack is Now Available!", + "genres": "Strategy", + "recommendations": 35387, + "score": 6.904856761556183 + }, + { + "type": "game", + "name": "Torchlight II", + "detailed_description": "The award-winning Action RPG is back, bigger and better than ever! Torchlight II is filled to the brim with randomized levels, enemies and loot. Capturing all the flavor and excitement of the original, Torchlight II expands the world and adds features players wanted most, including online and LAN multiplayer. Once again, the fate of the world is in your hands.Key Features. CHARACTERS. With four classes to choose from, you\u2019ll have a variety of play styles at your fingertips. Each class can be played as either male or female, with customized cosmetic features and looks to make your hero stand out. . MULTIPLAYER. Play co-op with your friends via LAN or over the Internet for free. Our matchmaking service lets you connect and play games with people around the world. . OPEN WORLD. Explore the vast overworld and multiple hub towns of Vilderan. Fight through rain, snow, day and night. Level randomization ensures new layouts, paths, loot, and monsters every time you play. . MOD SUPPORT . Torchlight II supports Steam Workshop, allowing for automatic mod subscription and synchronization. Choose from over a thousand mods and bend the game to your will. Or use GUTS, the Torchlight II editor, to create and share your work with the entire world!. NEW GAME PLUS. In New Game Plus, the game's not over until you say it is. Once you've beaten Torchlight II's primary campaign, you can start again with the same character for a significantly greater challenge. You'll keep all the skills, gold, and gear you worked so hard for!. PETS & FISHING . These popular features make their return in Torchlight II in improved form. More choices, better effects, and your pet will still make the run to town to sell your loot so you don\u2019t have to.", + "about_the_game": "The award-winning Action RPG is back, bigger and better than ever! Torchlight II is filled to the brim with randomized levels, enemies and loot. Capturing all the flavor and excitement of the original, Torchlight II expands the world and adds features players wanted most, including online and LAN multiplayer. Once again, the fate of the world is in your hands.Key FeaturesCHARACTERSWith four classes to choose from, you\u2019ll have a variety of play styles at your fingertips. Each class can be played as either male or female, with customized cosmetic features and looks to make your hero stand out. MULTIPLAYERPlay co-op with your friends via LAN or over the Internet for free. Our matchmaking service lets you connect and play games with people around the world. OPEN WORLDExplore the vast overworld and multiple hub towns of Vilderan. Fight through rain, snow, day and night. Level randomization ensures new layouts, paths, loot, and monsters every time you play.MOD SUPPORT Torchlight II supports Steam Workshop, allowing for automatic mod subscription and synchronization. Choose from over a thousand mods and bend the game to your will. Or use GUTS, the Torchlight II editor, to create and share your work with the entire world!NEW GAME PLUSIn New Game Plus, the game's not over until you say it is. Once you've beaten Torchlight II's primary campaign, you can start again with the same character for a significantly greater challenge. You'll keep all the skills, gold, and gear you worked so hard for!PETS & FISHING These popular features make their return in Torchlight II in improved form. More choices, better effects, and your pet will still make the run to town to sell your loot so you don\u2019t have to.", + "short_description": "The adventure continues in Torchlight II! An Action RPG filled with epic battles, bountiful treasure, and a fully randomized world. Bring your friends along for the journey with online and LAN multiplayer.", + "genres": "Action", + "recommendations": 30567, + "score": 6.808332955828464 + }, + { + "type": "game", + "name": "Total War: SHOGUN 2", + "detailed_description": "Total War: SHOGUN 2 out now for Linux. About the GameMASTER THE ART OF WAR. In the darkest age of Japan, endless war leaves a country divided. It is the middle of the 16th Century in Feudal Japan. The country, once ruled by a unified government, is now split into many warring clans. Ten legendary warlords strive for supremacy as conspiracies and conflicts wither the empire. Only one will rise above all to win the heart of a nation as the new shogun. The others will die by his sword. Take on the role of one Daimyo, the clan leader, and use military engagements, economics and diplomacy to achieve the ultimate goal: re-unite Japan under his supreme command and become the new Shogun \u2013 the undisputed ruler of a pacified nation. Game Features Total War: SHOGUN 2 features enhanced full 3D battles via land and sea, which made a name for the series, as well as the tactical campaign map that many refer to as the heart and soul of Total War. Featuring a brand new AI system inspired by the scriptures that influenced Japanese warfare, the millennia old Chinese \u201cArt of War\u201d, the Creative Assembly brings the wisdom of Master Sun Tsu to Total War: SHOGUN 2. Analysing this ancient text enabled the Creative Assembly to implement easy to understand yet deep strategical gameplay. CONQUER the islands of Japan in the 16th century. Lead vast armies of samurai and fleets of giant warships into breathtaking real-time battles. . BUILD your kingdom on the inviting and turn-based campaign map. Wield economic, political, and military power to amass wealth, armies, and influence. . SCHEME according to the \"Art of War\" by Sun Tzu. Use fire and siege tactics, spies and assassins to adapt to the ever-changing conditions on the battlefield and throughout your kingdom. . BATTLE ONLINE and experience the main campaign in two-player mode. Then join epic online battles with up to 8 players and lead your online army to glory in special campaigns. . New to Total War in SHOGUN 2 New RPG skills and experience for your Generals and Agents. . New Multi-stage Sieges - scaling the walls is only the beginning!. New Hero units inspire your men and carve through the enemy. . New rotating 3D campaign map. .", + "about_the_game": "MASTER THE ART OF WAR\t\t\t\t\t\tIn the darkest age of Japan, endless war leaves a country divided. It is the middle of the 16th Century in Feudal Japan. The country, once ruled by a unified government, is now split into many warring clans. Ten legendary warlords strive for supremacy as conspiracies and conflicts wither the empire. Only one will rise above all to win the heart of a nation as the new shogun...The others will die by his sword.\t\t\t\t\t\tTake on the role of one Daimyo, the clan leader, and use military engagements, economics and diplomacy to achieve the ultimate goal: re-unite Japan under his supreme command and become the new Shogun \u2013 the undisputed ruler of a pacified nation.\t\t\t\t\t\tGame Features\t\t\t\t\t\tTotal War: SHOGUN 2 features enhanced full 3D battles via land and sea, which made a name for the series, as well as the tactical campaign map that many refer to as the heart and soul of Total War. Featuring a brand new AI system inspired by the scriptures that influenced Japanese warfare, the millennia old Chinese \u201cArt of War\u201d, the Creative Assembly brings the wisdom of Master Sun Tsu to Total War: SHOGUN 2. Analysing this ancient text enabled the Creative Assembly to implement easy to understand yet deep strategical gameplay.\t\t\t\t\t\tCONQUER the islands of Japan in the 16th century. Lead vast armies of samurai and fleets of giant warships into breathtaking real-time battles.\t\t\t\t\t\t\tBUILD your kingdom on the inviting and turn-based campaign map. Wield economic, political, and military power to amass wealth, armies, and influence.\t\t\t\t\t\t\tSCHEME according to the \"Art of War\" by Sun Tzu. Use fire and siege tactics, spies and assassins to adapt to the ever-changing conditions on the battlefield and throughout your kingdom.\t\t\t\t\t\t\tBATTLE ONLINE and experience the main campaign in two-player mode. Then join epic online battles with up to 8 players and lead your online army to glory in special campaigns.\t\t\t\t\t\tNew to Total War in SHOGUN 2\t\t\t\t\t\tNew RPG skills and experience for your Generals and Agents.\t\t\t\t\t\t\t New Multi-stage Sieges - scaling the walls is only the beginning!\t\t\t\t\t\t\t New Hero units inspire your men and carve through the enemy.\t\t\t\t\t\t\t New rotating 3D campaign map.", + "short_description": "Total War: SHOGUN 2 is the perfect mix of real-time and turn-based strategy gaming for newcomers and veterans alike.", + "genres": "Strategy", + "recommendations": 29595, + "score": 6.787030280818169 + }, + { + "type": "game", + "name": "Orcs Must Die! 2", + "detailed_description": "You\u2019ve tossed, burned and sliced them by the thousands \u2013 now orcs must die more than ever before! Grab a friend and slay orcs in untold numbers in this sequel to the 2011 AIAS Strategy Game of the Year from Robot Entertainment. . Leap back into the fray as a powerful War Mage or crafty Sorceress. Defend new fortresses and dwarven mines, laying waste to thousands of orcs and other monsters with a dizzying array of weapons, spells, guardians, traps, and trinkets. Play co-op with a friend and continue the battle in a brand new campaign mode, or fight to stay alive in the challenging new Endless Mode!. Unlock new defenses and old favorites, upgrade them like never before, and unleash them on the nearest pile of slobbering orcs!Key Features:Co-Op! - Play as the War Mage, the headstrong hero who charges into danger, or play as the more strategic Sorceress who keeps the mob at bay with mind-control and magic. . Story-based Campaign \u2013 Pick up where the original game left off with a brand new story-based campaign that you can play in Single-Player or Co-Op!. New Endless Mode - Play alone or join a friend to put your skills to the test against endless waves of increasingly difficult enemies. . Classic Mode - Steam players who own the original Orcs Must Die! will automatically unlock co-op versions of 10 levels from the original game featuring new enemies!. Over 20 Deadly Enemies - Face an army of vile new creatures like Earth Elementals, Trolls, and Bile Bats. And they\u2019ve brought all of your favorite trap-fodder from the original Orcs Must Die! along with them!. More than 50 Traps, Weapons, and Guardians \u2013 Choose from an enormous armory of new and classic defenses, including an all new assortment of magical trinkets. . Massive Upgrade System \u2013 With more than 225 persistent trap and weapon upgrades to unlock, you can build an arsenal perfectly suited to your slaying style. . Extensive Replayability \u2013 Multiple game modes, \u201cNightmare\u201d difficulty, and an enormous skull-ranking system provide hours of replayability. Scoring System and Leaderboard \u2013 Compete with your friends for supremacy on single-player and co-op leaderboards! .", + "about_the_game": "You\u2019ve tossed, burned and sliced them by the thousands \u2013 now orcs must die more than ever before! Grab a friend and slay orcs in untold numbers in this sequel to the 2011 AIAS Strategy Game of the Year from Robot Entertainment.Leap back into the fray as a powerful War Mage or crafty Sorceress. Defend new fortresses and dwarven mines, laying waste to thousands of orcs and other monsters with a dizzying array of weapons, spells, guardians, traps, and trinkets. Play co-op with a friend and continue the battle in a brand new campaign mode, or fight to stay alive in the challenging new Endless Mode!Unlock new defenses and old favorites, upgrade them like never before, and unleash them on the nearest pile of slobbering orcs!Key Features:Co-Op! - Play as the War Mage, the headstrong hero who charges into danger, or play as the more strategic Sorceress who keeps the mob at bay with mind-control and magic.Story-based Campaign \u2013 Pick up where the original game left off with a brand new story-based campaign that you can play in Single-Player or Co-Op!New Endless Mode - Play alone or join a friend to put your skills to the test against endless waves of increasingly difficult enemies.Classic Mode - Steam players who own the original Orcs Must Die! will automatically unlock co-op versions of 10 levels from the original game featuring new enemies!Over 20 Deadly Enemies - Face an army of vile new creatures like Earth Elementals, Trolls, and Bile Bats. And they\u2019ve brought all of your favorite trap-fodder from the original Orcs Must Die! along with them!More than 50 Traps, Weapons, and Guardians \u2013 Choose from an enormous armory of new and classic defenses, including an all new assortment of magical trinkets.Massive Upgrade System \u2013 With more than 225 persistent trap and weapon upgrades to unlock, you can build an arsenal perfectly suited to your slaying style.Extensive Replayability \u2013 Multiple game modes, \u201cNightmare\u201d difficulty, and an enormous skull-ranking system provide hours of replayabilityScoring System and Leaderboard \u2013 Compete with your friends for supremacy on single-player and co-op leaderboards!", + "short_description": "You\u2019ve tossed, burned and sliced them by the thousands \u2013 now orcs must die more than ever before! Grab a friend and slay orcs in untold numbers in this sequel to the 2011 AIAS Strategy Game of the Year from Robot Entertainment.", + "genres": "Action", + "recommendations": 12132, + "score": 6.1991883910738235 + }, + { + "type": "game", + "name": "Wolfenstein: The New Order", + "detailed_description": "Wolfenstein\u00ae: The New Order reignites the series that created the first-person shooter genre. Developed by MachineGames, a studio comprised of a seasoned group of developers recognized for their work creating story-driven games, Wolfenstein offers a deep game narrative packed with action, adventure and first-person combat. . Intense, cinematic and rendered in stunning detail with id\u00ae Software\u2019s id Tech\u00ae engine, Wolfenstein sends players across Europe on a personal mission to bring down the Nazi war machine. With the help of a small group of resistance fighters, infiltrate their most heavily guarded facilities, battle high-tech Nazi legions, and take control of super-weapons that have conquered the earth \u2013 and beyond.Key Features. The Action and Adventure. Wolfenstein's breath-taking set pieces feature storming a beachfront fortress on the Baltic coast, underwater exploration, player-controlled Nazi war machines, and much more \u2013 all combined to create an exhilarating action-adventure experience. . The Story and Characters. Hi-octane action and thrilling adventure weaved together into a tightly paced, super immersive game narrative featuring memorable characters. . The History and Setting. Set against a backdrop of an alternate 1960s, discover an unfamiliar world ruled by a familiar enemy\u2014one that has changed and twisted history as you know it. . The Arsenal and Assault. Break into secret research facilities and heavily guarded weapon stashes to upgrade your tools of destruction. Experience intense first-person combat as you go up against oversized Nazi robots, hulking Super Soldiers and elite shock troops.", + "about_the_game": "Wolfenstein\u00ae: The New Order reignites the series that created the first-person shooter genre. Developed by MachineGames, a studio comprised of a seasoned group of developers recognized for their work creating story-driven games, Wolfenstein offers a deep game narrative packed with action, adventure and first-person combat. Intense, cinematic and rendered in stunning detail with id\u00ae Software\u2019s id Tech\u00ae engine, Wolfenstein sends players across Europe on a personal mission to bring down the Nazi war machine. With the help of a small group of resistance fighters, infiltrate their most heavily guarded facilities, battle high-tech Nazi legions, and take control of super-weapons that have conquered the earth \u2013 and beyond.Key FeaturesThe Action and AdventureWolfenstein's breath-taking set pieces feature storming a beachfront fortress on the Baltic coast, underwater exploration, player-controlled Nazi war machines, and much more \u2013 all combined to create an exhilarating action-adventure experience.The Story and CharactersHi-octane action and thrilling adventure weaved together into a tightly paced, super immersive game narrative featuring memorable characters.The History and SettingSet against a backdrop of an alternate 1960s, discover an unfamiliar world ruled by a familiar enemy\u2014one that has changed and twisted history as you know it.The Arsenal and AssaultBreak into secret research facilities and heavily guarded weapon stashes to upgrade your tools of destruction. Experience intense first-person combat as you go up against oversized Nazi robots, hulking Super Soldiers and elite shock troops.", + "short_description": "Wolfenstein\u00ae: The New Order reignites the series that created the first-person shooter genre. Wolfenstein offers a deep game narrative packed with action, adventure and first-person combat.", + "genres": "Action", + "recommendations": 35746, + "score": 6.911510743069265 + }, + { + "type": "game", + "name": "Assassin's Creed\u00ae Revelations", + "detailed_description": "When a man has won all his battles and defeated his enemies; what is left for him to achieve? Ezio Auditore must leave his life behind in search of answers, In search of the truth. In Assassin\u2019s Creed\u00ae Revelations, master assassin Ezio Auditore walks in the footsteps of the legendary mentor Altair, on a journey of discovery and revelation. It is a perilous path \u2013 one that will take Ezio to Constantinople, the heart of the Ottoman Empire, where a growing army of Templars threatens to destabilize the region. In addition to Ezio\u2019s award-winning story, a refined and expanded online multiplayer experience returns with more modes, more maps and more characters, allowing you to test your assassin skills against others from around the world. Key Features:BECOME DEADLIER THAN EVER. Wield the lethal skills of a wiser, more efficient and deadlier Ezio. Swiftly eliminate your adversaries by deploying a new arsenal of weapons and abilities, such as enhanced free-running and hook blade combat. Experience new levels of gameplay customization with bomb crafting, and use heightened Eagle Vision to overcome your enemies and the environment. . TEST YOUR SKILLS AGAINST THE BEST. A critically acclaimed multiplayer experience gets even better, with all-new team modes and infinite replay value. . EXPERIENCE REVOLUTIONARY GAMEPLAY. Explore the farthest reaches of the Animus as you uncover the mysteries of Desmond\u2019s past while gaining insight into what the future might hold.", + "about_the_game": "When a man has won all his battles and defeated his enemies; what is left for him to achieve? Ezio Auditore must leave his life behind in search of answers, In search of the truth. \t\t\t\t\t\tIn Assassin\u2019s Creed\u00ae Revelations, master assassin Ezio Auditore walks in the footsteps of the legendary mentor Altair, on a journey of discovery and revelation. It is a perilous path \u2013 one that will take Ezio to Constantinople, the heart of the Ottoman Empire, where a growing army of Templars threatens to destabilize the region. \t\t\t\t\t\tIn addition to Ezio\u2019s award-winning story, a refined and expanded online multiplayer experience returns with more modes, more maps and more characters, allowing you to test your assassin skills against others from around the world.\t\t\t\t\t\tKey Features:BECOME DEADLIER THAN EVER\t\t\t\t\t\tWield the lethal skills of a wiser, more efficient and deadlier Ezio. Swiftly eliminate your adversaries by deploying a new arsenal of weapons and abilities, such as enhanced free-running and hook blade combat. Experience new levels of gameplay customization with bomb crafting, and use heightened Eagle Vision to overcome your enemies and the environment.\t\t\t\t\t\tTEST YOUR SKILLS AGAINST THE BEST\t\t\t\t\t\tA critically acclaimed multiplayer experience gets even better, with all-new team modes and infinite replay value.\t\t\t\t\t\tEXPERIENCE REVOLUTIONARY GAMEPLAY\t\t\t\t\t\tExplore the farthest reaches of the Animus as you uncover the mysteries of Desmond\u2019s past while gaining insight into what the future might hold.", + "short_description": "Ezio Auditore walks in the footsteps of the legendary mentor Altair, on a dangerous journey of discovery and revelation.", + "genres": "Action", + "recommendations": 13072, + "score": 6.248380128771501 + }, + { + "type": "game", + "name": "Sleeping Dogs", + "detailed_description": "Welcome to Hong Kong, a vibrant neon city teeming with life, whose exotic locations and busy streets hide one of the most powerful and dangerous criminal organizations in the world: the Triads. In this open world game, you play the role of Wei Shen, an undercover cop trying to take down the Triads from the inside out. You'll have to prove yourself worthy as you fight your way up the organization, taking part in brutal criminal activities without blowing your cover. Torn between your loyalty to the badge and a criminal code of honor, you will risk everything as the lines between truth, loyalty and justice become permanently blurred.Key Features:A mature and gritty undercover cop drama in which you risk blowing your cover at any time. . Explosive action fueled by a seamless mix of deadly martial arts, intense gunfights and brutal takedowns. . Epic high-speed thrills: Burn up the streets or tear up the sea in a vast array of exotic cars, superbikes and speedboats. . Hong Kong is your playground: Enter illegal races, gamble on cock fights, or kick back with some karaoke. There are countless ways to entertain yourself in Hong Kong's diverse districts.", + "about_the_game": "Welcome to Hong Kong, a vibrant neon city teeming with life, whose exotic locations and busy streets hide one of the most powerful and dangerous criminal organizations in the world: the Triads.In this open world game, you play the role of Wei Shen, an undercover cop trying to take down the Triads from the inside out. You'll have to prove yourself worthy as you fight your way up the organization, taking part in brutal criminal activities without blowing your cover.Torn between your loyalty to the badge and a criminal code of honor, you will risk everything as the lines between truth, loyalty and justice become permanently blurred.Key Features:A mature and gritty undercover cop drama in which you risk blowing your cover at any time.Explosive action fueled by a seamless mix of deadly martial arts, intense gunfights and brutal takedowns.Epic high-speed thrills: Burn up the streets or tear up the sea in a vast array of exotic cars, superbikes and speedboats. Hong Kong is your playground: Enter illegal races, gamble on cock fights, or kick back with some karaoke. There are countless ways to entertain yourself in Hong Kong's diverse districts.", + "short_description": "As Wei Shen, an undercover cop trying to take down the Triads, you'll have to fight your way up the organization without blowing your cover.", + "genres": "Action", + "recommendations": 9932, + "score": 6.0672986259628034 + }, + { + "type": "game", + "name": "Alan Wake's American Nightmare", + "detailed_description": "In this brand new standalone experience, Alan Wake fights the herald of darkness, the evil Mr. Scratch! A thrilling new storyline, hordes of creepy enemies, serious firepower and beautiful Arizona locations, combined with a fun and challenging new game mode make this a must for Alan Wake veterans, and the perfect jumping on point for new players!Key Features:Play the full-fledged Story Mode: You\u2019ll be on the edge of your seat as you fight to stop your murderous evil double to take back your life. and change reality itself!. Fight till dawn arcade mode: In the action-packed Arcade Mode, you\u2019ll need to master the Fight with Light mechanic to stay alive until dawn and beat your friends on the Leaderboards. Can you survive until sunrise?. Face the darkness: Twisted and dangerous enemies stalk you in the shadows. Dispatch them with the powerful arsenal of weapons at your disposal.", + "about_the_game": "In this brand new standalone experience, Alan Wake fights the herald of darkness, the evil Mr. Scratch! A thrilling new storyline, hordes of creepy enemies, serious firepower and beautiful Arizona locations, combined with a fun and challenging new game mode make this a must for Alan Wake veterans, and the perfect jumping on point for new players!Key Features:Play the full-fledged Story Mode: You\u2019ll be on the edge of your seat as you fight to stop your murderous evil double to take back your life... and change reality itself!Fight till dawn arcade mode: In the action-packed Arcade Mode, you\u2019ll need to master the Fight with Light mechanic to stay alive until dawn and beat your friends on the Leaderboards. Can you survive until sunrise?Face the darkness: Twisted and dangerous enemies stalk you in the shadows. Dispatch them with the powerful arsenal of weapons at your disposal.", + "short_description": "A thrilling new storyline, hordes of creepy enemies, serious firepower and beautiful Arizona locations, combined with a fun and challenging new game mode!", + "genres": "Action", + "recommendations": 5253, + "score": 5.647453095987341 + }, + { + "type": "game", + "name": "Call of Duty\u00ae: Black Ops II", + "detailed_description": "Pushing the boundaries of what fans have come to expect from the record-setting entertainment franchise, Call of Duty\u00ae: Black Ops II propels players into a near future, 21st Century Cold War, where technology and weapons have converged to create a new generation of warfare.", + "about_the_game": "Pushing the boundaries of what fans have come to expect from the record-setting entertainment franchise, Call of Duty\u00ae: Black Ops II propels players into a near future, 21st Century Cold War, where technology and weapons have converged to create a new generation of warfare.", + "short_description": "Pushing the boundaries of what fans have come to expect from the record-setting entertainment franchise, Call of Duty\u00ae: Black Ops II propels players into a near future Cold War", + "genres": "Action", + "recommendations": 16919, + "score": 6.418426674306242 + }, + { + "type": "game", + "name": "Hitman: Absolution\u2122", + "detailed_description": "Hitman: Absolution follows the Original Assassin undertaking his most personal contract to date. Betrayed by the Agency and hunted by the police, Agent 47 finds himself pursuing redemption in a corrupt and twisted world.Key FeaturesShowcasing Glacier 2\u2122 technology: HITMAN: ABSOLUTION has been built from the ground up, boasting a cinematic story, distinctive art direction and highly original game and sound design. . Freedom of Choice: Stalk your prey, fight them head on or adapt as you go along. As Agent 47 the choice is yours thanks to highly evolved gameplay mechanics and a ground-breaking AI system. . Experience a Living, Breathing World: In the world of Hitman: Absolution every moment can become a story as unique characters, rich dialogue and Hollywood standard performances combine to create a gameplay experience like no other. . Disguises: As Agent 47, the identity of almost anyone you meet is yours for the taking. Immobilise your prey, steal their outfit and use your instinct to blend in and deceive your enemies. . Instinct Mode: See the world through the eyes of Agent 47 and become the world\u2019s deadliest assassin. Using Hitman: Absolution\u2019s Instinct Mode you\u2019ll predict enemy movement, discover new ways to kill and use high powered weaponry with deadly accuracy.", + "about_the_game": "Hitman: Absolution follows the Original Assassin undertaking his most personal contract to date. Betrayed by the Agency and hunted by the police, Agent 47 finds himself pursuing redemption in a corrupt and twisted world.Key FeaturesShowcasing Glacier 2\u2122 technology: HITMAN: ABSOLUTION has been built from the ground up, boasting a cinematic story, distinctive art direction and highly original game and sound design.Freedom of Choice: Stalk your prey, fight them head on or adapt as you go along. As Agent 47 the choice is yours thanks to highly evolved gameplay mechanics and a ground-breaking AI system.Experience a Living, Breathing World: In the world of Hitman: Absolution every moment can become a story as unique characters, rich dialogue and Hollywood standard performances combine to create a gameplay experience like no other.Disguises: As Agent 47, the identity of almost anyone you meet is yours for the taking. Immobilise your prey, steal their outfit and use your instinct to blend in and deceive your enemies.Instinct Mode: See the world through the eyes of Agent 47 and become the world\u2019s deadliest assassin. Using Hitman: Absolution\u2019s Instinct Mode you\u2019ll predict enemy movement, discover new ways to kill and use high powered weaponry with deadly accuracy.", + "short_description": "The original assassin is back! Betrayed by the Agency and hunted by the police, Agent 47 finds himself pursuing redemption in a corrupt and twisted world.", + "genres": "Action", + "recommendations": 31380, + "score": 6.82563701415522 + }, + { + "type": "game", + "name": "Tomb Raider", + "detailed_description": "Reviews and Accolades4.4/5 \". it delivers a must-play gaming experience for action adventure fans everywhere. Welcome back, Lara, you've been missed.\" - Cheat Code Central. 4.5/5 \". Tomb Raider is sure to impress. Its expert sense of pacing, captivating setting, and dark tone create a truly memorable experience that's further enhanced by an immense level of detail.\" - gamesradar+. 8.5/10 \"I'm happy to go on record as saying this is the best Tomb Raider game I've played. Tightly produced, competent in both its puzzling and its combat, this is one reboot that manages to be unequivocally superior to its predecessors. \" - Destructoid. 4.5/10 \". if you're a gamer, you should play Tomb Raider. It combines high-levels of interactivity, excellent pacing, and a true bond between the player and the character on screen. \" - Game Revolution. 90/100 \"Tomb Raider\u2019s whole is greater than the sum of its parts, and everything combines to make this the best reboot game on the market today. \" - Game Over. Tomb Raider Game of the Year Edition. Tomb Raider is a critically acclaimed action adventure that explores the intense and gritty origin story of Lara Croft and her ascent from a young woman to a hardened survivor. Armed only with raw instincts and the ability to push beyond the limits of human endurance, Lara must fight to unravel the dark history of a forgotten island to escape its relentless hold. The Game of the Year edition includes the Tomb of the Lost Adventurer, 6 single player outfits for Lara, 8 multiplayer maps, and 4 characters. Shadow of the Tomb Raider About the Game. Tomb Raider explores the intense and gritty origin story of Lara Croft and her ascent from a young woman to a hardened survivor. Armed only with raw instincts and the ability to push beyond the limits of human endurance, Lara must fight to unravel the dark history of a forgotten island to escape its relentless hold. Download the Turning Point trailer to see the beginning of Lara\u2019s epic adventure. . KEY FEATURES:. A Turning Point: Experience Lara Croft\u2019s intense origin story from a young woman to a hardened survivor. . An All-New Raiding Experience: Explore a mysterious island filled with environmental puzzles, visceral combat, and tombs to discover. . Fight to Live: Salvage resources, gain experience, and upgrade Lara\u2019s weapons and tools to survive the island\u2019s hostile inhabitants. . Survive as a Team: Play a variety of multiplayer modes as Lara\u2019s Shipmates or Yamatai\u2019s Scavengers.", + "about_the_game": "Tomb Raider explores the intense and gritty origin story of Lara Croft and her ascent from a young woman to a hardened survivor. Armed only with raw instincts and the ability to push beyond the limits of human endurance, Lara must fight to unravel the dark history of a forgotten island to escape its relentless hold. Download the Turning Point trailer to see the beginning of Lara\u2019s epic adventure.KEY FEATURES:A Turning Point: Experience Lara Croft\u2019s intense origin story from a young woman to a hardened survivor. An All-New Raiding Experience: Explore a mysterious island filled with environmental puzzles, visceral combat, and tombs to discover.Fight to Live: Salvage resources, gain experience, and upgrade Lara\u2019s weapons and tools to survive the island\u2019s hostile inhabitants.Survive as a Team: Play a variety of multiplayer modes as Lara\u2019s Shipmates or Yamatai\u2019s Scavengers.", + "short_description": "Tomb Raider explores the intense origin story of Lara Croft and her ascent from a young woman to a hardened survivor.", + "genres": "Action", + "recommendations": 137135, + "score": 7.797849606868724 + }, + { + "type": "game", + "name": "America's Army: Proving Grounds", + "detailed_description": "Do you have what it takes to train like a U.S. Army Soldier?. Take on the role of an 11B Infantryman practicing combat maneuvers at JTC Griffin, a fabricated training MOUT (military operations on urban terrain) environment. This training is crucial to your success as part of a Long Range Combined Arms \u2013 Recon (LRCA-R) unit, a full spectrum capable team that embarks on special operations missions behind enemy lines.Key FeaturesYou are a U.S. Army Soldier. Two Game Modes with 4 objective types . Character and Weapon customization. Teamwork is Critical. Train in Shoot Houses. Mission Editor and Steam Workshop.", + "about_the_game": "Do you have what it takes to train like a U.S. Army Soldier?Take on the role of an 11B Infantryman practicing combat maneuvers at JTC Griffin, a fabricated training MOUT (military operations on urban terrain) environment. This training is crucial to your success as part of a Long Range Combined Arms \u2013 Recon (LRCA-R) unit, a full spectrum capable team that embarks on special operations missions behind enemy lines.Key FeaturesYou are a U.S. Army SoldierTwo Game Modes with 4 objective types Character and Weapon customizationTeamwork is CriticalTrain in Shoot HousesMission Editor and Steam Workshop", + "short_description": "America\u2019s Army: Proving Grounds is the official game of the U.S. Army and part of the highly acclaimed America\u2019s Army game series. This free military game focuses on small unit tactical maneuvers and puts you to the test in a wide variety of new America\u2019s Army maps and AA fan favorites.", + "genres": "Action", + "recommendations": 135, + "score": 3.2385682240255114 + }, + { + "type": "game", + "name": "Crusader Kings II", + "detailed_description": "CRUSADER KINGS II - EXPANSION SUBSCRIPTION An Heir is Born in Crusader Kings III About the GameThe Dark Ages might be drawing to a close, but Europe is still in turmoil. Petty lords vie against beleaguered kings who struggle to assert control over their fragmented realms. The Pope calls for a Crusade to protect the Christians in the Holy Land even as he refuses to relinquish control over the investiture of bishops - and their riches. Now is the time for greatness. Expand your demesne and secure the future of your dynasty. Fill your coffers, appoint vassals, root out traitors and heretics, introduce laws and interact with hundreds of nobles, each with their own agenda. A good lord will always need friends to support him. But beware, as loyal vassals can quickly turn to bitter rivals, and some might not be as reliable as they seem. Stand ready, and increase your prestige until the world whispers your name in awe. Do you have what it takes to become a Crusader King?. Crusader Kings II explores one of the defining periods in world history in an experience crafted by the masters of Grand Strategy. Medieval Europe is brought to life in this epic game of knights, schemes, and thrones. Key features: Start a game at any point between 1066 and 1337 and play until 1453. Pick a Christian lord and make sure his dynasty survives as you play a succession of his descendants through the ages. Gain Prestige for every successive character you play, furthering the glory of your Dynasty. Expand your feudal domain - and keep it from falling apart . Unravel the plots of your courtiers and vassals, each with their own opinions and agendas . Take up the Cross and fight the Moor, the Heathen and the Heretic. . Defend against the onslaught of the Mongol Horde. Struggle with the Pope for control of the bishops . Relive the Middle Ages with up to 32 other players in a competitive multiplayer mode.", + "about_the_game": "The Dark Ages might be drawing to a close, but Europe is still in turmoil. Petty lords vie against beleaguered kings who struggle to assert control over their fragmented realms. The Pope calls for a Crusade to protect the Christians in the Holy Land even as he refuses to relinquish control over the investiture of bishops - and their riches. Now is the time for greatness. Expand your demesne and secure the future of your dynasty. Fill your coffers, appoint vassals, root out traitors and heretics, introduce laws and interact with hundreds of nobles, each with their own agenda.\t\t\t\t\t\t A good lord will always need friends to support him. But beware, as loyal vassals can quickly turn to bitter rivals, and some might not be as reliable as they seem... Stand ready, and increase your prestige until the world whispers your name in awe. Do you have what it takes to become a Crusader King?\t\t\t\t\t\t Crusader Kings II explores one of the defining periods in world history in an experience crafted by the masters of Grand Strategy. Medieval Europe is brought to life in this epic game of knights, schemes, and thrones...\t\t\t\t\t\tKey features:\t\t\t\t\t\tStart a game at any point between 1066 and 1337 and play until 1453\t\t\t\t\t\tPick a Christian lord and make sure his dynasty survives as you play a succession of his descendants through the ages\t\t\t\t\t\tGain Prestige for every successive character you play, furthering the glory of your Dynasty\t\t\t\t\t\tExpand your feudal domain - and keep it from falling apart \t\t\t\t\t\tUnravel the plots of your courtiers and vassals, each with their own opinions and agendas \t\t\t\t\t\tTake up the Cross and fight the Moor, the Heathen and the Heretic.\t\t\t\t\t\tDefend against the onslaught of the Mongol Horde\t\t\t\t\t\tStruggle with the Pope for control of the bishops \t\t\t\t\t\tRelive the Middle Ages with up to 32 other players in a competitive multiplayer mode", + "short_description": "Explore one of the defining periods in world history in an experience crafted by the masters of Grand Strategy.", + "genres": "Free to Play", + "recommendations": 30553, + "score": 6.808030962550063 + }, + { + "type": "game", + "name": "Max Payne 3", + "detailed_description": "For Max Payne, the tragedies that took his loved ones years ago are wounds that refuse to heal. . No longer a cop, close to washed up and addicted to pain killers, Max takes a job in S\u00e3o Paulo, Brazil, protecting the family of wealthy real estate mogul Rodrigo Branco, in an effort to finally escape his troubled past. But as events spiral out of his control, Max Payne finds himself alone on the streets of an unfamiliar city, desperately searching for the truth and fighting for a way out. . Combining cutting edge shooting mechanics with a dark and twisted story, Max Payne 3 is a seamless, highly detailed, cinematic experience from Rockstar Games. . This complete edition of Max Payne 3 includes the complete original game and all previously released downloadable content including Deathmatch Made In Heaven, Painful Memories Pack, Hostage Negotiation Pack, Local Justice Pack, Silent Killer Loadout Pack, Cemetery Map, Special Edition Pack, Deadly Force Burst, Pill Bottle Item, and the Classic Max Payne 1 Character.", + "about_the_game": "For Max Payne, the tragedies that took his loved ones years ago are wounds that refuse to heal. \r\n\r\nNo longer a cop, close to washed up and addicted to pain killers, Max takes a job in S\u00e3o Paulo, Brazil, protecting the family of wealthy real estate mogul Rodrigo Branco, in an effort to finally escape his troubled past. But as events spiral out of his control, Max Payne finds himself alone on the streets of an unfamiliar city, desperately searching for the truth and fighting for a way out. \r\n \r\nCombining cutting edge shooting mechanics with a dark and twisted story, Max Payne 3 is a seamless, highly detailed, cinematic experience from Rockstar Games. \r\n\r\nThis complete edition of Max Payne 3 includes the complete original game and all previously released downloadable content including Deathmatch Made In Heaven, Painful Memories Pack, Hostage Negotiation Pack, Local Justice Pack, Silent Killer Loadout Pack, Cemetery Map, Special Edition Pack, Deadly Force Burst, Pill Bottle Item, and the Classic Max Payne 1 Character.", + "short_description": "No longer a New York City cop, Max Payne moves to S\u00e3o Paulo to protect a wealthy family in an effort to finally escape his troubled past. This complete edition of Max Payne 3 includes the complete original game and all previously released downloadable content.", + "genres": "Action", + "recommendations": 38770, + "score": 6.96504428220236 + }, + { + "type": "game", + "name": "Awesomenauts - the 2D moba", + "detailed_description": "Awesomenauts is a MOBA fitted into the form of an accessible 3-on-3 action platformer. Head out to the online battlefields together with your friends as an online party or in local splitscreen! And best thing yet? It's completely free to play!. Devise strategies as you upgrade and customize each character's skills to suit your playing style. Expect new items, features, DLC and Awesomenauts to be added regularly!. The year is 3587. Conflict spans the stars as huge robot armies are locked in an enduring stalemate. In their bid for galactic supremacy, they call upon the most powerful group of mercenaries in the universe: the Awesomenauts!. Saturday morning is back \u2013 3v3 online platforming action in true Saturday Morning cartoon style!. It\u2019s a MOBA! \u2013 classes, upgrades, creeps, turrets, bases and tactical depth are all present. Awesomenauts adds fast paced platforming gameplay to create a truly unique and accessible MOBA experience. The Awesomenauts \u2013 take control of an extensive cast of highly customizable Awesomenauts, each with their own set of abilities, upgrades, skins, and character themes!. Play it your way! - a fully-featured map editor with Steam Workshop integration, custom games, shareable game modes, and lots of crazy community-created content to enjoy!. Splitscreen action \u2013 Online and offline play with up to 3 players in local splitscreen! Get some friends together and take on the world!. Regular updates - regular additions of new Awesomenauts, balance updates, unlockable stuff, and more. . Unlock it all! - earn Awesomepoints to unlock new characters and customization options!. Push it to the limit \u2013 Face melting battles across multiple exotic planets and alien spaceships!.", + "about_the_game": "Awesomenauts is a MOBA fitted into the form of an accessible 3-on-3 action platformer. Head out to the online battlefields together with your friends as an online party or in local splitscreen! And best thing yet? It's completely free to play!Devise strategies as you upgrade and customize each character's skills to suit your playing style. Expect new items, features, DLC and Awesomenauts to be added regularly!The year is 3587. Conflict spans the stars as huge robot armies are locked in an enduring stalemate. In their bid for galactic supremacy, they call upon the most powerful group of mercenaries in the universe: the Awesomenauts!Saturday morning is back \u2013 3v3 online platforming action in true Saturday Morning cartoon style!It\u2019s a MOBA! \u2013 classes, upgrades, creeps, turrets, bases and tactical depth are all present. Awesomenauts adds fast paced platforming gameplay to create a truly unique and accessible MOBA experienceThe Awesomenauts \u2013 take control of an extensive cast of highly customizable Awesomenauts, each with their own set of abilities, upgrades, skins, and character themes!Play it your way! - a fully-featured map editor with Steam Workshop integration, custom games, shareable game modes, and lots of crazy community-created content to enjoy!Splitscreen action \u2013 Online and offline play with up to 3 players in local splitscreen! Get some friends together and take on the world!Regular updates - regular additions of new Awesomenauts, balance updates, unlockable stuff, and more.Unlock it all! - earn Awesomepoints to unlock new characters and customization options!Push it to the limit \u2013 Face melting battles across multiple exotic planets and alien spaceships!", + "short_description": "Use your power, show your might! Play this Multiplayer Online Battle Arena (MOBA) game for FREE now! AWESOMENAUTS combines 2D platforming with team-based strategy and hero based action. Whether you are a new recruit or an intergalactic legend, play AWESOMENAUTS!", + "genres": "Action", + "recommendations": 11781, + "score": 6.1798359965744805 + }, + { + "type": "game", + "name": "Serious Sam 2", + "detailed_description": "Serious Sam 4 About the GameThe iconic Serious Sam brings his trademark relentless intensity to this bigger, bolder, more colorful sequel to the classic Serious Sam: First and Second Encounters! Tasked with rescuing the universe one bullet at a time against overwhelming hordes of time traveling enemies, Serious Sam must battle through thick jungles, murky swamps, frozen tundra, and futuristic cities to bring down Mental and his vile armies. Serious Sam 2 is a shot of adrenaline to the hearts of first-person shooter fans across the world. This is serious!Key Features:Frantic Arcade-Style Action - Hold down the trigger and lay waste to a never-ending onslaught of bizarre enemies pursuing Sam from every angle and around every corner. . Fearsome Enemy Creatures - Take up arms against 45 outrageous enemies and 7 intimidating bosses from bomb-toting clowns and windup rhinos to zombie stockbrokers and the iconic beheaded kamikazes!. Spectacular Environments - Battle across more than 40 beautiful, expansive levels spread out over 7 unique environments and gain the support of the quirky native tribes. . Destructive Weapons - Unleash Sam\u2019s classic arsenal with the shotgun, minigun, rocket launcher, and cannon or square off with new guns like the Klodovik. Also, for the first time ever, use the alternative fire button to lob a grenade into an oncoming crowd of monsters and what the bad guys go boom!. Powerful Turrets and Crazy Vehicles - Use powerful turrets to wipe out the relentless hordes of enemies and engage in heart-thumping action atop wild, mountable animals and intense, death-dealing vehicles. . Helpful Native NPCs - Meet different races inhabiting environments and even fight side by side against enemies, to experience an additional bit of cooperative play feeling within the single player campaign. . Co-Op and Deathmatch Chaos - Go to war against Mental\u2019s horde with up to 16 players online and annihilate everything that moves across 45 levels of mayhem or drop the gauntlet and face off in brutal Deathmatch. Key updates since official release:Steamworks for online play - It eliminates the need for Gamespy for online play since the service has been announced to be officially closed. . Controller support - Xbox 360 gamepad is now supported!. Improved wide screen support. . Fixed enemy spawning issues.", + "about_the_game": "The iconic Serious Sam brings his trademark relentless intensity to this bigger, bolder, more colorful sequel to the classic Serious Sam: First and Second Encounters! Tasked with rescuing the universe one bullet at a time against overwhelming hordes of time traveling enemies, Serious Sam must battle through thick jungles, murky swamps, frozen tundra, and futuristic cities to bring down Mental and his vile armies. Serious Sam 2 is a shot of adrenaline to the hearts of first-person shooter fans across the world. This is serious!Key Features:Frantic Arcade-Style Action - Hold down the trigger and lay waste to a never-ending onslaught of bizarre enemies pursuing Sam from every angle and around every corner.Fearsome Enemy Creatures - Take up arms against 45 outrageous enemies and 7 intimidating bosses from bomb-toting clowns and windup rhinos to zombie stockbrokers and the iconic beheaded kamikazes!Spectacular Environments - Battle across more than 40 beautiful, expansive levels spread out over 7 unique environments and gain the support of the quirky native tribes.Destructive Weapons - Unleash Sam\u2019s classic arsenal with the shotgun, minigun, rocket launcher, and cannon or square off with new guns like the Klodovik. Also, for the first time ever, use the alternative fire button to lob a grenade into an oncoming crowd of monsters and what the bad guys go boom!Powerful Turrets and Crazy Vehicles - Use powerful turrets to wipe out the relentless hordes of enemies and engage in heart-thumping action atop wild, mountable animals and intense, death-dealing vehicles.Helpful Native NPCs - Meet different races inhabiting environments and even fight side by side against enemies, to experience an additional bit of cooperative play feeling within the single player campaign.Co-Op and Deathmatch Chaos - Go to war against Mental\u2019s horde with up to 16 players online and annihilate everything that moves across 45 levels of mayhem or drop the gauntlet and face off in brutal Deathmatch.Key updates since official release:Steamworks for online play - It eliminates the need for Gamespy for online play since the service has been announced to be officially closed.Controller support - Xbox 360 gamepad is now supported!Improved wide screen support.Fixed enemy spawning issues.", + "short_description": "Serious Sam 2 is a shot of adrenaline to the hearts of first-person shooter fans across the world. This is serious!", + "genres": "Action", + "recommendations": 9131, + "score": 6.011872027130721 + }, + { + "type": "game", + "name": "Castle Crashers\u00ae", + "detailed_description": "Hack, slash, and smash your way to victory in this newly updated edition of the insanely popular 2D arcade adventure from The Behemoth! Up to four friends can play locally or online and save your princess, defend your kingdom, and crash some castles!. With the new Barbarian Makeover Update, Castle Crashers now delivers uncapped framerate and a new Ultra texture quality mode. We even built a new, fast-paced multiplayer minigame just for you and your friends!Key Features:(NEW!) Back Off Barbarian mini game: Jump and hop across the level to avoid the enemies!. Unlock more than 25 characters and over 40 weapons!. Intuitive combo and magic system: Unlock an arsenal of new attacks as your character progresses through the game. . Level up your character and adjust Strength, Magic, Defense, and Agility. . Adorable animal orbs are your companions. Each adds different abilities to aid you on your journey. . Arena mode: Battle other players in free-for-all or team matches!. Insane Mode: Test your skills in the ultimate campaign challenge. Necromantic Pack (includes Necromancer and Cult Minion characters) . King Pack (includes The King and Open-Faced Gray Knight). Also includes: Alien Hominid playable character. Ultra Graphics:A new optional texture quality setting located in the Game Settings Menu. Once the game has been updated, this mode will not be on by default. Players must go to the Game Settings menu and manually toggle it on. Please note, this setting will not perform the same on all systems. It is intended for use on high spec gaming systems and requires a 64-bit OS. So use at your own risk!", + "about_the_game": "Hack, slash, and smash your way to victory in this newly updated edition of the insanely popular 2D arcade adventure from The Behemoth! Up to four friends can play locally or online and save your princess, defend your kingdom, and crash some castles!With the new Barbarian Makeover Update, Castle Crashers now delivers uncapped framerate and a new Ultra texture quality mode. We even built a new, fast-paced multiplayer minigame just for you and your friends!Key Features:(NEW!) Back Off Barbarian mini game: Jump and hop across the level to avoid the enemies!Unlock more than 25 characters and over 40 weapons!Intuitive combo and magic system: Unlock an arsenal of new attacks as your character progresses through the game.Level up your character and adjust Strength, Magic, Defense, and Agility.Adorable animal orbs are your companions. Each adds different abilities to aid you on your journey.Arena mode: Battle other players in free-for-all or team matches!Insane Mode: Test your skills in the ultimate campaign challengeNecromantic Pack (includes Necromancer and Cult Minion characters) King Pack (includes The King and Open-Faced Gray Knight)Also includes: Alien Hominid playable characterUltra Graphics:A new optional texture quality setting located in the Game Settings Menu. Once the game has been updated, this mode will not be on by default. Players must go to the Game Settings menu and manually toggle it on. Please note, this setting will not perform the same on all systems. It is intended for use on high spec gaming systems and requires a 64-bit OS. So use at your own risk!", + "short_description": "Hack, slash, and smash your way to victory in this award winning 2D arcade adventure from The Behemoth!", + "genres": "Action", + "recommendations": 76163, + "score": 7.410166994241058 + }, + { + "type": "game", + "name": "Call of Juarez: Gunslinger", + "detailed_description": "CAN YOU STAND AGAINST THE DEADLIEST GUNSLINGERS WHO EVER LIVED?. From the dust of a gold mine to the dirt of a saloon, Call of Juarez\u00ae Gunslinger is a real homage to the Wild West tales. Live the epic and violent journey of a ruthless bounty hunter on the trail of the West\u2019s most notorious outlaws. Blurring the lines between man and myth, this adventure made of memorable encounters unveils the untold truth behind some of the greatest legends of the Old West. . Key Features:. Meet the legendary outlaws. Billy the Kid, Pat Garrett, Jesse James\u2026 Face down the West\u2019s most notorious gunslingers and live the untold stories behind the legends. . Dispense your own justice . With a gun holster tied to your leg, become a ruthless bounty hunter on a journey made of all-out gun battles. . Prevail in deadly gunfights. Master the art of blasting pistols, shooting rifles and dodging bullets. Unleash lethal combos to gun down multiple enemies in split seconds. . Become the West\u2019s finest . Choose the specific gun-fighting skills you want to develop and acquire new shooting abilities to become the West\u2019s finest gunslinger. . Experience a lawless land . Blaze a trail through the wilderness of the Old West and live an epic adventure through stunning Western landscapes.", + "about_the_game": "CAN YOU STAND AGAINST THE DEADLIEST GUNSLINGERS WHO EVER LIVED?From the dust of a gold mine to the dirt of a saloon, Call of Juarez\u00ae Gunslinger is a real homage to the Wild West tales. Live the epic and violent journey of a ruthless bounty hunter on the trail of the West\u2019s most notorious outlaws. Blurring the lines between man and myth, this adventure made of memorable encounters unveils the untold truth behind some of the greatest legends of the Old West.Key Features:Meet the legendary outlawsBilly the Kid, Pat Garrett, Jesse James\u2026 Face down the West\u2019s most notorious gunslingers and live the untold stories behind the legends.Dispense your own justice With a gun holster tied to your leg, become a ruthless bounty hunter on a journey made of all-out gun battles. Prevail in deadly gunfightsMaster the art of blasting pistols, shooting rifles and dodging bullets. Unleash lethal combos to gun down multiple enemies in split seconds. Become the West\u2019s finest Choose the specific gun-fighting skills you want to develop and acquire new shooting abilities to become the West\u2019s finest gunslinger.Experience a lawless land Blaze a trail through the wilderness of the Old West and live an epic adventure through stunning Western landscapes.", + "short_description": "From the dust of a gold mine to the dirt of a saloon, Call of Juarez\u00ae Gunslinger is a real homage to the Wild West tales. Live the epic and violent journey of a ruthless bounty hunter on the trail of the West\u2019s most notorious outlaws.", + "genres": "Action", + "recommendations": 14964, + "score": 6.337484987512422 + }, + { + "type": "game", + "name": "Sins of a Solar Empire\u00ae: Rebellion", + "detailed_description": "The Next Installment to the Award-Winning RTS. While many were hopeful that diplomacy would finally end the war, differing opinions on what should be done, along with the depleted power of the controlling factions, has led to a splintering of the groups involved. . The loyalist members of the Trader Emergency Coalition adopt a policy of isolation, focusing on enhanced defenses to ride out the rest of the war. Those who rebel against the coalition take on a purely militant view, coming to the opinion that the only way to bring peace is by ultimately crushing all who oppose them - especially xenos. . For the first time in their history, the war creates a schism in the Advent Unity. The loyalists seek to continue their policy of revenge against the Traders, and to assimilate all others to the Unity\u2019s influence. However, others amongst the Advent suspect that a corrupting influence from within has diverted the Unity from its proper destiny. . The divide created in the Vasari Empire is less pronounced, but just as severe to their people. With the Vasari now practically frantic to move on to new space, the loyalist faction abandons cooperation and decides to take the resources they need by any means necessary. Having accepted the need to work together, the rebel faction feels that their best chance for survival is to work with the other races and bring them along to flee the approaching enemy. . Take the battle for galactic supremacy to its ultimate level in Sins of a Solar Empire: Rebellion \u2013 a standalone RT4X game that combines the tactics of real-time strategy with the depth of the 4X genre (eXplore, eXpand, eXploit, eXterminate).Key features:New Factions: Decide whether to play as a Loyalist or Rebel \u2013 each unlocks new technologies, ships and play styles for each race. . New Titan Class Warships: Mighty titans enter the fray of the war to tip the scales of power. Each faction may field their own unique titan, drawing upon unique strengths and abilities on the battlefield. . New and Updated Capital Ships: A new capital ship joins the fleet for each race to offer even more tactical options. Additionally, all existing capital ships have been upgraded to four levels for their abilities, allowing players to focus their ships along specific strengths. . New Corvette Class Ships: Small and maneuverable, each faction has developed a new light attack craft to harass enemy forces. . Updated Visuals: Updated graphics, particle effects, lighting and shadows, race specific UI and other enhancements make the Sins\u2019 universe look better than ever. . New Victory Conditions: Take multiple paths to victory including \u2013 Military, Diplomatic, Research, Last Flagship Standing, Last Capital Standing and Occupation. . New Audio: More than 60 minutes of original music, countless new sound effects and dozens of new voice overs help bring the drama of battle to new levels of immersion. . Tutorials: New and updated tutorials make it easy for both experienced and new players to quickly start building their own solar empire. . Plus, a number of optimizations that provide better performance than ever before!.", + "about_the_game": "The Next Installment to the Award-Winning RTS.While many were hopeful that diplomacy would finally end the war, differing opinions on what should be done, along with the depleted power of the controlling factions, has led to a splintering of the groups involved.The loyalist members of the Trader Emergency Coalition adopt a policy of isolation, focusing on enhanced defenses to ride out the rest of the war. Those who rebel against the coalition take on a purely militant view, coming to the opinion that the only way to bring peace is by ultimately crushing all who oppose them - especially xenos.For the first time in their history, the war creates a schism in the Advent Unity. The loyalists seek to continue their policy of revenge against the Traders, and to assimilate all others to the Unity\u2019s influence. However, others amongst the Advent suspect that a corrupting influence from within has diverted the Unity from its proper destiny.The divide created in the Vasari Empire is less pronounced, but just as severe to their people. With the Vasari now practically frantic to move on to new space, the loyalist faction abandons cooperation and decides to take the resources they need by any means necessary. Having accepted the need to work together, the rebel faction feels that their best chance for survival is to work with the other races and bring them along to flee the approaching enemy.Take the battle for galactic supremacy to its ultimate level in Sins of a Solar Empire: Rebellion \u2013 a standalone RT4X game that combines the tactics of real-time strategy with the depth of the 4X genre (eXplore, eXpand, eXploit, eXterminate).Key features:New Factions: Decide whether to play as a Loyalist or Rebel \u2013 each unlocks new technologies, ships and play styles for each race.New Titan Class Warships: Mighty titans enter the fray of the war to tip the scales of power. Each faction may field their own unique titan, drawing upon unique strengths and abilities on the battlefield.New and Updated Capital Ships: A new capital ship joins the fleet for each race to offer even more tactical options. Additionally, all existing capital ships have been upgraded to four levels for their abilities, allowing players to focus their ships along specific strengths.New Corvette Class Ships: Small and maneuverable, each faction has developed a new light attack craft to harass enemy forces.Updated Visuals: Updated graphics, particle effects, lighting and shadows, race specific UI and other enhancements make the Sins\u2019 universe look better than ever.New Victory Conditions: Take multiple paths to victory including \u2013 Military, Diplomatic, Research, Last Flagship Standing, Last Capital Standing and Occupation.New Audio: More than 60 minutes of original music, countless new sound effects and dozens of new voice overs help bring the drama of battle to new levels of immersion.Tutorials: New and updated tutorials make it easy for both experienced and new players to quickly start building their own solar empire.Plus, a number of optimizations that provide better performance than ever before!", + "short_description": "Command a space-faring empire in Sins of a Solar Empire: Rebellion, the new stand-alone expansion that combines 4X depth with real-time strategy gameplay.", + "genres": "Action", + "recommendations": 9403, + "score": 6.031220685142267 + }, + { + "type": "game", + "name": "Dishonored", + "detailed_description": "Dishonored is an immersive first-person action game that casts you as a supernatural assassin driven by revenge. With Dishonored\u2019s flexible combat system, creatively eliminate your targets as you combine the supernatural abilities, weapons and unusual gadgets at your disposal. Pursue your enemies under the cover of darkness or ruthlessly attack them head on with weapons drawn. The outcome of each mission plays out based on the choices you make.Story:Dishonored is set in Dunwall, an industrial whaling city where strange steampunk- inspired technology and otherworldly forces coexist in the shadows. You are the once-trusted bodyguard of the beloved Empress. Framed for her murder, you become an infamous assassin, known only by the disturbing mask that has become your calling card. In a time of uncertainty, when the city is besieged by plague and ruled by a corrupt government armed with industrial technologies, dark forces conspire to bestow upon you abilities beyond those of any common man \u2013 but at what cost? The truth behind your betrayal is as murky as the waters surrounding the city, and the life you once had is gone forever.Key features:Improvise and Innovate. Approach each assassination with your own style of play. Use shadow and sound to your advantage to make your way silently through levels unseen by foes, or attack enemies head-on as they respond to your aggression. The flexible combat system allows you to creatively combine your abilities, supernatural powers and gadgets as you make your way through the levels and dispatch your targets. Improvise and innovate to define your play style. . Action with Meaning. The world of Dishonored reacts to how you play. Move like a ghost and resist corruption, or show no mercy and leave a path of destruction in your wake. Decide your approach for each mission, and the outcomes will change as a result. . Supernatural Abilities. Teleport for stealth approaches, possess any living creature, or stop time itself to orchestrate unearthly executions! Combining your suite of supernatural abilities and weapons opens up even more ways to overcome obstacles and eliminate targets. The game\u2019s upgrade system allows for the mastery of deadly new abilities and devious gadgets. . A City Unlike Any Other. Enter an original world envisioned by Half-Life 2 art director Viktor Antonov. Arkane and Bethesda bring you a steampunk city where industry and the supernatural collide, creating an atmosphere thick with intrigue. The world is yours to discover.", + "about_the_game": "Dishonored is an immersive first-person action game that casts you as a supernatural assassin driven by revenge. With Dishonored\u2019s flexible combat system, creatively eliminate your targets as you combine the supernatural abilities, weapons and unusual gadgets at your disposal. Pursue your enemies under the cover of darkness or ruthlessly attack them head on with weapons drawn. The outcome of each mission plays out based on the choices you make.Story:Dishonored is set in Dunwall, an industrial whaling city where strange steampunk- inspired technology and otherworldly forces coexist in the shadows. You are the once-trusted bodyguard of the beloved Empress. Framed for her murder, you become an infamous assassin, known only by the disturbing mask that has become your calling card. In a time of uncertainty, when the city is besieged by plague and ruled by a corrupt government armed with industrial technologies, dark forces conspire to bestow upon you abilities beyond those of any common man \u2013 but at what cost? The truth behind your betrayal is as murky as the waters surrounding the city, and the life you once had is gone forever.Key features:Improvise and InnovateApproach each assassination with your own style of play. Use shadow and sound to your advantage to make your way silently through levels unseen by foes, or attack enemies head-on as they respond to your aggression. The flexible combat system allows you to creatively combine your abilities, supernatural powers and gadgets as you make your way through the levels and dispatch your targets. Improvise and innovate to define your play style. Action with MeaningThe world of Dishonored reacts to how you play. Move like a ghost and resist corruption, or show no mercy and leave a path of destruction in your wake. Decide your approach for each mission, and the outcomes will change as a result. Supernatural AbilitiesTeleport for stealth approaches, possess any living creature, or stop time itself to orchestrate unearthly executions! Combining your suite of supernatural abilities and weapons opens up even more ways to overcome obstacles and eliminate targets. The game\u2019s upgrade system allows for the mastery of deadly new abilities and devious gadgets.A City Unlike Any OtherEnter an original world envisioned by Half-Life 2 art director Viktor Antonov. Arkane and Bethesda bring you a steampunk city where industry and the supernatural collide, creating an atmosphere thick with intrigue. The world is yours to discover.", + "short_description": "Dishonored is an immersive first-person action game that casts you as a supernatural assassin driven by revenge. With Dishonored\u2019s flexible combat system, creatively eliminate your targets as you combine the supernatural abilities, weapons and unusual gadgets at your disposal.", + "genres": "Action", + "recommendations": 55973, + "score": 7.207123169729709 + }, + { + "type": "game", + "name": "Hell Yeah! Wrath of the Dead Rabbit", + "detailed_description": "Hell Yeah! is a crazy action-adventure platformer. In Hell. . You are Ash, a devil rabbit and the prince of Hell. When some jerk finds it funny to post your secret intimate photos all over the Hell-ternet, you get VERY angry. . Time to seek out the bastard and destroy him once and for all. While you\u2019re at it, why not use this incredible journey to kill everybody else?. It\u2019s you against all Hell. It\u2019s Hell Yeah!Key Features:Tension-relieving faux-gore action Hell Yeah! helps you clear your mind after a bad/frustrating/boring day at work. Achieve this by exploring the four corners of Hell and exterminating monsters in a cheerful yet challenging atmosphere. . Drill to kill shooting is fun but shooting from a super sawing jetpack that can drill through walls and squash monsters into chunks is better. Hell Yeah! gives you full frontal violence in your face. . This game is too BIG for you 10 huge game worlds with secret areas and side quests, hundreds of objects, weapons and monsters to collect. If you\u2019re a completionist, you\u2019re screwed man. . Help us make Hell a cleaner place there are 100 unique monsters to exterminate in Hell Yeah! Some are rude, others are really ugly but they all equally deserve to DIE!. 'Finish him' moves that will make your mama cry inflict ultimate humiliation on the monsters of Hell using over 30 deadly \u201cFinish him!\u201d mini-games. . Pimp my drill collect loot and spend your cash in big shops where you can buy bigger guns and awesome upgrades for your ride. The donut driller skin and the \u2018Sploding Carrot missile launcher make a lovely combo.", + "about_the_game": "Hell Yeah! is a crazy action-adventure platformer... In Hell. You are Ash, a devil rabbit and the prince of Hell. When some jerk finds it funny to post your secret intimate photos all over the Hell-ternet, you get VERY angry.Time to seek out the bastard and destroy him once and for all. While you\u2019re at it, why not use this incredible journey to kill everybody else?It\u2019s you against all Hell. It\u2019s Hell Yeah!Key Features:Tension-relieving faux-gore action Hell Yeah! helps you clear your mind after a bad/frustrating/boring day at work. Achieve this by exploring the four corners of Hell and exterminating monsters in a cheerful yet challenging atmosphere.Drill to kill shooting is fun but shooting from a super sawing jetpack that can drill through walls and squash monsters into chunks is better. Hell Yeah! gives you full frontal violence in your face.This game is too BIG for you 10 huge game worlds with secret areas and side quests, hundreds of objects, weapons and monsters to collect. If you\u2019re a completionist, you\u2019re screwed man.Help us make Hell a cleaner place there are 100 unique monsters to exterminate in Hell Yeah! Some are rude, others are really ugly but they all equally deserve to DIE!'Finish him' moves that will make your mama cry inflict ultimate humiliation on the monsters of Hell using over 30 deadly \u201cFinish him!\u201d mini-games.Pimp my drill collect loot and spend your cash in big shops where you can buy bigger guns and awesome upgrades for your ride. The donut driller skin and the \u2018Sploding Carrot missile launcher make a lovely combo.", + "short_description": "A crazy action-adventure platformer... In Hell.", + "genres": "Action", + "recommendations": 562, + "score": 4.175086309668225 + }, + { + "type": "game", + "name": "Gotham City Impostors Free to Play", + "detailed_description": "Hatched from the twisted minds at Monolith Productions, Gotham City Impostors is a download-only multiplayer FPS that pits violent vigilantes dressed up like Batman against craven criminals dressed up like the Joker in open warfare on the streets of Gotham City.Key FeaturesWhy fight crime when you can kill it\u2026 Gotham City has gone insane! Batman is up to his pointy ears in unwanted \"helpers\" determined to dish out their own bloodthirsty brand of vigilante justice in his name (and image). Meanwhile, a small army of self-appointed junior Jokerz has turned the streets of Gotham into a barmy battlefield of bullets, bodies, and bear traps. . More customization than you can shake a shotgun at\u2026 Packing more customization than you can shake a shotgun at, you get to choose the guns, gadgets and even the hairdos that fit your personality and play style. It doesn't matter if you want to be a mighty muscleman on roller skates with a hunting bow or a lithe lassie packing a homebrew rocket launcher and glider wings, Gotham City Impostors does not have rigid character classes and lets you play the way you want. . 1000 levels of player advancement overflowing with upgrades and unlocks\u2026 A robust level up system lets you unlock all the items required to make your impostor as crazy as you desire. Whether you prefer to develop your impostor by proving your prowess in solo challenges designed to test your skills and reflexes or by battling your way to the top of the scoreboard in several delightfully over-the-top multiplayer modes, there's a surefire way for you to realize your preposterous potential!.", + "about_the_game": "Hatched from the twisted minds at Monolith Productions, Gotham City Impostors is a download-only multiplayer FPS that pits violent vigilantes dressed up like Batman against craven criminals dressed up like the Joker in open warfare on the streets of Gotham City.Key FeaturesWhy fight crime when you can kill it\u2026 Gotham City has gone insane! Batman is up to his pointy ears in unwanted \"helpers\" determined to dish out their own bloodthirsty brand of vigilante justice in his name (and image). Meanwhile, a small army of self-appointed junior Jokerz has turned the streets of Gotham into a barmy battlefield of bullets, bodies, and bear traps.More customization than you can shake a shotgun at\u2026 Packing more customization than you can shake a shotgun at, you get to choose the guns, gadgets and even the hairdos that fit your personality and play style. It doesn't matter if you want to be a mighty muscleman on roller skates with a hunting bow or a lithe lassie packing a homebrew rocket launcher and glider wings, Gotham City Impostors does not have rigid character classes and lets you play the way you want.1000 levels of player advancement overflowing with upgrades and unlocks\u2026 A robust level up system lets you unlock all the items required to make your impostor as crazy as you desire. Whether you prefer to develop your impostor by proving your prowess in solo challenges designed to test your skills and reflexes or by battling your way to the top of the scoreboard in several delightfully over-the-top multiplayer modes, there's a surefire way for you to realize your preposterous potential!", + "short_description": "Gotham City Impostors is now Free to Play! Join the Batman "helpers" or junior Jokerz in the streets of Gotham full of bullets, bodies, and bear traps.", + "genres": "Action", + "recommendations": 427, + "score": 3.994354234742274 + }, + { + "type": "game", + "name": "Saints Row IV: Re-Elected", + "detailed_description": "Feature List About the GameFully Re-Elected \u2013 Saints Row IV Re-Elected contains an impressive 25 DLC Packs, including the Dubstep Gun (Remix) Pack, the Presidential Pack, the Commander-In-Chief Pack, and two celebrated episodic story expansions: Enter The Dominatrix and How The Saints Save Christmas. . The Boss of the Saints has been elected to the Presidency of the United States but the Saints are just getting started. . After a catastrophic alien invasion of Earth, the Saints have been transported to a bizarro-Steelport simulation. With homies new and old, and an arsenal of superpowers and strange weapons, they must fight to free humanity from alien overlord Zinyak and his alien empire, saving the world in the wildest open world game ever. . The American Dream \u2013 Play as the President of the United States in a wild story that spans countries, time, and space. It\u2019s up to you to free the world. . Super Hero-in-Chief \u2013 Leap over buildings. Kill people with your mind. Run through tanks. Those are just some of the powers on offer that you can wield in your quest. . Alien Toys of Destruction - Wield an impressive array of alien vehicles and weapons - the Inflato-Ray, the Polarizer, the Disintegrator, and many more. . Custom Weapons, Custom Mayhem \u2013 You\u2019ve customized your character. You\u2019ve customized your clothes. Now you also have a powerful weapon customization system.", + "about_the_game": "Fully Re-Elected \u2013 Saints Row IV Re-Elected contains an impressive 25 DLC Packs, including the Dubstep Gun (Remix) Pack, the Presidential Pack, the Commander-In-Chief Pack, and two celebrated episodic story expansions: Enter The Dominatrix and How The Saints Save Christmas.The Boss of the Saints has been elected to the Presidency of the United States but the Saints are just getting started. After a catastrophic alien invasion of Earth, the Saints have been transported to a bizarro-Steelport simulation. With homies new and old, and an arsenal of superpowers and strange weapons, they must fight to free humanity from alien overlord Zinyak and his alien empire, saving the world in the wildest open world game ever. The American Dream \u2013 Play as the President of the United States in a wild story that spans countries, time, and space. It\u2019s up to you to free the world. Super Hero-in-Chief \u2013 Leap over buildings. Kill people with your mind. Run through tanks. Those are just some of the powers on offer that you can wield in your quest. Alien Toys of Destruction - Wield an impressive array of alien vehicles and weapons - the Inflato-Ray, the Polarizer, the Disintegrator, and many more. Custom Weapons, Custom Mayhem \u2013 You\u2019ve customized your character. You\u2019ve customized your clothes. Now you also have a powerful weapon customization system.", + "short_description": "Experience the insane antics of Saints Row IV. The Saints have gone from the Penthouse to the White House - but Earth has been invaded and it\u2019s up to you to save it with an arsenal of superpowers and strange weapons, in the wildest open world game ever.", + "genres": "Action", + "recommendations": 56453, + "score": 7.21275223366179 + }, + { + "type": "game", + "name": "To the Moon", + "detailed_description": "Wishlist the series' Beach Episode! (seriously, it's a thing.) Get the next episode of the series! About the GameDr. Rosalene and Dr. Watts have peculiar jobs: They give people another chance to live, all the way from the very beginning. but only in their patients' heads. . Due to the severity of the operation, the new life becomes the last thing the patients remember before drawing their last breath. Thus, the operation is only done to people on their deathbeds, to fulfill what they wish they had done with their lives, but didn\u2019t. . This particular story follows their attempt to fulfill the dream of an elderly man, Johnny. With each step back in time, a new fragment of Johnny's past is revealed. As the two doctors piece together the puzzled events that spanned a life time, they seek to find out just why the frail old man chose his dying wish to be what it is. . And Johnny's last wish is, of course. to go to the moon. Key FeaturesA unique & non-combat story-driven experience. Innovative mix between adventure game elements and classic RPG aesthetics. Acclaimed original soundtrack that closely ties to the story. An espresso execution with zero filler and no time drains.", + "about_the_game": "Dr. Rosalene and Dr. Watts have peculiar jobs: They give people another chance to live, all the way from the very beginning... but only in their patients' heads.Due to the severity of the operation, the new life becomes the last thing the patients remember before drawing their last breath. Thus, the operation is only done to people on their deathbeds, to fulfill what they wish they had done with their lives, but didn\u2019t.This particular story follows their attempt to fulfill the dream of an elderly man, Johnny. With each step back in time, a new fragment of Johnny's past is revealed. As the two doctors piece together the puzzled events that spanned a life time, they seek to find out just why the frail old man chose his dying wish to be what it is.And Johnny's last wish is, of course... to go to the moon. Key FeaturesA unique & non-combat story-driven experienceInnovative mix between adventure game elements and classic RPG aestheticsAcclaimed original soundtrack that closely ties to the storyAn espresso execution with zero filler and no time drains", + "short_description": "A story-driven experience about two doctors traversing backwards through a dying man's memories to artificially fulfill his last wish.", + "genres": "Adventure", + "recommendations": 52750, + "score": 7.168027834740886 + }, + { + "type": "game", + "name": "Dungeons & Dragons Online\u00ae", + "detailed_description": "Enter a world of danger and adventure with Dungeons & Dragons Online\u00ae, the free, award-winning, massively-multiplayer online game based on the beloved RPG that started it all.Key Features:Experience authentic 3.5 gameplay in the form of a Free MMORPG: Take control in combat and make every move count. Leap past deadly blade traps or dodge poison arrows. Whether fighter, sorcerer, or rogue, every move is your move as you block, tumble, cleave, and more on your way to glory and power. . Play for Free: Experience the action, danger, and intrigue of Dungeons & Dragons Online for free! . Exciting Adventures with Iconic D&D Monsters: Come face-to-face with a dragon, defend your sanity from a Mindflayer, or get roasted by a Beholder as you delve into the deepest and most treacherous dungeons ever imagined. Test your skill against a monstrous number of iconic Dungeons & Dragons foes in your pursuit of power and glory. . Adventure alone or with friends from all over the world: Set out on an adventure of your own, create a group with friends or join a guild to meet new people. . Create a Unique Hero: Craft the characters you\u2019ve always wanted to play with deep character advancement that offers nearly infinite possibilities. . A Rich & Beautiful World: Explore the sun-drenched, magic-powered city of Stormreach, the gathering place for countless DDO players from around the world any time of day or night. See the iconic locations of Dungeons & Dragons brought to life like never before! The world of DDO is yours for the taking. . Enhance Your Experience: Shop in the in-game store for extra quests, powerful gear, experience boosts, buffs, and more. You choose how little or how much you spend.", + "about_the_game": "Enter a world of danger and adventure with Dungeons & Dragons Online\u00ae, the free, award-winning, massively-multiplayer online game based on the beloved RPG that started it all.Key Features:Experience authentic 3.5 gameplay in the form of a Free MMORPG: Take control in combat and make every move count. Leap past deadly blade traps or dodge poison arrows. Whether fighter, sorcerer, or rogue, every move is your move as you block, tumble, cleave, and more on your way to glory and power. Play for Free: Experience the action, danger, and intrigue of Dungeons & Dragons Online for free! Exciting Adventures with Iconic D&D Monsters: Come face-to-face with a dragon, defend your sanity from a Mindflayer, or get roasted by a Beholder as you delve into the deepest and most treacherous dungeons ever imagined. Test your skill against a monstrous number of iconic Dungeons & Dragons foes in your pursuit of power and glory.Adventure alone or with friends from all over the world: Set out on an adventure of your own, create a group with friends or join a guild to meet new people. Create a Unique Hero: Craft the characters you\u2019ve always wanted to play with deep character advancement that offers nearly infinite possibilities. A Rich & Beautiful World: Explore the sun-drenched, magic-powered city of Stormreach, the gathering place for countless DDO players from around the world any time of day or night. See the iconic locations of Dungeons & Dragons brought to life like never before! The world of DDO is yours for the taking.Enhance Your Experience: Shop in the in-game store for extra quests, powerful gear, experience boosts, buffs, and more. You choose how little or how much you spend.", + "short_description": "Enter a world of danger and adventure with Dungeons & Dragons Online\u00ae based on the beloved RPG that started it all.", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "AirMech Strike", + "detailed_description": "AirMech\u00ae Strike is a fast paced Action-RTS game that can be played online competitively or cooperatively. Earn Kudos and Experience in battle and unlock a wide collection of AirMechs and Units while you practice the perfect strategy to emerge victorious!. AirMech has recently undergone a huge overhaul to prepare the game to leave Early Access. This includes a new 3D lobby, new Matchmaking and Ranking system, and a return of Custom games and a Lobby browser. This version is actively replacing many of the old systems of the game, so we appreciate your patience while we finish this significant improvement. We believe that upgrading AirMech to Strike is a better approach than making AirMech 2, since it keeps all your current progress. . Some of the systems we have experimented with during Early Access which do not fit Strike's PvP focus are coming to AirMech Wastelands, a companion game which does not contain any PvP. Look for that coming soon!Key Features:Action-RTS Transformed: DotA-style gameplay with transforming robots each with their own unique stats and abilities. Fast paced action and shorter game lengths keep the battle intense!. Customize Your Army: Choose your AirMech and your Units to take into battle and help your team claim victory. Also unlock custom Variant AirMechs (skins) to have a unique look ingame. . Control Options: Supports both mouse/keyboard and Xbox 360 gamepad. Controls can also be completely customized for personal preference. .", + "about_the_game": "AirMech\u00ae Strike is a fast paced Action-RTS game that can be played online competitively or cooperatively. Earn Kudos and Experience in battle and unlock a wide collection of AirMechs and Units while you practice the perfect strategy to emerge victorious!AirMech has recently undergone a huge overhaul to prepare the game to leave Early Access. This includes a new 3D lobby, new Matchmaking and Ranking system, and a return of Custom games and a Lobby browser. This version is actively replacing many of the old systems of the game, so we appreciate your patience while we finish this significant improvement. We believe that upgrading AirMech to Strike is a better approach than making AirMech 2, since it keeps all your current progress.Some of the systems we have experimented with during Early Access which do not fit Strike's PvP focus are coming to AirMech Wastelands, a companion game which does not contain any PvP. Look for that coming soon!Key Features:Action-RTS Transformed: DotA-style gameplay with transforming robots each with their own unique stats and abilities. Fast paced action and shorter game lengths keep the battle intense!Customize Your Army: Choose your AirMech and your Units to take into battle and help your team claim victory. Also unlock custom Variant AirMechs (skins) to have a unique look ingame.Control Options: Supports both mouse/keyboard and Xbox 360 gamepad. Controls can also be completely customized for personal preference.", + "short_description": "AirMech\u00ae Strike is a fast paced Action-RTS game that can be played online competitively or cooperatively. Earn Kudos and Experience in battle and unlock a wide collection of AirMechs and Units while you practice the perfect strategy to emerge victorious!", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "SpeedRunners", + "detailed_description": "In a city filled with superheroes, getting to crimes becomes a competition on its own. Fortunately there are enough rockets, bombs, grappling hooks, spikes, and other goodies lying around -- to make the competition fun and fast. Welcome to SpeedRunners. . SpeedRunners is a 4 player competitive platformer with grappling hooks, power-ups, and interactive environments. Run, jump, swing around, fire rockets, grapple onto people to knock them off screen.Key Features4 Player Competitive Platforming!. Keep up with the fastest player in-game, or fall offscreen and get eliminated!. Use weapons like missiles, mines and grappling hooks to screw over your friends, and make new enemies!. Local and online multiplayer! Can you have 2 players on a couch against 2 other players on the internet? Yes of course!. Bots enabled - play on your own with several AI opponents. Or put them into matches with other people!. A tutorial teaches you how to play. Controller compatible (and recommended!). A dozen expertly designed maps. Unique game modifiers. A character named Unic!. Full blown level editor with over 10k user created levels. An exciting single player campaign. Create your own custom in-game trails (visible when you hit super-speed).", + "about_the_game": "In a city filled with superheroes, getting to crimes becomes a competition on its own. Fortunately there are enough rockets, bombs, grappling hooks, spikes, and other goodies lying around -- to make the competition fun and fast. Welcome to SpeedRunners. SpeedRunners is a 4 player competitive platformer with grappling hooks, power-ups, and interactive environments. Run, jump, swing around, fire rockets, grapple onto people to knock them off screen.Key Features4 Player Competitive Platforming!Keep up with the fastest player in-game, or fall offscreen and get eliminated!Use weapons like missiles, mines and grappling hooks to screw over your friends, and make new enemies!Local and online multiplayer! Can you have 2 players on a couch against 2 other players on the internet? Yes of course!Bots enabled - play on your own with several AI opponents. Or put them into matches with other people!A tutorial teaches you how to playController compatible (and recommended!)A dozen expertly designed mapsUnique game modifiersA character named Unic!Full blown level editor with over 10k user created levelsAn exciting single player campaignCreate your own custom in-game trails (visible when you hit super-speed)", + "short_description": "Cut-throat multiplayer running game that pits 4 players against each other, locally and/or online. Run, jump, swing around, and use devious weapons and pick-ups to knock opponents off-screen! One of the most competitive games you'll ever play.", + "genres": "Action", + "recommendations": 21423, + "score": 6.574015069014649 + }, + { + "type": "game", + "name": "ArcheBlade\u2122", + "detailed_description": "Just Updated. About the Game3D Fighting Game. Influenced by fighting games such as Street Fighter and Tekken, the game brings more variety by adding MOBA and FPS type game modes. . 14 Unique Characters. Each with unique combos and rage skills, and designed in semi-anime style, the characters in ArcheBlade are the highlights of the game. Try different characters and find the one that matches your style. . PvP Multiplayer. Playing with your friends or other players online makes a fighting game twice as fun. Whether to be a team-player or a lone wolf is all up to you. . Maps with different game modes. Free for all, Capture the flag, Team Deathmatch are all here. Each map has its own unique game type. Watch your surroundings as you may get hit by a train, or lose a step and fall off a bridge. . Rage Skills. Each character has two distinctive rage skills. Use them in one-on-one or team situations smartly to really turn the tide of battle!. Gear Up your character. Gear up to prepare yourself for battle. By gearing up, you can customize the look of your character as well as add stat boosts. There are over 500 customizations available, try them all!. Free to Play. It\u2019s free to download the game so hop in and join the game! Don\u2019t forget to invite your friends. Playing with your friends is a good way to get yourself ready for other more skillful players online. . Please scroll down if you want to know more about the game. Also join our social networking sites to get updated on the game. Facebook: Youtube: Twitter: Google+: ArcheBlade Google+ PageGet ready for ArcheBlade:Based on a Korean Fantasy Novel, ArcheBlade is a free-to-play PvP-based multiplayer action game in which users can either take sides and fight against the other team or fight for themselves depending on the map. Players choose one of several characters, each with their own unique fighting style and action combos. . ArcheBlade captures the essence of combo-based fighting games like Street Fighter or Tekken combined with online multiplayer match system. Rather than pressing shortcut keys mindlessly to use skills, players need to pay close attention to their character and their opponents\u2019 moves in order to perform combos as well as block and avoid attacks all happening in real-time. Do you like fighting games? Do you enjoy non-stop action? Are you competitive? Then this game is for you. . . Select a fighter of your style! Each with unique combos and fighting style, each character brings different game to the table. Find a character that matches your style in Training and perfect your skills. Please stay tuned as we\u2019re adding more characters in the future. . . . With more than 500 items available, you can customize your character to your preference. People will definitely notice you when you have items on. . . From Team Deathmatch and Capture the Base to Free for All and Team Last Man Standing, each game mode has a different goal to accomplish. One more thing to remember. Always watch your surroundings when you play in a map as you may get hit by a train, or lose a step and fall off the bridge. More game modes will be added in the future so please stay tuned. . Capture the Base. Work as a team and defeat the opposing side by capturing the bases scattered around in the map. Protect your bases or teammates when they\u2019re capturing. Be on the lookout as you are capturing, there may be someone to interrupt you right at the end. . Team Last Man Standing. The team with the most round wins will prevail. Be careful as there are no respawns during rounds. There\u2019s nothing like being the last survivor and deliver a win for your teammates at the end while they\u2019re all watching you. . Free for All. No more friendship, just killing. Are you the type that prefers being a lone wolf? This is just for you. The rule is simple. The one who gets the most kills wins the match. Careful though as there are wolves lurking in the shadow ready to steal your kill. . Team Deathmatch. A team with more kills wins the match. To get a kill is the biggest contribution you can make to your team here. Be a support or that guy who\u2019s always at the very front of battle. Whatever gets kills is good for the team. .", + "about_the_game": "3D Fighting GameInfluenced by fighting games such as Street Fighter and Tekken, the game brings more variety by adding MOBA and FPS type game modes. 14 Unique CharactersEach with unique combos and rage skills, and designed in semi-anime style, the characters in ArcheBlade are the highlights of the game. Try different characters and find the one that matches your style.PvP MultiplayerPlaying with your friends or other players online makes a fighting game twice as fun. Whether to be a team-player or a lone wolf is all up to you.Maps with different game modesFree for all, Capture the flag, Team Deathmatch are all here. Each map has its own unique game type. Watch your surroundings as you may get hit by a train, or lose a step and fall off a bridge.Rage SkillsEach character has two distinctive rage skills. Use them in one-on-one or team situations smartly to really turn the tide of battle!Gear Up your characterGear up to prepare yourself for battle. By gearing up, you can customize the look of your character as well as add stat boosts. There are over 500 customizations available, try them all!Free to PlayIt\u2019s free to download the game so hop in and join the game! Don\u2019t forget to invite your friends. Playing with your friends is a good way to get yourself ready for other more skillful players online. Please scroll down if you want to know more about the game. Also join our social networking sites to get updated on the game Facebook: ArcheBlade Google+ PageGet ready for ArcheBlade:Based on a Korean Fantasy Novel, ArcheBlade is a free-to-play PvP-based multiplayer action game in which users can either take sides and fight against the other team or fight for themselves depending on the map. Players choose one of several characters, each with their own unique fighting style and action combos. ArcheBlade captures the essence of combo-based fighting games like Street Fighter or Tekken combined with online multiplayer match system. Rather than pressing shortcut keys mindlessly to use skills, players need to pay close attention to their character and their opponents\u2019 moves in order to perform combos as well as block and avoid attacks all happening in real-time. Do you like fighting games? Do you enjoy non-stop action? Are you competitive? Then this game is for you.Select a fighter of your style! Each with unique combos and fighting style, each character brings different game to the table. Find a character that matches your style in Training and perfect your skills. Please stay tuned as we\u2019re adding more characters in the future.With more than 500 items available, you can customize your character to your preference. People will definitely notice you when you have items on.From Team Deathmatch and Capture the Base to Free for All and Team Last Man Standing, each game mode has a different goal to accomplish. One more thing to remember. Always watch your surroundings when you play in a map as you may get hit by a train, or lose a step and fall off the bridge. More game modes will be added in the future so please stay tuned.Capture the BaseWork as a team and defeat the opposing side by capturing the bases scattered around in the map. Protect your bases or teammates when they\u2019re capturing. Be on the lookout as you are capturing, there may be someone to interrupt you right at the end.Team Last Man StandingThe team with the most round wins will prevail. Be careful as there are no respawns during rounds. There\u2019s nothing like being the last survivor and deliver a win for your teammates at the end while they\u2019re all watching you.Free for AllNo more friendship, just killing. Are you the type that prefers being a lone wolf? This is just for you. The rule is simple. The one who gets the most kills wins the match. Careful though as there are wolves lurking in the shadow ready to steal your kill.Team DeathmatchA team with more kills wins the match. To get a kill is the biggest contribution you can make to your team here. Be a support or that guy who\u2019s always at the very front of battle. Whatever gets kills is good for the team.", + "short_description": "ArcheBlade is a free to play 3D multiplayer fighting game that captures the essence of combo-based fighting games combined with unique game modes. Play as one of many characters and master your skills to become the best fighter.", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "The Walking Dead", + "detailed_description": "The Walking Dead is a five-part game series set in the same universe as Robert Kirkman\u2019s award-winning comic book series. Play as Lee Everett, a convicted criminal, who has been given a second chance at life in a world devastated by the undead. With corpses returning to life and survivors stopping at nothing to maintain their own safety, protecting an orphaned girl named Clementine may offer him redemption in a world gone to hell. . Based on Robert Kirkman\u2019s Eisner-Award winning comic book series, The Walking Dead allows gamers to experience the true horror of the zombie apocalypse. . A tailored game experience: live with the profound and lasting consequences of the decisions that you make in each episode. Your actions and choices will affect how your story plays out across the entire series. . You\u2019ll be forced to make decisions that are not only difficult, but that will require you to make an almost immediate choice. There\u2019s no time to ponder when the undead are pounding the door down!.", + "about_the_game": "The Walking Dead is a five-part game series set in the same universe as Robert Kirkman\u2019s award-winning comic book series. Play as Lee Everett, a convicted criminal, who has been given a second chance at life in a world devastated by the undead. With corpses returning to life and survivors stopping at nothing to maintain their own safety, protecting an orphaned girl named Clementine may offer him redemption in a world gone to hell. Based on Robert Kirkman\u2019s Eisner-Award winning comic book series, The Walking Dead allows gamers to experience the true horror of the zombie apocalypse. A tailored game experience: live with the profound and lasting consequences of the decisions that you make in each episode. Your actions and choices will affect how your story plays out across the entire series. You\u2019ll be forced to make decisions that are not only difficult, but that will require you to make an almost immediate choice. There\u2019s no time to ponder when the undead are pounding the door down!", + "short_description": "A five-part adventure horror series set in the same universe as Robert Kirkman\u2019s award-winning comic book series.", + "genres": "Adventure", + "recommendations": 37971, + "score": 6.951316812631328 + }, + { + "type": "game", + "name": "Loadout", + "detailed_description": "Loadout is an outrageous new multi-player shooter that\u2019s all about the guns, baby! Build a massive variety of absolutely insane weaponry - billions of combinations - totally customized, totally unique, and totally deadly. . Our robust and modular Weaponcrafting system allows players to make their own weapons from a wide variety of weapon parts, and then modify their entire arsenal to suit their play style. There are no defined classes in Loadout. You define your own class through the weapons you create. . Loadout is also loaded with over-the-top comedic violence, stylish character models, and crazy player animations. We aim to add a fresh, new look to the shooter experience that gives players a full-adrenaline rush that is totally different from the vast array of modern combat titles. From our hilariously gory damage system, to our wacky character customizations, Loadout will appeal to the lunatic in us all. But don\u2019t let the demented humor fool you. At its core, Loadout is a fast-paced shooter that\u2019s easy to learn, but hard to master.", + "about_the_game": "Loadout is an outrageous new multi-player shooter that\u2019s all about the guns, baby! Build a massive variety of absolutely insane weaponry - billions of combinations - totally customized, totally unique, and totally deadly. \r\n\r\nOur robust and modular Weaponcrafting system allows players to make their own weapons from a wide variety of weapon parts, and then modify their entire arsenal to suit their play style. There are no defined classes in Loadout. You define your own class through the weapons you create.\r\n\r\nLoadout is also loaded with over-the-top comedic violence, stylish character models, and crazy player animations. We aim to add a fresh, new look to the shooter experience that gives players a full-adrenaline rush that is totally different from the vast array of modern combat titles. From our hilariously gory damage system, to our wacky character customizations, Loadout will appeal to the lunatic in us all. But don\u2019t let the demented humor fool you. At its core, Loadout is a fast-paced shooter that\u2019s easy to learn, but hard to master.", + "short_description": "Loadout is an outrageous new multi-player shooter that\u2019s all about the guns, baby! Build a massive variety of absolutely insane weaponry - billions of combinations - totally customized, totally unique, and totally deadly.", + "genres": "Action", + "recommendations": 1182, + "score": 4.66458366792543 + }, + { + "type": "game", + "name": "ENDLESS\u2122 Space - Definitive Edition", + "detailed_description": "ENDLESS\u2122 Space - Definitive Edition includes all the expansions and updates released for the game (including ENDLESS\u2122 Space Disharmony). . . This galaxy is ancient, and its first intelligent life was the civilization we call the Endless. Long before our eyes gazed upon the stars they flew between them, though all that remains of this people is what we call Dust. A substance found scattered or in forgotten temples, it once gave powers to admirals and galactic governors. The galaxy will belong to the faction that can take control of the Dust and uncover its secrets\u2026. A Born LeaderGuide one of twelve civilizations as you strive for galactic domination. Will you control the entire galaxy through subtle trade and diplomacy, explore every corner of the universe to find powerful artifacts and resources, overwhelm other civilizations with your advanced technologies, or destroy your enemies with massive armadas?. . Endless DiscoveriesWith hundreds of star systems to explore, different planet types, luxuries and strategic resources to exploit, the mysteries within the Dust to master and a host of strange scientific phenomena to deal with, the player will have no lack of challenges. Hire heroes to become fleet admirals or system governors and discover five hero classes and their unique ability trees and specializations. . Space OperaExperience ENDLESS\u2122 Space with state-of-the-art graphics and interface, switch between strategic battle decisions and long-term planning. Optimize each fleet for epic battles around contested stars. Create the perfect combinations from dozens of unique ships per civilization. Customize your ship with modules, armament, engines and special mods. The player has a plethora of choices of how to best destroy or dissuade his enemy. . Take on the UniversePlay against up to seven opponents and build up \u2013 or break \u2013 alliances at will. Expect to face a real challenge when playing against AI opponents thanks to the Adaptive Multi-Agent System (AMAS). Discover an innovative and dynamic simultaneous turn-based gameplay. Permit instant jump-in for your ongoing online games. Define your own custom civilizations and confront the ones created by your friends. . Endless ReplayabilityControl every new game\u2019s scope, from a quick match-up to an endless war. Generate an infinity of random galaxies where every start begins a new adventure. Modify the size, shape, density, age and a lot more to create your ideal galaxy. Choose from different victory conditions and adapt your strategy on the fly.", + "about_the_game": "ENDLESS\u2122 Space - Definitive Edition includes all the expansions and updates released for the game (including ENDLESS\u2122 Space Disharmony).This galaxy is ancient, and its first intelligent life was the civilization we call the Endless. Long before our eyes gazed upon the stars they flew between them, though all that remains of this people is what we call Dust. A substance found scattered or in forgotten temples, it once gave powers to admirals and galactic governors. The galaxy will belong to the faction that can take control of the Dust and uncover its secrets\u2026A Born LeaderGuide one of twelve civilizations as you strive for galactic domination. Will you control the entire galaxy through subtle trade and diplomacy, explore every corner of the universe to find powerful artifacts and resources, overwhelm other civilizations with your advanced technologies, or destroy your enemies with massive armadas?Endless DiscoveriesWith hundreds of star systems to explore, different planet types, luxuries and strategic resources to exploit, the mysteries within the Dust to master and a host of strange scientific phenomena to deal with, the player will have no lack of challenges. Hire heroes to become fleet admirals or system governors and discover five hero classes and their unique ability trees and specializations.Space OperaExperience ENDLESS\u2122 Space with state-of-the-art graphics and interface, switch between strategic battle decisions and long-term planning. Optimize each fleet for epic battles around contested stars. Create the perfect combinations from dozens of unique ships per civilization. Customize your ship with modules, armament, engines and special mods. The player has a plethora of choices of how to best destroy or dissuade his enemy.Take on the UniversePlay against up to seven opponents and build up \u2013 or break \u2013 alliances at will. Expect to face a real challenge when playing against AI opponents thanks to the Adaptive Multi-Agent System (AMAS). Discover an innovative and dynamic simultaneous turn-based gameplay. Permit instant jump-in for your ongoing online games. Define your own custom civilizations and confront the ones created by your friends.Endless ReplayabilityControl every new game\u2019s scope, from a quick match-up to an endless war. Generate an infinity of random galaxies where every start begins a new adventure. Modify the size, shape, density, age and a lot more to create your ideal galaxy. Choose from different victory conditions and adapt your strategy on the fly.", + "short_description": "ENDLESS\u2122 Space is a turn-based 4X strategy game, covering the space colonization age in the Endless universe, where you can control every aspect of your civilization as you strive for galactic domination.", + "genres": "Strategy", + "recommendations": 6424, + "score": 5.780094695271711 + }, + { + "type": "game", + "name": "STAR WARS\u2122 Knights of the Old Republic\u2122 II - The Sith Lords\u2122", + "detailed_description": "Five years after the events from the award winning Star Wars\u00ae Knights of the Old Republic\u2122, the Sith Lords have hunted the Jedi to the edge of extinction and are on the verge of crushing the Old Republic. With the Jedi Order in ruin, the Republic\u2019s only hope is a lone Jedi struggling to reconnect with the Force. As this Jedi, you will be faced with the galaxy\u2019s most dire decision: Follow the light side or succumb to the dark\u2026Key Features:Follow up to the acclaimed and original Star Wars\u00ae Knights of the Old Republic\u2122. . Choose from three different classes of Jedi, each with access to specific Jedi abilities. . Choose the light or the dark side of the Force as you progress through the story. . The choices you make will affect your character, those in your party and those who may join you in your quest.", + "about_the_game": "Five years after the events from the award winning Star Wars\u00ae Knights of the Old Republic\u2122, the Sith Lords have hunted the Jedi to the edge of extinction and are on the verge of crushing the Old Republic. With the Jedi Order in ruin, the Republic\u2019s only hope is a lone Jedi struggling to reconnect with the Force. As this Jedi, you will be faced with the galaxy\u2019s most dire decision: Follow the light side or succumb to the dark\u2026Key Features:Follow up to the acclaimed and original Star Wars\u00ae Knights of the Old Republic\u2122. Choose from three different classes of Jedi, each with access to specific Jedi abilities.Choose the light or the dark side of the Force as you progress through the story. The choices you make will affect your character, those in your party and those who may join you in your quest.", + "short_description": "5 years after the events of the award winning original, the Sith are on the verge of crushing the Old Republic. As a lone Jedi, will you follow the light side or succumb to the dark?", + "genres": "RPG", + "recommendations": 18855, + "score": 6.4898442043580875 + }, + { + "type": "game", + "name": "Batman\u2122: Arkham Knight", + "detailed_description": "Batman\u2122: Arkham Knight brings the award-winning Arkham trilogy from Rocksteady Studios to its epic conclusion. Developed exclusively for New-Gen platforms, Batman: Arkham Knight introduces Rocksteady's uniquely designed version of the Batmobile. The highly anticipated addition of this legendary vehicle, combined with the acclaimed gameplay of the Arkham series, offers gamers the ultimate and complete Batman experience as they tear through the streets and soar across the skyline of the entirety of Gotham City. In this explosive finale, Batman faces the ultimate threat against the city that he is sworn to protect, as Scarecrow returns to unite the super criminals of Gotham and destroy the Batman forever.Product Features:\u201cBe The Batman\u201d \u2013 Live the complete Batman experience as the Dark Knight enters the concluding chapter of Rocksteady\u2019s Arkham trilogy. Players will become The World\u2019s Greatest Detective like never before with the introduction of the Batmobile and enhancements to signature features such as FreeFlow Combat, stealth, forensics and navigation. . Introducing the Batmobile \u2013 The Batmobile is brought to life with a completely new and original design featuring a distinct visual appearance and a full range of on-board high-tech gadgetry. Designed to be fully drivable throughout the game world and capable of transformation from high speed pursuit mode to military grade battle mode, this legendary vehicle sits at the heart of the game\u2019s design and allows players to tear through the streets at incredible speeds in pursuit of Gotham City\u2019s most dangerous villains. This iconic vehicle also augments Batman\u2019s abilities in every respect, from navigation and forensics to combat and puzzle solving creating a genuine and seamless sense of the union of man and machine. . The Epic Conclusion to Rocksteady\u2019s Arkham Trilogy \u2013 Batman: Arkham Knight brings all-out war to Gotham City. The hit-and-run skirmishes of Batman: Arkham Asylum, which escalated into the devastating conspiracy against the inmates in Batman: Arkham City, culminates in the ultimate showdown for the future of Gotham. At the mercy of Scarecrow, the fate of the city hangs in the balance as he is joined by the Arkham Knight, a completely new and original character in the Batman universe, as well as a huge roster of other infamous villains including Harley Quinn, The Penguin, Two-Face and the Riddler. . Explore the entirety of Gotham City \u2013 For the first time, players have the opportunity to explore all of Gotham City in a completely open and free-roaming game world. More than five times that of Batman: Arkham City, Gotham City has been brought to life with the same level of intimate, hand-crafted attention to detail for which the Arkham games are known. . Most Wanted Side Missions \u2013 Players can fully immerse themselves in the chaos that is erupting in the streets of Gotham. Encounters with high-profile criminal masterminds are guaranteed while also offering gamers the opportunity to focus on and takedown individual villains or pursue the core narrative path. . New Combat and Gadget Features \u2013 Gamers have at their disposal more combat moves and high-tech gadgetry than ever before. The new \u2018gadgets while gliding\u2019 ability allows Batman to deploy gadgets such as batarangs, the grapnel gun or the line launcher mid-glide while Batman\u2019s utility belt is once again upgraded to include all new gadgets that expand his range of forensic investigation, stealth incursion and combat skills.", + "about_the_game": "Batman\u2122: Arkham Knight brings the award-winning Arkham trilogy from Rocksteady Studios to its epic conclusion. Developed exclusively for New-Gen platforms, Batman: Arkham Knight introduces Rocksteady's uniquely designed version of the Batmobile. The highly anticipated addition of this legendary vehicle, combined with the acclaimed gameplay of the Arkham series, offers gamers the ultimate and complete Batman experience as they tear through the streets and soar across the skyline of the entirety of Gotham City. In this explosive finale, Batman faces the ultimate threat against the city that he is sworn to protect, as Scarecrow returns to unite the super criminals of Gotham and destroy the Batman forever.Product Features:\u201cBe The Batman\u201d \u2013 Live the complete Batman experience as the Dark Knight enters the concluding chapter of Rocksteady\u2019s Arkham trilogy. Players will become The World\u2019s Greatest Detective like never before with the introduction of the Batmobile and enhancements to signature features such as FreeFlow Combat, stealth, forensics and navigation. Introducing the Batmobile \u2013 The Batmobile is brought to life with a completely new and original design featuring a distinct visual appearance and a full range of on-board high-tech gadgetry. Designed to be fully drivable throughout the game world and capable of transformation from high speed pursuit mode to military grade battle mode, this legendary vehicle sits at the heart of the game\u2019s design and allows players to tear through the streets at incredible speeds in pursuit of Gotham City\u2019s most dangerous villains. This iconic vehicle also augments Batman\u2019s abilities in every respect, from navigation and forensics to combat and puzzle solving creating a genuine and seamless sense of the union of man and machine.The Epic Conclusion to Rocksteady\u2019s Arkham Trilogy \u2013 Batman: Arkham Knight brings all-out war to Gotham City. The hit-and-run skirmishes of Batman: Arkham Asylum, which escalated into the devastating conspiracy against the inmates in Batman: Arkham City, culminates in the ultimate showdown for the future of Gotham. At the mercy of Scarecrow, the fate of the city hangs in the balance as he is joined by the Arkham Knight, a completely new and original character in the Batman universe, as well as a huge roster of other infamous villains including Harley Quinn, The Penguin, Two-Face and the Riddler. Explore the entirety of Gotham City \u2013 For the first time, players have the opportunity to explore all of Gotham City in a completely open and free-roaming game world. More than five times that of Batman: Arkham City, Gotham City has been brought to life with the same level of intimate, hand-crafted attention to detail for which the Arkham games are known. Most Wanted Side Missions \u2013 Players can fully immerse themselves in the chaos that is erupting in the streets of Gotham. Encounters with high-profile criminal masterminds are guaranteed while also offering gamers the opportunity to focus on and takedown individual villains or pursue the core narrative path. New Combat and Gadget Features \u2013 Gamers have at their disposal more combat moves and high-tech gadgetry than ever before. The new \u2018gadgets while gliding\u2019 ability allows Batman to deploy gadgets such as batarangs, the grapnel gun or the line launcher mid-glide while Batman\u2019s utility belt is once again upgraded to include all new gadgets that expand his range of forensic investigation, stealth incursion and combat skills.", + "short_description": "Batman\u2122: Arkham Knight brings the award-winning Arkham trilogy from Rocksteady Studios to its epic conclusion. Developed exclusively for New-Gen platforms, Batman: Arkham Knight introduces Rocksteady's uniquely designed version of the Batmobile.", + "genres": "Action", + "recommendations": 66690, + "score": 7.322608825531585 + }, + { + "type": "game", + "name": "Batman\u2122: Arkham Origins", + "detailed_description": "As of December 4, 2016, the online services portion of Batman: Arkham Origins will be retired. We thank those that have joined us to battle over the last 3 years. The Single player campaign may still be played and enjoyed offline. For any questions relating to Batman: Arkham Origins, please contact WB Games customer service . Batman\u2122: Arkham Origins is the next installment in the blockbuster Batman: Arkham videogame franchise. Developed by WB Games Montr\u00e9al, the game features an expanded Gotham City and introduces an original prequel storyline set several years before the events of Batman: Arkham Asylum and Batman: Arkham City, the first two critically acclaimed games of the franchise. Taking place before the rise of Gotham City\u2019s most dangerous criminals, the game showcases a young and unrefined Batman as he faces a defining moment in his early career as a crime fighter that sets his path to becoming the Dark Knight.Key Features:The Arkham Story Begins: Batman: Arkham Origins features a pivotal tale set on Christmas Eve where Batman is hunted by eight of the deadliest assassins from the DC Comics Universe. Players become an early-career Batman as he encounters for the first time many of the characters that shape his future. . Enhanced Detective Mode: Think like Batman with an all-new Case File system that allows players to analyze seemingly impossible-to-solve crime reconstructions in real time. Combining Batman\u2019s cowl sensors with the Batcomputer, players can digitally recreate crimes and study detailed simulation of the act as it happened. . Gotham City will learn to fear Batman: Take back the sprawling streets of Gotham years before its transformation into Arkham City. Glide above or battle your way through new and ever more dangerous districts in the quest for justice. Prevent crimes in progress, take down gangs of violent new criminals and explore deadly new locations, from the impoverished streets to the penthouses of Gotham\u2019s wealthy. . Gotham\u2019s Most Wanted: The city streets are filled with more than just Black Mask\u2019s assassins. Locate and take down Gotham\u2019s most violent and dangerous criminals to earn unique upgrades. . Lethal New Enemies: Fight new foes such as the Armored Enforcer, the Martial Artist and more \u2013 each of which challenge players to approach Batman\u2019s FreeFlow Combat scenarios in different ways. Classic FreeFlow combat is expanded with every new opponent \u2013 and with Batman\u2019s abilities to engage them. . New Gadgets: Utilize Batman\u2019s signature gadgets or take advantage of powerful new additions such as the Remote Claw, the Concussion Detonator and more. Use the Remote Claw to create new routes by deploying strategic tightropes or directly attack enemies by stringing them up from vantage points. Ready the Concussion Detonator to stun and disorient groups of opponents in close combat. . New and Familiar Characters: Experience a fresh take on iconic Batman characters including Black Mask, Penguin, Deathstroke, Bane, Deadshot, Anarky, Captain Gordon, The Joker, Copperhead, Firefly and others yet to be revealed.", + "about_the_game": "As of December 4, 2016, the online services portion of Batman: Arkham Origins will be retired. We thank those that have joined us to battle over the last 3 years. The Single player campaign may still be played and enjoyed offline. For any questions relating to Batman: Arkham Origins, please contact WB Games customer service Arkham Origins is the next installment in the blockbuster Batman: Arkham videogame franchise. Developed by WB Games Montr\u00e9al, the game features an expanded Gotham City and introduces an original prequel storyline set several years before the events of Batman: Arkham Asylum and Batman: Arkham City, the first two critically acclaimed games of the franchise. Taking place before the rise of Gotham City\u2019s most dangerous criminals, the game showcases a young and unrefined Batman as he faces a defining moment in his early career as a crime fighter that sets his path to becoming the Dark Knight.Key Features:The Arkham Story Begins: Batman: Arkham Origins features a pivotal tale set on Christmas Eve where Batman is hunted by eight of the deadliest assassins from the DC Comics Universe. Players become an early-career Batman as he encounters for the first time many of the characters that shape his future. Enhanced Detective Mode: Think like Batman with an all-new Case File system that allows players to analyze seemingly impossible-to-solve crime reconstructions in real time. Combining Batman\u2019s cowl sensors with the Batcomputer, players can digitally recreate crimes and study detailed simulation of the act as it happened. Gotham City will learn to fear Batman: Take back the sprawling streets of Gotham years before its transformation into Arkham City. Glide above or battle your way through new and ever more dangerous districts in the quest for justice. Prevent crimes in progress, take down gangs of violent new criminals and explore deadly new locations, from the impoverished streets to the penthouses of Gotham\u2019s wealthy.Gotham\u2019s Most Wanted: The city streets are filled with more than just Black Mask\u2019s assassins. Locate and take down Gotham\u2019s most violent and dangerous criminals to earn unique upgrades.Lethal New Enemies: Fight new foes such as the Armored Enforcer, the Martial Artist and more \u2013 each of which challenge players to approach Batman\u2019s FreeFlow Combat scenarios in different ways. Classic FreeFlow combat is expanded with every new opponent \u2013 and with Batman\u2019s abilities to engage them.New Gadgets: Utilize Batman\u2019s signature gadgets or take advantage of powerful new additions such as the Remote Claw, the Concussion Detonator and more. Use the Remote Claw to create new routes by deploying strategic tightropes or directly attack enemies by stringing them up from vantage points. Ready the Concussion Detonator to stun and disorient groups of opponents in close combat.New and Familiar Characters: Experience a fresh take on iconic Batman characters including Black Mask, Penguin, Deathstroke, Bane, Deadshot, Anarky, Captain Gordon, The Joker, Copperhead, Firefly and others yet to be revealed.", + "short_description": "As of December 4, 2016, the online services portion of Batman: Arkham Origins will be retired. We thank those that have joined us to battle over the last 3 years. The Single player campaign may still be played and enjoyed offline.", + "genres": "Action", + "recommendations": 29203, + "score": 6.7782404206728355 + }, + { + "type": "game", + "name": "Guns of Icarus Online", + "detailed_description": "Guns of Icarus Online is the original PvP steampunk airship combat game that laid the groundwork for the expanded Guns of Icarus experience, Guns of Icarus Alliance. Slip the surly bonds of earth and take to the skies as a bold Captain, fearless Gunner, or cunning Engineer. Raising the stakes on team-based PvP combat with an emphasis on strategic competition and team play, Guns of Icarus Online is all about teamwork, tactics, and fast-paced action. With a good ship and the right crew, you can conquer the skies!. A vivid steampunk world Lumbering, heavily-armored airships bristling with guns patrol the skies above a land ravaged beyond repair by an out-of-control industrial revolution. . Build your own airship Starting from a selection of basic hulls, players can mix and match hundreds of custom parts to create their own unique airship, then assemble a crew to fly it. . Your ship is your life Your ship is your collective life bar - when the ship goes down, the crew goes down with it. Every member of the crew plays an integral role in not only maintaining the integrity - \u201clife\u201d - of the ship, but also weakening the integrity of enemy ships as they work cooperatively towards a shared victory. . The ultimate multiplayer team experience You won\u2019t be told to stay still and not die while a veteran preserves their Kill/Death ratio. In Guns of Icarus Online, you have to work together. It\u2019s an entirely interdependent gameplay experience that cannot be won by a single crew member. . Goggles, gears, and glory A wide range of costumes and cosmetic options to show off your style are available in the in-game store. These items are cosmetic only - there is no pay-to-win in Guns of Icarus Online. . Pit crew against crew Form a party with up to 4 friends and crew a ship together to battle against other teams in massive airship battles with up to 32 players in a match with multiple game modes including Deathmatch, King of the Hill, Crazy King, Skyball, and VIP. . Rise in the ranks Earn titles and cosmetic upgrades through your achievements. Balanced, competitive matches reward strategic, skillful play, not level grinding. . . . The Industrial Revolution never ended. Raging out of control, the new machines consumed the world, staining the sky, scouring the land and poisoning the water. Humanity came the brink of extinction, all but destroyed by their own unrestrained ingenuity. A few pockets of civilization survived, sheltering in the crevices of the world, and it is time for a comeback. Divided by wide expanses of toxic wasteland, a handful of these remnants have developed airship technology. Cruising through the sky, safely away from the poisoned earth, trade and industry could finally begin anew. However, with resources so desperately limited, war was inevitable. . . We are Muse Games, an independent studio based out of New York City. Our debut game, Flight of the Icarus, was the seed that would later grow into our flagship title. After releasing the unique and eye-catching platform game CreaVures in 2011, we dedicated ourselves to re-engineering our debut title into a fully-featured cooperative online airship combat game. . We released Guns of Icarus Online in October 2012, right in the midst of Hurricane Sandy. Despite that challenging start, the game earned a loyal audience and built up a healthy community, passing the million player mark in January 2016. Since then, we have remained committed to supporting and expanding the Guns of Icarus experience. What was originally intended to be an expansion that would introduce AI opponents and player-vs-environment gameplay grew into a new standalone game - Guns of Icarus Alliance, the ultimate and definitive Guns of Icarus experience - which released in March 2017.", + "about_the_game": "Guns of Icarus Online is the original PvP steampunk airship combat game that laid the groundwork for the expanded Guns of Icarus experience, Guns of Icarus Alliance. Slip the surly bonds of earth and take to the skies as a bold Captain, fearless Gunner, or cunning Engineer. Raising the stakes on team-based PvP combat with an emphasis on strategic competition and team play, Guns of Icarus Online is all about teamwork, tactics, and fast-paced action. With a good ship and the right crew, you can conquer the skies!A vivid steampunk world Lumbering, heavily-armored airships bristling with guns patrol the skies above a land ravaged beyond repair by an out-of-control industrial revolution.Build your own airship Starting from a selection of basic hulls, players can mix and match hundreds of custom parts to create their own unique airship, then assemble a crew to fly it.Your ship is your life Your ship is your collective life bar - when the ship goes down, the crew goes down with it. Every member of the crew plays an integral role in not only maintaining the integrity - \u201clife\u201d - of the ship, but also weakening the integrity of enemy ships as they work cooperatively towards a shared victory.The ultimate multiplayer team experience You won\u2019t be told to stay still and not die while a veteran preserves their Kill/Death ratio. In Guns of Icarus Online, you have to work together. It\u2019s an entirely interdependent gameplay experience that cannot be won by a single crew member.Goggles, gears, and glory A wide range of costumes and cosmetic options to show off your style are available in the in-game store. These items are cosmetic only - there is no pay-to-win in Guns of Icarus Online.Pit crew against crew Form a party with up to 4 friends and crew a ship together to battle against other teams in massive airship battles with up to 32 players in a match with multiple game modes including Deathmatch, King of the Hill, Crazy King, Skyball, and VIP.Rise in the ranks Earn titles and cosmetic upgrades through your achievements. Balanced, competitive matches reward strategic, skillful play, not level grinding.The Industrial Revolution never ended. Raging out of control, the new machines consumed the world, staining the sky, scouring the land and poisoning the water. Humanity came the brink of extinction, all but destroyed by their own unrestrained ingenuity. A few pockets of civilization survived, sheltering in the crevices of the world, and it is time for a comeback.Divided by wide expanses of toxic wasteland, a handful of these remnants have developed airship technology. Cruising through the sky, safely away from the poisoned earth, trade and industry could finally begin anew. However, with resources so desperately limited, war was inevitable.We are Muse Games, an independent studio based out of New York City. Our debut game, Flight of the Icarus, was the seed that would later grow into our flagship title. After releasing the unique and eye-catching platform game CreaVures in 2011, we dedicated ourselves to re-engineering our debut title into a fully-featured cooperative online airship combat game.We released Guns of Icarus Online in October 2012, right in the midst of Hurricane Sandy. Despite that challenging start, the game earned a loyal audience and built up a healthy community, passing the million player mark in January 2016. Since then, we have remained committed to supporting and expanding the Guns of Icarus experience. What was originally intended to be an expansion that would introduce AI opponents and player-vs-environment gameplay grew into a new standalone game - Guns of Icarus Alliance, the ultimate and definitive Guns of Icarus experience - which released in March 2017.", + "short_description": "Assemble your crew, take to the skies in the premier PvP airship combat game. Guns of Icarus Online is all about flying massive airships, shooting big turret weapons, and working as a team for supremacy of the skies. Everyone as one, victory or death, together.", + "genres": "Action", + "recommendations": 8258, + "score": 5.945631822227413 + }, + { + "type": "game", + "name": "Call of Duty\u00ae: Ghosts", + "detailed_description": "Outnumbered and outgunned, but not outmatched. . Call of Duty\u00ae: Ghosts is an extraordinary step forward for one of the largest entertainment franchises of all-time. This new chapter in the Call of Duty\u00ae franchise features a new dynamic where players are on the side of a crippled nation fighting not for freedom, or liberty, but simply to survive. . Fueling this all new Call of Duty experience, the franchise's new next-gen engine delivers stunning levels of immersion and performance, all while maintaining the speed and fluidity of 60 frames-per-second across all platforms. . Single Player Campaign. Ten years after a devastating mass event, America\u2019s borders and the balance of global power have changed forever. As what's left of the nation's Special Operations forces, a mysterious group known only as \"Ghosts\" leads the fight back against a newly emerged, technologically-superior global power. . A New Call of Duty Universe: For the first time in franchise history, players will take on the underdog role with Call of Duty: Ghosts; outnumbered and outgunned, players must fight to reclaim a fallen nation in an intensely personal narrative. Gamers will get to know an entirely new cast of characters and visit locales in a changed world unlike anything seen in Call of Duty\u00ae before. . Multiplayer. In Call of Duty: Ghosts you don't just create a class, you create a soldier, a first for the franchise. In the new Create-A-Soldier system, players can change the physical appearance of their soldier by choosing the head, body type, head-gear and equipment, and for the first time in a Call of Duty\u00ae game, the player can also choose their gender. With 20,000 possible combinations, this is the most flexible and comprehensive character customization in Call of Duty history. . New dynamic maps are the evolution of multiplayer. They include interactive elements and player triggered events that make the environment evolve as each match goes on. The entire landscape can shift and force players to change tactics and strategies. . Call of Duty: Ghosts introduces new tactical player movements. The new contextual lean system now allows players to lean around obstacles without adding button combinations or fully leaving cover. The new mantling system allows fluid movement over objects, while maintaining momentum. The knee slide allows for a natural transition from sprinting crouching to prone. . Call of Duty: Ghosts delivers over 20 NEW Kill Streaks such as Juggernaut Maniac, the Helo Scout, the Vulture and the ODIN Strike. Players can even bring in guard dog Riley, from the single-player campaign, to protect and also to attack enemies. There are also over 30 NEW weapons, including an entirely new weapon class: Marksman Rifles. . Squads. Build your team and take up to 6 of them into battle in the all new Squads mode. This mode takes the best parts of the multiplayer experience and allows you to play either solo or cooperatively with the custom soldiers created and leveled up in multiplayer. . The load-out choices you make for your Squad members will directly change the AI behavior of your squad-mates. Give your soldier a sniper rifle and he'll behave like a sniper, and an SMG guy will be more run and gun.", + "about_the_game": "Outnumbered and outgunned, but not outmatched.Call of Duty\u00ae: Ghosts is an extraordinary step forward for one of the largest entertainment franchises of all-time. This new chapter in the Call of Duty\u00ae franchise features a new dynamic where players are on the side of a crippled nation fighting not for freedom, or liberty, but simply to survive.Fueling this all new Call of Duty experience, the franchise's new next-gen engine delivers stunning levels of immersion and performance, all while maintaining the speed and fluidity of 60 frames-per-second across all platforms.Single Player CampaignTen years after a devastating mass event, America\u2019s borders and the balance of global power have changed forever. As what's left of the nation's Special Operations forces, a mysterious group known only as \"Ghosts\" leads the fight back against a newly emerged, technologically-superior global power.A New Call of Duty Universe: For the first time in franchise history, players will take on the underdog role with Call of Duty: Ghosts; outnumbered and outgunned, players must fight to reclaim a fallen nation in an intensely personal narrative. Gamers will get to know an entirely new cast of characters and visit locales in a changed world unlike anything seen in Call of Duty\u00ae before.MultiplayerIn Call of Duty: Ghosts you don't just create a class, you create a soldier, a first for the franchise. In the new Create-A-Soldier system, players can change the physical appearance of their soldier by choosing the head, body type, head-gear and equipment, and for the first time in a Call of Duty\u00ae game, the player can also choose their gender. With 20,000 possible combinations, this is the most flexible and comprehensive character customization in Call of Duty history.New dynamic maps are the evolution of multiplayer. They include interactive elements and player triggered events that make the environment evolve as each match goes on. The entire landscape can shift and force players to change tactics and strategies.Call of Duty: Ghosts introduces new tactical player movements. The new contextual lean system now allows players to lean around obstacles without adding button combinations or fully leaving cover. The new mantling system allows fluid movement over objects, while maintaining momentum. The knee slide allows for a natural transition from sprinting crouching to prone.Call of Duty: Ghosts delivers over 20 NEW Kill Streaks such as Juggernaut Maniac, the Helo Scout, the Vulture and the ODIN Strike. Players can even bring in guard dog Riley, from the single-player campaign, to protect and also to attack enemies. There are also over 30 NEW weapons, including an entirely new weapon class: Marksman Rifles. SquadsBuild your team and take up to 6 of them into battle in the all new Squads mode. This mode takes the best parts of the multiplayer experience and allows you to play either solo or cooperatively with the custom soldiers created and leveled up in multiplayer.The load-out choices you make for your Squad members will directly change the AI behavior of your squad-mates. Give your soldier a sniper rifle and he'll behave like a sniper, and an SMG guy will be more run and gun.", + "short_description": "Outnumbered and outgunned, but not outmatched.Call of Duty\u00ae: Ghosts is an extraordinary step forward for one of the largest entertainment franchises of all-time. This new chapter in the Call of Duty\u00ae franchise features a new dynamic where players are on the side of a crippled nation fighting not for freedom, or liberty, but simply to...", + "genres": "Action", + "recommendations": 10236, + "score": 6.087171805851815 + }, + { + "type": "game", + "name": "Cortex Command", + "detailed_description": "A project over eleven years in the making, Cortex Command has rich 2D pixel graphics coupled with an extremely detailed physics engine, which allows for highly replayable and emergent real-time action. There is also a turn-based strategic campaign mode which ties the tactical fights together, featuring persistent terrains that will accumulate the battle scars, debris, and bunker ruins through your entire campaign. . Choose from several unique technology factions, each featuring their own sets of expendable soldier bodies, mechas, weapons, tools, and landing craft. Protect your brain, mine the gold, and destroy the enemy cortex in his bunker complex!Key Features:Fully destructible environments - The gold you need to excavate is sprinkled throughout the terrain of each scene. Use special digging tools to blast your way into the dirt and debris. All the pieces of bodies and ships from your struggles will fall to the ground and permanently add to the battlefield. Get more powerful (and expensive) diggers and you can even tunnel into your enemies' bunkers from below!. . Strategic metagame campaign \u2013 The intense, real-time tactical battles are put in a greater strategic context in the Campaign mode, thus giving each battle meaning and consequence. The gold-rich terrains on the planet and the defensive bunkers you build to defend them are persistent from fight to fight. This means there will be layers of debris, bunker ruins, tunnels, and corpses piled up in layers, telling the history of each place throughout each campaign played. . In-game buying menu - At any time and place during the game, bring up a powerful menu to order new bodies and equipment, all delivered at the location and by the transport ship of your choosing. Rockets are cheaper but unreliable and harder to land. Drop ships are far more expensive but can quickly deploy entire groups of puppets onto difficult terrain. Ships and equipment returned to the TradeStar are refunded to your account. . Build your own bunker - At the start of most missions, you are able to take your time and build your own command bunker from scratch. Easily design twisting tunnels and place doors, traps, and turrets to thwart your enemies' intrusions! Pre-deploy and equip bodies in and around your installation to prepare yourself for your objectives. Don't spend too much though, or you won't have enough funds left when the mission starts!. . Four-player cooperative and/or versus multiplayer - Gather your friends and plug in those game controllers! Play skirmish or campaign missions with or against up to three of your buddies. 2 vs 2, 1 vs. 3, 4 vs. the CPU - it's up to you! (rhyme intended). Flexible control settings allow you to use the keyboard, keyboard + mouse, or any generic game controller you can find and plug in. . Built-in editors and modding - Several in-game editors allow you to easily create your own stuff. The game's engine is built to make it very simple to modify and add your own content. Design your own missions, guys, ships, weapons, tools, bombs, and shields - and easily share them with your friends. Join and download some fantastic mods from the community at the Data Realms Fan Forums.", + "about_the_game": "A project over eleven years in the making, Cortex Command has rich 2D pixel graphics coupled with an extremely detailed physics engine, which allows for highly replayable and emergent real-time action. There is also a turn-based strategic campaign mode which ties the tactical fights together, featuring persistent terrains that will accumulate the battle scars, debris, and bunker ruins through your entire campaign. Choose from several unique technology factions, each featuring their own sets of expendable soldier bodies, mechas, weapons, tools, and landing craft. Protect your brain, mine the gold, and destroy the enemy cortex in his bunker complex!Key Features:Fully destructible environments - The gold you need to excavate is sprinkled throughout the terrain of each scene. Use special digging tools to blast your way into the dirt and debris. All the pieces of bodies and ships from your struggles will fall to the ground and permanently add to the battlefield. Get more powerful (and expensive) diggers and you can even tunnel into your enemies' bunkers from below!Strategic metagame campaign \u2013 The intense, real-time tactical battles are put in a greater strategic context in the Campaign mode, thus giving each battle meaning and consequence. The gold-rich terrains on the planet and the defensive bunkers you build to defend them are persistent from fight to fight. This means there will be layers of debris, bunker ruins, tunnels, and corpses piled up in layers, telling the history of each place throughout each campaign played.In-game buying menu - At any time and place during the game, bring up a powerful menu to order new bodies and equipment, all delivered at the location and by the transport ship of your choosing. Rockets are cheaper but unreliable and harder to land. Drop ships are far more expensive but can quickly deploy entire groups of puppets onto difficult terrain. Ships and equipment returned to the TradeStar are refunded to your account.Build your own bunker - At the start of most missions, you are able to take your time and build your own command bunker from scratch. Easily design twisting tunnels and place doors, traps, and turrets to thwart your enemies' intrusions! Pre-deploy and equip bodies in and around your installation to prepare yourself for your objectives. Don't spend too much though, or you won't have enough funds left when the mission starts!Four-player cooperative and/or versus multiplayer - Gather your friends and plug in those game controllers! Play skirmish or campaign missions with or against up to three of your buddies. 2 vs 2, 1 vs. 3, 4 vs. the CPU - it's up to you! (rhyme intended). Flexible control settings allow you to use the keyboard, keyboard + mouse, or any generic game controller you can find and plug in.Built-in editors and modding - Several in-game editors allow you to easily create your own stuff. The game's engine is built to make it very simple to modify and add your own content. Design your own missions, guys, ships, weapons, tools, bombs, and shields - and easily share them with your friends. Join and download some fantastic mods from the community at the Data Realms Fan Forums.", + "short_description": "Choose between different factions, with their own set of expendable soldiers, mechas, and weapons. Protect your brain, mine gold, and destroy the enemy cortex in his bunker complex!", + "genres": "Action", + "recommendations": 1883, + "score": 4.971352004523568 + }, + { + "type": "game", + "name": "Blacklight: Retribution", + "detailed_description": "Take firefights to a futuristic new level in Blacklight: Retribution, a free-to-play FPS. See through walls with the HRV, deploy mechanized Hardsuits, and customize your weapons to dominate the opposition. . In Blacklight, mastering the futuristic tech is half of victory. You'll need to carefully balance your loadout, from the extreme customization possible in designing your firearms, to the equipment you carry and the in-match bonuses you can unlock. The Hyper Reality Visor (HRV) allows you to look through walls and spot enemies, and attack from where they aren't expecting - but be careful, because you're vulnerable while using it. . The other half of victory? Raw skill, same as it's always been. Good hunting, Agent. Key FeaturesHardsuits - Use a variety of upgrades in each match, including calling in the hulking Hardsuit mech. Powerful but slow, this armored suit packs a one-shot, one-kill railgun and a high velocity minigun to clear rooms. fast. . Hyper Reality Vision - HRV Technology allows Agents to scout their enemies through the walls, pinpoint vital mission objectives, or locate weak points in an enemy Hardsuit. . Weapon Depots - Scattered across the battlefield are Weapon Depots that supply your team with additional ammo, heavier weapons such as a Rocket Launcher, or provide the ability to call down airstrikes and Hardsuits. . Free to Play! - Blacklight: Retribution is a fully Free-to-Play shooter. Earn Game Points (GP) after every match and use them to unlock various armor and weaponry for your Agent in game. . Customize Your Loadout - An Agent\u2019s gun is their livelihood. Choose from 1000 different gun combinations by modifying your receivers with customizable Stock, Muzzle, Barrel, Magazine, and Scope, Camo, and Weapon Tags. . Protect Yourself - Whether your play style is run and gun, or survivability, or long range sniping the choice is yours to make in fully customizing your armor loadout. . Level Progression - Gain experience and levels through combat to unlock access to additional weapons, armor, and equipment. . Tons of Game Modes and Maps - Combat is engaged on a number of different 7 different game modes across 9 beautifully detailed maps. Game modes includes classics such Team Death Match, Domination, Capture the Flag, and Kill Confirmed while introducing new favorites likes Netwar. . Private Servers - Want to scrim with your clan mates? Challenge someone 1vs1? The private server option allows Agents to set up their own password protected server away from the pesky trolls. . Spectator Mode - Learn tips and tricks from the top players in Spectator mode, or simply enjoy the chaos from the best seat in the house.", + "about_the_game": "Take firefights to a futuristic new level in Blacklight: Retribution, a free-to-play FPS. See through walls with the HRV, deploy mechanized Hardsuits, and customize your weapons to dominate the opposition.In Blacklight, mastering the futuristic tech is half of victory. You'll need to carefully balance your loadout, from the extreme customization possible in designing your firearms, to the equipment you carry and the in-match bonuses you can unlock. The Hyper Reality Visor (HRV) allows you to look through walls and spot enemies, and attack from where they aren't expecting - but be careful, because you're vulnerable while using it.The other half of victory? Raw skill, same as it's always been. Good hunting, Agent...Key FeaturesHardsuits - Use a variety of upgrades in each match, including calling in the hulking Hardsuit mech. Powerful but slow, this armored suit packs a one-shot, one-kill railgun and a high velocity minigun to clear rooms... fast.Hyper Reality Vision - HRV Technology allows Agents to scout their enemies through the walls, pinpoint vital mission objectives, or locate weak points in an enemy Hardsuit.Weapon Depots - Scattered across the battlefield are Weapon Depots that supply your team with additional ammo, heavier weapons such as a Rocket Launcher, or provide the ability to call down airstrikes and Hardsuits.Free to Play! - Blacklight: Retribution is a fully Free-to-Play shooter. Earn Game Points (GP) after every match and use them to unlock various armor and weaponry for your Agent in game. Customize Your Loadout - An Agent\u2019s gun is their livelihood. Choose from 1000 different gun combinations by modifying your receivers with customizable Stock, Muzzle, Barrel, Magazine, and Scope, Camo, and Weapon Tags.Protect Yourself - Whether your play style is run and gun, or survivability, or long range sniping the choice is yours to make in fully customizing your armor loadout.Level Progression - Gain experience and levels through combat to unlock access to additional weapons, armor, and equipment.Tons of Game Modes and Maps - Combat is engaged on a number of different 7 different game modes across 9 beautifully detailed maps. Game modes includes classics such Team Death Match, Domination, Capture the Flag, and Kill Confirmed while introducing new favorites likes Netwar.Private Servers - Want to scrim with your clan mates? Challenge someone 1vs1? The private server option allows Agents to set up their own password protected server away from the pesky trolls.Spectator Mode - Learn tips and tricks from the top players in Spectator mode, or simply enjoy the chaos from the best seat in the house.", + "short_description": "Take firefights to a futuristic new level in Blacklight: Retribution, a free-to-play FPS. See through walls with the HRV, deploy mechanized Hardsuits, and customize your weapons to dominate the opposition.", + "genres": "Action", + "recommendations": 154, + "score": 3.324775850086936 + }, + { + "type": "game", + "name": "Sanctum 2", + "detailed_description": "Sanctum 2 is the sequel to the world\u2019s first Tower Defense/FPS hybrid game. Pick from four unique character classes and embark on a mission to protect the oxygen-producing Cores from hordes of deadly aliens who are threatened by their existence. Outfit your character exactly the way you want through the new and extensive customization system. Choose your own loadout of towers, weapons and perks, but choose wisely because you are humanity\u2019s last defense against the unrelenting hordes set out to destroy it. . Sanctum 2 is a new game completely rebuilt from the ground up using community feedback and innovative design to really push the bar of what an independent studio can do.Intense Action \u2013 Deep Strategy. In Sanctum 2, you will utilize elements from multiple gameplay genres to succeed. Construct towers and walls during the building phase before the enemies attack, then jump into the fray and blast everything to pieces in FPS mode. You can progress through the single-player campaign yourself, or play with up to four friends in co-op to discover the secrets of the planet LOEK III and learn the backstory on why the aliens are so intent on destroying the Cores you are sworn to protect.Key Features. Building on the success of the original game, Sanctum 2 stands alone as the only true FPS/Tower Defense hybrid. No other title delivers gameplay that seamlessly combines both genres. . Tower Defense \u2013 Design complex mazes and build powerful towers to stop the enemies from destroying the Cores. . First-Person Shooter \u2013 Don\u2019t just sit back and watch, jump into the action yourself!. Four playable character classes \u2013 Each with their own unique strengths, weaknesses and weapons. . Vast Customization System \u2013 Pick perks or make the game crazy hard by adding Feats of Strength. . In-game Visual Novel \u2013 Unlock a comic-book page for every map you beat to discover the secrets of LOEK III. . Progression System \u2013 Increase your rank and unlock new weapons, towers and perks. . 4-Player Co-op \u2013 Progress through the storyline yourself or team up with other players whenever you want.", + "about_the_game": "Sanctum 2 is the sequel to the world\u2019s first Tower Defense/FPS hybrid game. Pick from four unique character classes and embark on a mission to protect the oxygen-producing Cores from hordes of deadly aliens who are threatened by their existence. Outfit your character exactly the way you want through the new and extensive customization system. Choose your own loadout of towers, weapons and perks, but choose wisely because you are humanity\u2019s last defense against the unrelenting hordes set out to destroy it.Sanctum 2 is a new game completely rebuilt from the ground up using community feedback and innovative design to really push the bar of what an independent studio can do.Intense Action \u2013 Deep StrategyIn Sanctum 2, you will utilize elements from multiple gameplay genres to succeed. Construct towers and walls during the building phase before the enemies attack, then jump into the fray and blast everything to pieces in FPS mode. You can progress through the single-player campaign yourself, or play with up to four friends in co-op to discover the secrets of the planet LOEK III and learn the backstory on why the aliens are so intent on destroying the Cores you are sworn to protect.Key Features Building on the success of the original game, Sanctum 2 stands alone as the only true FPS/Tower Defense hybrid. No other title delivers gameplay that seamlessly combines both genres. Tower Defense \u2013 Design complex mazes and build powerful towers to stop the enemies from destroying the Cores. First-Person Shooter \u2013 Don\u2019t just sit back and watch, jump into the action yourself! Four playable character classes \u2013 Each with their own unique strengths, weaknesses and weapons. Vast Customization System \u2013 Pick perks or make the game crazy hard by adding Feats of Strength. In-game Visual Novel \u2013 Unlock a comic-book page for every map you beat to discover the secrets of LOEK III. Progression System \u2013 Increase your rank and unlock new weapons, towers and perks. 4-Player Co-op \u2013 Progress through the storyline yourself or team up with other players whenever you want.", + "short_description": "Sanctum 2 is the sequel to the world\u2019s first Tower Defense/FPS hybrid game. Pick from four unique character classes and embark on a mission to protect the oxygen-producing Cores from hordes of deadly aliens who are threatened by their existence.", + "genres": "Action", + "recommendations": 7170, + "score": 5.852510083366365 + }, + { + "type": "game", + "name": "The Witness", + "detailed_description": "You wake up, alone, on a strange island full of puzzles that will challenge and surprise you. . You don't remember who you are, and you don't remember how you got here, but there's one thing you can do: explore the island in hope of discovering clues, regaining your memory, and somehow finding your way home. . The Witness is a single-player game in an open world with dozens of locations to explore and over 500 puzzles. This game respects you as an intelligent player and it treats your time as precious. There's no filler; each of those puzzles brings its own new idea into the mix. So, this is a game full of ideas.", + "about_the_game": "You wake up, alone, on a strange island full of puzzles that will challenge and surprise you.\r\n\r\nYou don't remember who you are, and you don't remember how you got here, but there's one thing you can do: explore the island in hope of discovering clues, regaining your memory, and somehow finding your way home.\r\n\r\nThe Witness is a single-player game in an open world with dozens of locations to explore and over 500 puzzles. This game respects you as an intelligent player and it treats your time as precious. There's no filler; each of those puzzles brings its own new idea into the mix. So, this is a game full of ideas.", + "short_description": "You wake up, alone, on a strange island full of puzzles that will challenge and surprise you.", + "genres": "Adventure", + "recommendations": 12502, + "score": 6.21899139051047 + }, + { + "type": "game", + "name": "DARK SOULS\u2122: Prepare To Die\u2122 Edition", + "detailed_description": "New Content for PC. Dark Souls\u2122: Prepare to Die\u2122 Edition will include an untold chapter in the world of Lordran. Sent back to the past, player will discover the story when Knight Artorias still lives. New Bosses \u2013 Including Black Dragon, Sanctuary Guardian, Artorias of the Abyss. . PVP Arena & Online Matchmaking System \u2013 Quick matching for players to play 1vs1, 2vs2 and 4 player battle royal. . New Areas \u2013 Including Oolacile Township, Oolacile Sanctuary, Royal Wood, Battle of Stoicism which is the training ground for online PVP battles. . New Enemies \u2013 Including Wooden scarecrows, Chained Prisoner, Stone Knight. . New NPCs \u2013 Including Hawkeye Gough, Elizabeth (keeper of the sanctuary). . New Weapons and Armor \u2013 Equip some from the new bosses, enemies, and NPCs . The StoryDark Souls is the new action role-playing game from the developers who brought you Demon\u2019s Souls, FromSoftware. Dark Souls will have many familiar features: A dark fantasy universe, tense dungeon crawling, fearsome enemy encounters and unique online interactions. Dark Souls is a spiritual successor to Demon\u2019s, not a sequel. Prepare for a new, despair-inducing world, with a vast, fully-explorable horizon and vertically-oriented landforms. Prepare for a new, mysterious story, centered around the the world of Lodran, but most of all, prepare to die. You will face countless murderous traps, countless darkly grotesque mobs and several gargantuan, supremely powerful demons and dragons bosses. You must learn from death to persist through this unforgiving world. And you aren\u2019t alone. Dark Souls allows the spirits of other players to show up in your world, so you can learn from their deaths and they can learn from yours. You can also summon players into your world to co-op adventure, or invade other's worlds to PVP battle. New to Dark Souls are Bonfires, which serve as check points as you fight your way through this epic adventure. While rested at Bonfires, your health and magic replenish but at a cost, all mobs respawn. Beware: There is no place in Dark Souls that is truly safe. With days of game play and an even more punishing difficulty level, Dark Souls will be the most deeply challenging game you play this year. Can you live through a million deaths and earn your legacy?Key Features:Extremely Deep, Dark & Difficult \u2013 Unforgiving in its punishment, yet rewarding for the determined \u2013 learn to strategize freely and conquer seemingly impossible challenges. . Fully Seamless World \u2013 Explore a completely integrated world of dark fantasy where dungeons and areas are seamlessly intertwined, with great height. . Mastery Earns Progression \u2013 Contains 60 hours of gameplay, with nearly 100 uniquely despair-inducing monsters & an incredibly nuanced RPG systems including: weaponry, armor, miracles, faith, and more. Player success depends on their eventual mastery of how and when to use the magic spells, choice of armor, the number of weapons, the types of weapons, and the moves attached to the weapons. . Network Play \u2013 Players may cross paths with one another, invading each other for PVP battles, or to play co-op and take on giant boss encounters as a team. . Flexible Character Development & Role Play \u2013 As the player progresses, they must carefully choose which of their character\u2019s abilities to enhance as this will determine their progression style. . Community \u2013 See other real players and empathize with their journey, learn from seeing how others died, find and leave messages for your fellow players; helping them or leading them into death. . Symbolic of Life & Hope \u2013 The Bonfire is an important feature in Dark Souls for many reasons. Though in gameplay it serves as a health and magic recovery and a progression check point, it also happens to be the one place in the dark world where players can find a fleeting moment of warmth and calm.", + "about_the_game": "New Content for PCDark Souls\u2122: Prepare to Die\u2122 Edition will include an untold chapter in the world of Lordran. Sent back to the past, player will discover the story when Knight Artorias still lives. New Bosses \u2013 Including Black Dragon, Sanctuary Guardian, Artorias of the Abyss. PVP Arena & Online Matchmaking System \u2013 Quick matching for players to play 1vs1, 2vs2 and 4 player battle royal.New Areas \u2013 Including Oolacile Township, Oolacile Sanctuary, Royal Wood, Battle of Stoicism which is the training ground for online PVP battles. New Enemies \u2013 Including Wooden scarecrows, Chained Prisoner, Stone Knight. New NPCs \u2013 Including Hawkeye Gough, Elizabeth (keeper of the sanctuary).New Weapons and Armor \u2013 Equip some from the new bosses, enemies, and NPCs The StoryDark Souls is the new action role-playing game from the developers who brought you Demon\u2019s Souls, FromSoftware. Dark Souls will have many familiar features: A dark fantasy universe, tense dungeon crawling, fearsome enemy encounters and unique online interactions. Dark Souls is a spiritual successor to Demon\u2019s, not a sequel. Prepare for a new, despair-inducing world, with a vast, fully-explorable horizon and vertically-oriented landforms. Prepare for a new, mysterious story, centered around the the world of Lodran, but most of all, prepare to die. You will face countless murderous traps, countless darkly grotesque mobs and several gargantuan, supremely powerful demons and dragons bosses. You must learn from death to persist through this unforgiving world. And you aren\u2019t alone. Dark Souls allows the spirits of other players to show up in your world, so you can learn from their deaths and they can learn from yours. You can also summon players into your world to co-op adventure, or invade other's worlds to PVP battle. New to Dark Souls are Bonfires, which serve as check points as you fight your way through this epic adventure. While rested at Bonfires, your health and magic replenish but at a cost, all mobs respawn. Beware: There is no place in Dark Souls that is truly safe. With days of game play and an even more punishing difficulty level, Dark Souls will be the most deeply challenging game you play this year. Can you live through a million deaths and earn your legacy?Key Features:Extremely Deep, Dark & Difficult \u2013 Unforgiving in its punishment, yet rewarding for the determined \u2013 learn to strategize freely and conquer seemingly impossible challenges.Fully Seamless World \u2013 Explore a completely integrated world of dark fantasy where dungeons and areas are seamlessly intertwined, with great height.Mastery Earns Progression \u2013 Contains 60 hours of gameplay, with nearly 100 uniquely despair-inducing monsters & an incredibly nuanced RPG systems including: weaponry, armor, miracles, faith, and more. Player success depends on their eventual mastery of how and when to use the magic spells, choice of armor, the number of weapons, the types of weapons, and the moves attached to the weapons.Network Play \u2013 Players may cross paths with one another, invading each other for PVP battles, or to play co-op and take on giant boss encounters as a team.Flexible Character Development & Role Play \u2013 As the player progresses, they must carefully choose which of their character\u2019s abilities to enhance as this will determine their progression style.Community \u2013 See other real players and empathize with their journey, learn from seeing how others died, find and leave messages for your fellow players; helping them or leading them into death.Symbolic of Life & Hope \u2013 The Bonfire is an important feature in Dark Souls for many reasons. Though in gameplay it serves as a health and magic recovery and a progression check point, it also happens to be the one place in the dark world where players can find a fleeting moment of warmth and calm.", + "short_description": "Dark Souls will be the most deeply challenging game you play this year. Can you live through a million deaths and earn your legacy?", + "genres": "Action", + "recommendations": 52303, + "score": 7.162417869027538 + }, + { + "type": "game", + "name": "RaceRoom Racing Experience", + "detailed_description": "RaceRoom is the premier free-to-play racing simulation on PC and home to official race series like DTM, WTCR, the WTCC and ADAC GT Masters. Enter RaceRoom and enter the world of a professional race car driver. . A selection of free-to-play race cars and tracks are yours to drive with unlimited wheel time in multiplayer and single player games modes. Sponsored competitions and other free-to-play events allow you to enjoy premium game content at no cost. . Additional cars, tracks, and liveries can be bought individually or as packs inside the game store using an in-game currency called vRP, which is purchased using your Steam Wallet.Key Features. Free to play - Eat, Sleep, Race, Repeat. A premium racing simulator is yours free-to-play on the PC. Race endlessly alongside the world\u2019s most talented drivers in online multiplayer and single player game modes. . Your dream car is here - Grab your pick. BMW, Mercedes-Benz, Audi, Chevrolet, Ford, McLaren, Pagani, RUF, Radical, Volvo, Saleen, and more to come. These manufacturers bring the best minds in racing together to dominate the world of motorsport and the machines they create are precision instruments of power, perfection, and speed. We are proud to present them in the digital form for your enjoyment. . Speed is a universal language - Hit the road. Going fast is a worldwide pastime and many of the most beautiful points on the globe are home to miles of thrilling blacktop. Start racing and conquer these places for yourself. . Up Close and Personal - Stand among the giants of racing. No game gets you closer to professional racing and the drivers that make a racing series great. RaceRoom is home to WTCC, DTM, and ADAC GT Masters, with more to come. . Realism - Every sense touched . You will see, hear, and feel what a race car driver does behind the wheel. You\u2019ll grow smelly from intense focus and the resulting perspiration, and all you control is the taste at the end of the race. Will it be that of sweet victory. or bitter defeat? The experience of racing is yours and it\u2019s unforgettable. . Accessibility - Racing is a family sport. Novice, Amateur, and Get Real game modes cater to drivers of all ability. This game is fit for the entire family, so start driving today with your Steering wheel, keyboard, or gamepad. . The pursuit of perfection - Single Player. Refine your skills against intelligent and challenging computer driven opponents. Use the Adaptive A.I., which automatically adjusts opponent difficulty based on your performance, or customize opponent difficulty to your liking. . Defeat the competition - Online Multiplayer. Line up with a grid of twenty-four players as you battle new friends and rivals in online multiplayer races. . Competitions - Capture glory. Compete against the world\u2019s greatest drivers in sponsored competitions from Mercedes-Benz, EURONICS, DTM, ADAC GT Masters, and more. These competitions also allow free players access to premium content throughout the duration of most events. . Fast paced gameplay. Be ready to break a sweat! Racing is the ultimate in twitch gameplay. No time for breaks, no room for mistakes. You are on point or you are into the weeds. Push harder, go faster, and reap the rewards of an adrenalin induced smile.Important Info/DLC Purchasing Policy. R3E user accounts are associated with the user\u2019s Steam account for security and transactions through Steam Wallet. A Steam account can use multiple R3E accounts by using the \u2018switch accounts\u2019 function in the R3E Account Settings. . Upon purchasing an R3E DLC via the Steam Store, an R3E user account will be permanently associated with that Steam account and it will no longer be possible to switch accounts. The option to switch accounts will be permanently removed from the R3E Account Settings.", + "about_the_game": "RaceRoom is the premier free-to-play racing simulation on PC and home to official race series like DTM, WTCR, the WTCC and ADAC GT Masters. Enter RaceRoom and enter the world of a professional race car driver.A selection of free-to-play race cars and tracks are yours to drive with unlimited wheel time in multiplayer and single player games modes. Sponsored competitions and other free-to-play events allow you to enjoy premium game content at no cost.Additional cars, tracks, and liveries can be bought individually or as packs inside the game store using an in-game currency called vRP, which is purchased using your Steam Wallet.Key FeaturesFree to play - Eat, Sleep, Race, RepeatA premium racing simulator is yours free-to-play on the PC. Race endlessly alongside the world\u2019s most talented drivers in online multiplayer and single player game modes. Your dream car is here - Grab your pickBMW, Mercedes-Benz, Audi, Chevrolet, Ford, McLaren, Pagani, RUF, Radical, Volvo, Saleen, and more to come. These manufacturers bring the best minds in racing together to dominate the world of motorsport and the machines they create are precision instruments of power, perfection, and speed. We are proud to present them in the digital form for your enjoyment.Speed is a universal language - Hit the roadGoing fast is a worldwide pastime and many of the most beautiful points on the globe are home to miles of thrilling blacktop. Start racing and conquer these places for yourself.Up Close and Personal - Stand among the giants of racingNo game gets you closer to professional racing and the drivers that make a racing series great. RaceRoom is home to WTCC, DTM, and ADAC GT Masters, with more to come.Realism - Every sense touched You will see, hear, and feel what a race car driver does behind the wheel. You\u2019ll grow smelly from intense focus and the resulting perspiration, and all you control is the taste at the end of the race. Will it be that of sweet victory... or bitter defeat? The experience of racing is yours and it\u2019s unforgettable.Accessibility - Racing is a family sportNovice, Amateur, and Get Real game modes cater to drivers of all ability. This game is fit for the entire family, so start driving today with your Steering wheel, keyboard, or gamepad.The pursuit of perfection - Single PlayerRefine your skills against intelligent and challenging computer driven opponents. Use the Adaptive A.I., which automatically adjusts opponent difficulty based on your performance, or customize opponent difficulty to your liking.Defeat the competition - Online MultiplayerLine up with a grid of twenty-four players as you battle new friends and rivals in online multiplayer races.Competitions - Capture gloryCompete against the world\u2019s greatest drivers in sponsored competitions from Mercedes-Benz, EURONICS, DTM, ADAC GT Masters, and more. These competitions also allow free players access to premium content throughout the duration of most events.Fast paced gameplayBe ready to break a sweat! Racing is the ultimate in twitch gameplay. No time for breaks, no room for mistakes. You are on point or you are into the weeds. Push harder, go faster, and reap the rewards of an adrenalin induced smile.Important Info/DLC Purchasing PolicyR3E user accounts are associated with the user\u2019s Steam account for security and transactions through Steam Wallet. A Steam account can use multiple R3E accounts by using the \u2018switch accounts\u2019 function in the R3E Account Settings.Upon purchasing an R3E DLC via the Steam Store, an R3E user account will be permanently associated with that Steam account and it will no longer be possible to switch accounts. The option to switch accounts will be permanently removed from the R3E Account Settings.", + "short_description": "RaceRoom is the premier free-to-play racing simulation on PC and home to official race series like DTM, WTCR, the WTCC and ADAC GT Masters. Enter RaceRoom and enter the world of a professional race car driver.", + "genres": "Free to Play", + "recommendations": 1828, + "score": 4.951820473059398 + }, + { + "type": "game", + "name": "Starbound", + "detailed_description": "Bounty Hunter UpdateIn our latest update take on the role of an intergalactic bounty hunter, taking on new quests to track down wanted criminal gangs and following clues to discover their hideouts. . Rise up through the Peacekeeper ranks to ultimately restore law and order in the universe! When cornered some criminals may even offer treasure or rewards as a bribe - it\u2019s up to the player to decide how strictly they\u2019ll uphold the law!. There are over 50 new \u2018rare colored\u2019 variant monsters which can be captured, and a variety of other new content including furniture, armor, tenants and more!Update Key FeaturesNew procedurally-generated quests that send players travelling to worlds and space stations, hunting down criminal gangs. New Peacekeeper stations for bounty hunters \u2013 work your way through promotions and restore law to the universe. Take the fight to criminal gangs at their hideouts, including a climatic final mission & boss fight!. Brand new quests and cutscenes!. New generated criminal hideout micro-dungeons. New elemental monster variants which are capturable, and earn progress in a new collection. New furniture, objects, costumes, weapons, and more!. 4 new music tracks by Starbound composer Curtis Schweitzer. And of course some bugfixes. About the Game. In Starbound, you create your own story - there\u2019s no wrong way to play! You may choose to save the universe from the forces that destroyed your home, uncovering greater galactic mysteries in the process, or you may wish to forego a heroic journey entirely in favor of colonizing uncharted planets. . . Settle down and farm the land, become an intergalactic landlord, hop from planet to planet collecting rare creatures, or delve into dangerous dungeons and lay claim to extraordinary treasures. . Discover ancient temples and modern metropolises, trees with eyes, and mischievous penguins. Make use of hundreds of materials and over two thousand objects to build a sleepy secluded cabin in the woods, a medieval castle, underwater arcade, or even a space station. . . Starbound has been built from the ground up to be multiplayer and easily moddable. You have the tools to make the universe your own and modify the game to suit your play style - add new items, races, planet types, dungeons, and quests - the possibilities are limitless. . . Choose from one of 7 playable races and customize your character. Save the universe in an epic story campaign featuring colorful characters, bosses, dungeons, and quests!. You're the captain of your very own starship! Decorate it, expand it, and use it to explore a procedurally generated universe. Colonize uncharted planets and collect gifts from your tenants - if they like you, they may even ask to join your ship crew!. Three game modes - Casual (no need to eat), Survival (eat to survive/drop items on death) and Hardcore (permadeath). Craft thousands of objects - building materials, armor, weapons, furniture and more. Capture unique monsters to fight alongside you. All content is available in online drop-in/drop-out co-op. Built from the ground up to be easily moddable. You have the tools to make the universe however you'd like it.", + "about_the_game": "In Starbound, you create your own story - there\u2019s no wrong way to play! You may choose to save the universe from the forces that destroyed your home, uncovering greater galactic mysteries in the process, or you may wish to forego a heroic journey entirely in favor of colonizing uncharted planets.Settle down and farm the land, become an intergalactic landlord, hop from planet to planet collecting rare creatures, or delve into dangerous dungeons and lay claim to extraordinary treasures.Discover ancient temples and modern metropolises, trees with eyes, and mischievous penguins. Make use of hundreds of materials and over two thousand objects to build a sleepy secluded cabin in the woods, a medieval castle, underwater arcade, or even a space station.Starbound has been built from the ground up to be multiplayer and easily moddable. You have the tools to make the universe your own and modify the game to suit your play style - add new items, races, planet types, dungeons, and quests - the possibilities are limitless.Choose from one of 7 playable races and customize your characterSave the universe in an epic story campaign featuring colorful characters, bosses, dungeons, and quests!You're the captain of your very own starship! Decorate it, expand it, and use it to explore a procedurally generated universeColonize uncharted planets and collect gifts from your tenants - if they like you, they may even ask to join your ship crew!Three game modes - Casual (no need to eat), Survival (eat to survive/drop items on death) and Hardcore (permadeath)Craft thousands of objects - building materials, armor, weapons, furniture and moreCapture unique monsters to fight alongside youAll content is available in online drop-in/drop-out co-opBuilt from the ground up to be easily moddable. You have the tools to make the universe however you'd like it", + "short_description": "You\u2019ve fled your home, only to find yourself lost in space with a damaged ship. Your only option is to beam down to the planet below, repair your ship and set off to explore the universe...", + "genres": "Action", + "recommendations": 117779, + "score": 7.697544731481916 + }, + { + "type": "game", + "name": "Star Conflict", + "detailed_description": "Just Updated. Pilots, \u201cEdges of risk\u201d will be held in two stages. There are 40 levels in each stage. Only holders of a special Pass will be able to open all levels. But the first and every fifth level will be available to all pilots. . Learn more on the official game site. About the Game. Star Conflict is an action-packed, massively multiplayer space simulation game that puts players in the role of elite pilots engaging in a widespread interplanetary skirmish.The whole world for PVP and PVE!PVP battles on dozens of space locations . PVE missions and quests for groups or lone wolves . Unique sandbox mode with extensive PVP and PVE capabilities . Corporations' battles for influence . More than a hundred ships of various types and purposes . 9 tactical roles, hundreds of modules and the possibility of modifying . Production of modules and ships! . Key Features:A Fleet at Your Fingertips. Take command of varied battleships, from nimble scouting ships to heavy frigates loaded with guns and rockets. In due time, you can command your own fleet. . Survival in outer space . You can undock from the station and travel around space colonies invaded by an ancient alien race. You can complete quests, collect valuable items, craft modules and ships, meet other players to fight or team up to resist pirates and evil aliens from deep space. . Choose Your Path. Each ship can be used for strategic missions\u2014investigate the area, hunt enemies from the shadows, or gain support from allies. Impressive arsenal of weapons and gadgets, as well as the opportunity to craft items and ships will help you with it. . If You\u2019re Not With Us, You\u2019re Against Us!. Form an alliance with friends to create a deadly squadron of elite pilots. Fight with other players, perform PVE missions. Create corporation and take part in the battles for control of the territories. Enter your name in the annals of Universe history. . Gain Experience and Skill. Develop your abilities, establish specialized skills, and perfect your tactics. You could rush into battle full-force, operate stealthily from a distance, or sneak around your enemies and strike a crushing blow from behind \u2014 the strategy is up to you!. StoryThree thousand years have passed since the first colonists left Earth. Now the galaxy is divided between the militant star empires and independent mercenary groups. In a remote corner of the galaxy \u2014 Sector 1337, the area of the dead \u2014 a world has been left behind. Here, the ruins of a great civilization of Aliens have recently been discovered. Huge factories and sprawling cities are falling into decay. Fragments of ships lie on the fields where massive battles were once fought. But there is not a living soul. Everything has been destroyed by a mysterious Cataclysm \u2014 a pulsing anomaly that burned out all life within this sector. . This doesn\u2019t stop mankind, the new \u00abowner\u00bb of the Universe. Mercenaries and adventurers have flocked to the sector to sift through the ruins and loot its abandoned artifacts, without consideration of the danger. Many have disappeared \u2014 including members of well-armed expeditions \u2014 but those who have managed to return have uncovered unprecedented riches. So looters continue to come here, to find the Aliens\u2019 lost treasures \u2014 and to fight for them.", + "about_the_game": "Star Conflict is an action-packed, massively multiplayer space simulation game that puts players in the role of elite pilots engaging in a widespread interplanetary skirmish.The whole world for PVP and PVE!PVP battles on dozens of space locations PVE missions and quests for groups or lone wolves Unique sandbox mode with extensive PVP and PVE capabilities Corporations' battles for influence More than a hundred ships of various types and purposes 9 tactical roles, hundreds of modules and the possibility of modifying Production of modules and ships! Key Features:A Fleet at Your FingertipsTake command of varied battleships, from nimble scouting ships to heavy frigates loaded with guns and rockets. In due time, you can command your own fleet.Survival in outer space You can undock from the station and travel around space colonies invaded by an ancient alien race. You can complete quests, collect valuable items, craft modules and ships, meet other players to fight or team up to resist pirates and evil aliens from deep space. Choose Your PathEach ship can be used for strategic missions\u2014investigate the area, hunt enemies from the shadows, or gain support from allies. Impressive arsenal of weapons and gadgets, as well as the opportunity to craft items and ships will help you with it.If You\u2019re Not With Us, You\u2019re Against Us!Form an alliance with friends to create a deadly squadron of elite pilots. Fight with other players, perform PVE missions. Create corporation and take part in the battles for control of the territories. Enter your name in the annals of Universe history. Gain Experience and SkillDevelop your abilities, establish specialized skills, and perfect your tactics. You could rush into battle full-force, operate stealthily from a distance, or sneak around your enemies and strike a crushing blow from behind \u2014 the strategy is up to you!StoryThree thousand years have passed since the first colonists left Earth. Now the galaxy is divided between the militant star empires and independent mercenary groups. In a remote corner of the galaxy \u2014 Sector 1337, the area of the dead \u2014 a world has been left behind. Here, the ruins of a great civilization of Aliens have recently been discovered. Huge factories and sprawling cities are falling into decay. Fragments of ships lie on the fields where massive battles were once fought. But there is not a living soul. Everything has been destroyed by a mysterious Cataclysm \u2014 a pulsing anomaly that burned out all life within this sector.This doesn\u2019t stop mankind, the new \u00abowner\u00bb of the Universe. Mercenaries and adventurers have flocked to the sector to sift through the ruins and loot its abandoned artifacts, without consideration of the danger. Many have disappeared \u2014 including members of well-armed expeditions \u2014 but those who have managed to return have uncovered unprecedented riches. So looters continue to come here, to find the Aliens\u2019 lost treasures \u2014 and to fight for them.", + "short_description": "Star Conflict is an action-packed, massively multiplayer space simulation game that puts players in the role of elite pilots engaging in a widespread interplanetary skirmish. The whole world for PVP and PVE!", + "genres": "Action", + "recommendations": 203, + "score": 3.5058628835552996 + }, + { + "type": "game", + "name": "Vindictus", + "detailed_description": "A malevolent force shrouds the land and monsters terrorize the last bastions of humanity. All seems lost and yet one hope remains: you. . Take control of a mighty mercenary and leap into the heart of one of the most action-packed MMORPG experiences available. Master the art of combat as you utilize brutal combos, devastating magic and the environment itself to wreak destruction on your foes. . This is unlike any MMORPG you've experienced before. This is Vindictus.Key Features:. Brutal Combat \u2013 Experience a complex and fast-paced combat system that raises the bar for the MMO genre. There are dozens of combos to learn and spells to cast, and mastering them is the key to survival. . Avatar of War \u2013 Choose from sixteen distinct characters, including hulking behemoth Karok and exiled princess Lynn. Each has their own set of skills, exclusive armor and a unique personality. Learn their strengths and weaknesses to conquer your foes. . Forged in Blood \u2013 The monsters of Vindictus are some of the most fearsome you will ever face, so massive they blot out the sun. The greater the beast, the tougher the challenge, and the greater the rewards. . Brothers in Arms \u2013 Some horrors are too terrible to be faced alone. Team up with friends, form a clan, and take on Vindictus\u2019 mighty raid bosses. Coordination is key, and only the strongest will survive. . Visual Assault \u2013 With higher fidelity than nearly every other MMO on the market, Vindictus boasts highly-detailed characters and monsters, explosive particle effects and massive battle arenas.", + "about_the_game": "A malevolent force shrouds the land and monsters terrorize the last bastions of humanity. All seems lost and yet one hope remains: you. Take control of a mighty mercenary and leap into the heart of one of the most action-packed MMORPG experiences available. Master the art of combat as you utilize brutal combos, devastating magic and the environment itself to wreak destruction on your foes. This is unlike any MMORPG you've experienced before. This is Vindictus.Key Features:Brutal Combat \u2013 Experience a complex and fast-paced combat system that raises the bar for the MMO genre. There are dozens of combos to learn and spells to cast, and mastering them is the key to survival. Avatar of War \u2013 Choose from sixteen distinct characters, including hulking behemoth Karok and exiled princess Lynn. Each has their own set of skills, exclusive armor and a unique personality. Learn their strengths and weaknesses to conquer your foes. Forged in Blood \u2013 The monsters of Vindictus are some of the most fearsome you will ever face, so massive they blot out the sun. The greater the beast, the tougher the challenge, and the greater the rewards. Brothers in Arms \u2013 Some horrors are too terrible to be faced alone. Team up with friends, form a clan, and take on Vindictus\u2019 mighty raid bosses. Coordination is key, and only the strongest will survive.Visual Assault \u2013 With higher fidelity than nearly every other MMO on the market, Vindictus boasts highly-detailed characters and monsters, explosive particle effects and massive battle arenas.", + "short_description": "Enter a dark and sinister world where you must battle for survival. With gratifying real-time combat, epic monsters, and glorious visuals, this isn't just another MMO... This is VINDICTUS!", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "The Lord of the Rings Online\u2122", + "detailed_description": "In The Lord of the Rings Online\u2122, join the world\u2019s greatest fellowship of players in the faithful online re-creation of J. R. R. Tolkien\u2019s legendary Middle-earth. From the crumbling, shadowed ruins of Weathertop to the ageless, golden wood of Lothl\u00f3rien, immerse yourself in Middle-earth as you have never seen it before. Visit the peaceful, verdant fields of the Shire, brave the dark depths of the Mines of Moria, and raise a pint at the Prancing Pony in Bree!Key Features: Explore the Massive World of Middle-earth: Immerse yourself in the award-winning recreation of the beloved fantasy world of J.R.R. Tolkien through renowned locations including the Shire, the Mines of Moria, and Lothl\u00f3rien. . Create & Advance Your Hero: Advance to level 140 with thousands of character customization possibilities. 7 races, 11 classes, 10 professions, 7 vocations, plus over 1,000 titles, skills and traits. Solo & Co-op Skirmishes: Dive into instant adventure alongside friends or customizable AI soldiers in exciting, scalable battles!. Legendary Items: Design and customize your own legendary weapons of immense power like Bilbo\u2019s Sting or Gandalf\u2019s Glamdring!. Play as a Monster: Fight as a servant of Sauron against other players in intense PvMP Combat!. Craft Your Own Gear: Farm crops in the fertile fields of the Shire or let your hammer ring in the Dwarven halls Ered Luin. . Free Online Play: No monthly fees required.", + "about_the_game": "In The Lord of the Rings Online\u2122, join the world\u2019s greatest fellowship of players in the faithful online re-creation of J. R. R. Tolkien\u2019s legendary Middle-earth. From the crumbling, shadowed ruins of Weathertop to the ageless, golden wood of Lothl\u00f3rien, immerse yourself in Middle-earth as you have never seen it before. Visit the peaceful, verdant fields of the Shire, brave the dark depths of the Mines of Moria, and raise a pint at the Prancing Pony in Bree!Key Features: Explore the Massive World of Middle-earth: Immerse yourself in the award-winning recreation of the beloved fantasy world of J.R.R. Tolkien through renowned locations including the Shire, the Mines of Moria, and Lothl\u00f3rien.Create & Advance Your Hero: Advance to level 140 with thousands of character customization possibilities. 7 races, 11 classes, 10 professions, 7 vocations, plus over 1,000 titles, skills and traitsSolo & Co-op Skirmishes: Dive into instant adventure alongside friends or customizable AI soldiers in exciting, scalable battles!Legendary Items: Design and customize your own legendary weapons of immense power like Bilbo\u2019s Sting or Gandalf\u2019s Glamdring!Play as a Monster: Fight as a servant of Sauron against other players in intense PvMP Combat!Craft Your Own Gear: Farm crops in the fertile fields of the Shire or let your hammer ring in the Dwarven halls Ered Luin.Free Online Play: No monthly fees required.", + "short_description": "Join the world\u2019s greatest fellowship of players in the award-winning online re-creation of J. R. R. Tolkien\u2019s legendary Middle-earth.", + "genres": "Action", + "recommendations": 167, + "score": 3.3778694638063134 + }, + { + "type": "game", + "name": "FTL: Faster Than Light", + "detailed_description": "FTL is now available in 9 languages! English, German, Spanish, French, Italian, Polish, Brazilian Portuguese, Russian and Simplified Mandarin!. ************************. The free expansion, FTL: Advanced Edition, is available now! Content additions include: new alien race, events, weapons, playable ships, drones, and more! Also adds additional musical tracks by Ben Prunty, and events by Tom Jubert and guest writer Chris Avellone. . If you already own FTL it should update the new content automatically. Advanced Edition is included free for anyone who purchases the game from this point forward. ************************. In FTL you experience the atmosphere of running a spaceship trying to save the galaxy. It's a dangerous mission, with every encounter presenting a unique challenge with multiple solutions. What will you do if a heavy missile barrage shuts down your shields? Reroute all power to the engines in an attempt to escape, power up additional weapons to blow your enemy out of the sky, or take the fight to them with a boarding party? This \"spaceship simulation roguelike-like\" allows you to take your ship and crew on an adventure through a randomly generated galaxy filled with glory and bitter defeat.Key Features:Complex Strategic Gameplay - Give orders to your crew, manage ship power distribution and choose weapon targets in the heat of battle. . Play at Your Own Speed - Pause the game mid-combat to evaluate your strategy and give orders. . Unique Lifeforms and Technology \u2013 Upgrade your ship and unlock new ones with the help of six diverse alien races. . Be the Captain You Want - Hundreds of text based encounters will force you to make tough decisions. . Randomized Galaxy - Each play-through will feature different enemies, events, and results to your decisions. No two play-throughs will be quite the same. . No Second Chances! - Permadeath means when you die, there's no coming back. The constant threat of defeat adds importance and tension to every action.", + "about_the_game": "FTL is now available in 9 languages! English, German, Spanish, French, Italian, Polish, Brazilian Portuguese, Russian and Simplified Mandarin!************************The free expansion, FTL: Advanced Edition, is available now! Content additions include: new alien race, events, weapons, playable ships, drones, and more! Also adds additional musical tracks by Ben Prunty, and events by Tom Jubert and guest writer Chris Avellone. If you already own FTL it should update the new content automatically. Advanced Edition is included free for anyone who purchases the game from this point forward.************************In FTL you experience the atmosphere of running a spaceship trying to save the galaxy. It's a dangerous mission, with every encounter presenting a unique challenge with multiple solutions. What will you do if a heavy missile barrage shuts down your shields? Reroute all power to the engines in an attempt to escape, power up additional weapons to blow your enemy out of the sky, or take the fight to them with a boarding party? This \"spaceship simulation roguelike-like\" allows you to take your ship and crew on an adventure through a randomly generated galaxy filled with glory and bitter defeat.Key Features:Complex Strategic Gameplay - Give orders to your crew, manage ship power distribution and choose weapon targets in the heat of battle.Play at Your Own Speed - Pause the game mid-combat to evaluate your strategy and give orders.Unique Lifeforms and Technology \u2013 Upgrade your ship and unlock new ones with the help of six diverse alien races.Be the Captain You Want - Hundreds of text based encounters will force you to make tough decisions.Randomized Galaxy - Each play-through will feature different enemies, events, and results to your decisions. No two play-throughs will be quite the same.No Second Chances! - Permadeath means when you die, there's no coming back. The constant threat of defeat adds importance and tension to every action.", + "short_description": "This "spaceship simulation roguelike-like" allows you to take your ship and crew on an adventure through a randomly generated galaxy filled with glory and bitter defeat.", + "genres": "Indie", + "recommendations": 53878, + "score": 7.1819758585985145 + }, + { + "type": "game", + "name": "TERA - Action MMORPG", + "detailed_description": "TERA \u2013 Fantasy, MMORPG, Strategy and Skill!. Get ready for the action-packed challenge of your life in TERA! Your adventures in this breathtaking universe will push the very boundaries of the genre. With its True Action Combat system, you need to aim and dodge to cast spells, land your attacks and avoid taking damage. Timing and tactics are key to victory in this game!. Make your mark on a stunningly beautiful world, entering into epic battles with your teammates, assuming the role of a raging Berserker, a vengeful Reaper or a benevolent Priest. Join your friends to take down BAMs \u2013 Big Ass Monsters \u2013 who are as bloodthirsty and powerful as they are massive. Explore countless multiplayer dungeons, huge battlegrounds, or delve into open world PvP with an array of seven races and 13 classes to choose from. . This is TERA:Put your skills to the test with the dynamic True Action Combat system. Choose your character from the selection of seven races and 13 classes. Make a name for yourself in heroic battles against other players and BAMs. Explore a rich world in stunning graphical quality. Become a master artisan and hone your gear to perfection.", + "about_the_game": "TERA \u2013 Fantasy, MMORPG, Strategy and Skill!Get ready for the action-packed challenge of your life in TERA! Your adventures in this breathtaking universe will push the very boundaries of the genre. With its True Action Combat system, you need to aim and dodge to cast spells, land your attacks and avoid taking damage. Timing and tactics are key to victory in this game!Make your mark on a stunningly beautiful world, entering into epic battles with your teammates, assuming the role of a raging Berserker, a vengeful Reaper or a benevolent Priest. Join your friends to take down BAMs \u2013 Big Ass Monsters \u2013 who are as bloodthirsty and powerful as they are massive. Explore countless multiplayer dungeons, huge battlegrounds, or delve into open world PvP with an array of seven races and 13 classes to choose from.This is TERA:Put your skills to the test with the dynamic True Action Combat systemChoose your character from the selection of seven races and 13 classesMake a name for yourself in heroic battles against other players and BAMsExplore a rich world in stunning graphical qualityBecome a master artisan and hone your gear to perfection", + "short_description": "TERA is an epic fantasy MMORPG experience. Master the action-packed combat system and prove yourself in solo and multiplayer adventures \u2013 all in the stunningly beautiful world of Arborea!", + "genres": "Action", + "recommendations": 232, + "score": 3.5934866857666607 + }, + { + "type": "game", + "name": "South Park\u2122: The Stick of Truth\u2122", + "detailed_description": "From the perilous battlefields of the fourth-grade playground, a young hero will rise, destined to be South Park\u2019s savior. From the creators of South Park, Trey Parker and Matt Stone, comes an epic quest to become\u2026 cool. Introducing South Park\u2122: The Stick of Truth\u2122. . For a thousand years, the battle has been waged. The sole reason humans and elves are locked in a neverending war: The Stick of Truth. But the tides of war are soon to change as word of a new kid spreads throughout the land, his coming fortold by the stars. As the moving vans of prophecy drive away, your adventure begins. . Arm yourself with weapons of legend to defeat underpants gnomes, hippies and other forces of evil. Discover the lost Stick of Truth and earn your place at the side of Stan, Kyle, Cartman and Kenny as their new friend. Succeed, and you shall be South Park\u2019s savior, cementing your social status in South Park Elementary. Fail, and you will forever be known\u2026 as a loser.Key FeaturesThe Definitive South Park Experience. Written and voiced by Trey Parker and Matt Stone, The Stick of Truth brings their unique brand of humor to video gaming. . An Epic Quest To Become. Cool. Earn your place alongside Stan, Kyle, Cartman and Kenny, and join them in a hysterical adventure to save South Park. . Friends With Benefits. Recruit classic South Park characters to your cause. . Intense Combat. Arm yourself to the teeth with an arsenal of magical weapons and mystical armor. . South Park Customization. Insert yourself into South Park with something like a billion character, clothing, and weapon combinations.", + "about_the_game": "From the perilous battlefields of the fourth-grade playground, a young hero will rise, destined to be South Park\u2019s savior. From the creators of South Park, Trey Parker and Matt Stone, comes an epic quest to become\u2026 cool. Introducing South Park\u2122: The Stick of Truth\u2122.For a thousand years, the battle has been waged. The sole reason humans and elves are locked in a neverending war: The Stick of Truth. But the tides of war are soon to change as word of a new kid spreads throughout the land, his coming fortold by the stars. As the moving vans of prophecy drive away, your adventure begins. Arm yourself with weapons of legend to defeat underpants gnomes, hippies and other forces of evil. Discover the lost Stick of Truth and earn your place at the side of Stan, Kyle, Cartman and Kenny as their new friend. Succeed, and you shall be South Park\u2019s savior, cementing your social status in South Park Elementary. Fail, and you will forever be known\u2026 as a loser.Key FeaturesThe Definitive South Park ExperienceWritten and voiced by Trey Parker and Matt Stone, The Stick of Truth brings their unique brand of humor to video gaming.An Epic Quest To Become... CoolEarn your place alongside Stan, Kyle, Cartman and Kenny, and join them in a hysterical adventure to save South Park.Friends With BenefitsRecruit classic South Park characters to your cause.Intense CombatArm yourself to the teeth with an arsenal of magical weapons and mystical armor.South Park CustomizationInsert yourself into South Park with something like a billion character, clothing, and weapon combinations.", + "short_description": "From the perilous battlefields of the fourth-grade playground, a young hero will rise, destined to be South Park\u2019s savior. From the creators of South Park, Trey Parker and Matt Stone, comes an epic quest to become\u2026 cool. Introducing South Park\u2122: The Stick of Truth\u2122.For a thousand years, the battle has been waged.", + "genres": "Action", + "recommendations": 45432, + "score": 7.069575817085086 + }, + { + "type": "game", + "name": "Gear Up", + "detailed_description": "Gear Up is a multiplayer game where you build tanks and battle online opponents. Crawl the arena in devious spider legs, escape with your trusty jetpack or serve your opponents a healthy dose of proximity mines as you design with over one million different combinations. . Master the art of propulsion \u2013 Will you go for the rumbling caterpillar tracks, swoop across the arena using wind turbines or let loose the smell of burning rubber with go-kart tires?. Adapt your arsenal of weaponry \u2013 Do you prefer the cold steel of the minigun or the heartwarming sensation of the flamethrower? Will you fall for the old world charm of a thundering bronze cannon or does the electric zapping of the tesla generator tickle your mind? . Wage war your way \u2013 Regardless if you deploy the body of a submarine, blend into the background with stealth generators or love giving your opponents the dry taste of gunpowder with a barrage of missiles \u2013 the choice is yours to make. . Features Battle up to 16 players online. Play Deathmatch, Team Deathmatch and Conquest. Massive customization with over one million different combinations of parts. Arcade physics simulation . Leaderboards and achievements.", + "about_the_game": "Gear Up is a multiplayer game where you build tanks and battle online opponents. Crawl the arena in devious spider legs, escape with your trusty jetpack or serve your opponents a healthy dose of proximity mines as you design with over one million different combinations. Master the art of propulsion \u2013 Will you go for the rumbling caterpillar tracks, swoop across the arena using wind turbines or let loose the smell of burning rubber with go-kart tires? Adapt your arsenal of weaponry \u2013 Do you prefer the cold steel of the minigun or the heartwarming sensation of the flamethrower? Will you fall for the old world charm of a thundering bronze cannon or does the electric zapping of the tesla generator tickle your mind? Wage war your way \u2013 Regardless if you deploy the body of a submarine, blend into the background with stealth generators or love giving your opponents the dry taste of gunpowder with a barrage of missiles \u2013 the choice is yours to make.Features Battle up to 16 players online Play Deathmatch, Team Deathmatch and Conquest Massive customization with over one million different combinations of parts Arcade physics simulation Leaderboards and achievements", + "short_description": "Feel the adrenaline as you control your unique tank in multiplayer arcade action! Build your ultimate war machine from over a million different combinations. Now, will you go for the rumbling caterpillar tracks or the crawling spider legs?", + "genres": "Action", + "recommendations": 970, + "score": 4.53439739871822 + }, + { + "type": "game", + "name": "Alien: Isolation", + "detailed_description": "HOW WILL YOU SURVIVE?. Discover the true meaning of fear in Alien: Isolation, a survival horror set in an atmosphere of constant dread and mortal danger. Fifteen years after the events of Alien\u2122, Ellen Ripley\u2019s daughter, Amanda enters a desperate battle for survival, on a mission to unravel the truth behind her mother's disappearance. . As Amanda, you will navigate through an increasingly volatile world as you find yourself confronted on all sides by a panicked, desperate population and an unpredictable, ruthless Alien. . Underpowered and underprepared, you must scavenge resources, improvise solutions and use your wits, not just to succeed in your mission, but to simply stay alive. . Overcome an ever-present deadly threat \u2013 Experience persistent fear as a truly dynamic and reactive Alien uses its senses to hunt you down and respond to your every move. . Improvise to survive \u2013 Hack systems, scavenge for vital resources and craft items to deal with each situation. Will you evade your enemies, distract them or face them head on?. Explore a world of mystery and betrayal \u2013 Immerse yourself in the detailed setting of Sevastopol, a decommissioned trading station on the fringes of space. Encounter a rich cast of inhabitants in a world scarred by fear and mistrust. . When she left Earth, Ellen Ripley promised her daughter Amanda she would return home for her 11th birthday. Amanda never saw her again. . Fifteen years later, Amanda, now a Weyland-Yutani employee, hears that the flight recorder of her mother\u2019s ship, the Nostromo, has been recovered at the remote trading station Sevastopol. The temptation for her to finally understand what happened is too much to resist. When the crew arrive at Sevastopol, they find something is desperately wrong. It all seems to be connected to an unknown menace, stalking and killing deep in the shadows. . In order to uncover the truth about her mother, Amanda is forced to confront the same terrifying thing that separated them. . Created using the CATHODE\u2122 engine.", + "about_the_game": "HOW WILL YOU SURVIVE?Discover the true meaning of fear in Alien: Isolation, a survival horror set in an atmosphere of constant dread and mortal danger. Fifteen years after the events of Alien\u2122, Ellen Ripley\u2019s daughter, Amanda enters a desperate battle for survival, on a mission to unravel the truth behind her mother's disappearance.As Amanda, you will navigate through an increasingly volatile world as you find yourself confronted on all sides by a panicked, desperate population and an unpredictable, ruthless Alien.Underpowered and underprepared, you must scavenge resources, improvise solutions and use your wits, not just to succeed in your mission, but to simply stay alive. Overcome an ever-present deadly threat \u2013 Experience persistent fear as a truly dynamic and reactive Alien uses its senses to hunt you down and respond to your every move.Improvise to survive \u2013 Hack systems, scavenge for vital resources and craft items to deal with each situation. Will you evade your enemies, distract them or face them head on?Explore a world of mystery and betrayal \u2013 Immerse yourself in the detailed setting of Sevastopol, a decommissioned trading station on the fringes of space. Encounter a rich cast of inhabitants in a world scarred by fear and mistrust.When she left Earth, Ellen Ripley promised her daughter Amanda she would return home for her 11th birthday. Amanda never saw her again.Fifteen years later, Amanda, now a Weyland-Yutani employee, hears that the flight recorder of her mother\u2019s ship, the Nostromo, has been recovered at the remote trading station Sevastopol. The temptation for her to finally understand what happened is too much to resist. When the crew arrive at Sevastopol, they find something is desperately wrong. It all seems to be connected to an unknown menace, stalking and killing deep in the shadows. In order to uncover the truth about her mother, Amanda is forced to confront the same terrifying thing that separated them.Created using the CATHODE\u2122 engine.", + "short_description": "Discover the true meaning of fear in Alien: Isolation, a survival horror set in an atmosphere of constant dread and mortal danger.", + "genres": "Action", + "recommendations": 37329, + "score": 6.940075789800382 + }, + { + "type": "game", + "name": "LEGO\u00ae The Lord of the Rings\u2122", + "detailed_description": "Based on The Lord of the Rings motion picture trilogy, LEGO\u00ae The Lord of the Rings follows the original story-lines of The Lord of the Rings: The Fellowship of the Ring, The Lord of the Rings: The Two Towers, and The Lord of the Rings: The Return of the King, taking players through the epic story events re-imagined with the humor and endless variety of LEGO play. . Trusted with the dangerous task to destroy an ancient magical ring that threatens all that is good, Frodo is forced to leave his peaceful home. But the ring wants to be found and the road to Mount Doom, the only place where it can be destroyed, will be perilous and riddled with Orcs and fouler things. To help Frodo, a Fellowship is formed \u2014Aragorn the Ranger, Gandalf the Wizard, Legolas the Elf, Gimli the Dwarf, Boromir a Man of Gondor, and Frodo\u2019s Hobbit friends Sam, Merry and Pippin. Players relive the legend through the LEGO mini-figures, as they explore wonders, solve timeless riddles, and overcome endless foes in their quest to destroy the Ring.Key Features:Explore all of the open-world of Middle-earth and experience epic battles with Orcs, Uruk-hai, the Balrog, the Witch-king, and other fearsome creatures. . Wield the power of the Palant\u00edr or Seeing-stone (\u2018one that looks far-away\u2019), and jump between multiple story-lines. . Experience the LEGO The Lord of the Rings heroes come to life in an all new way with the mini-fig characters delivering the dialogue from the films. . Collect, combine and forge new items in the Blacksmith Shop using Mithril, the most precious metal in Middle-earth. . Discover and unlock over more than 80 playable characters, including Frodo, Aragorn, Gandalf, and many others. . Collect and use a variety of weaponry and magical items, including the Light of Earendil, Elven rope, swords, and bows. . Play with family and friends with easy access drop-in, drop-out game play option.", + "about_the_game": "Based on The Lord of the Rings motion picture trilogy, LEGO\u00ae The Lord of the Rings follows the original story-lines of The Lord of the Rings: The Fellowship of the Ring, The Lord of the Rings: The Two Towers, and The Lord of the Rings: The Return of the King, taking players through the epic story events re-imagined with the humor and endless variety of LEGO play.Trusted with the dangerous task to destroy an ancient magical ring that threatens all that is good, Frodo is forced to leave his peaceful home. But the ring wants to be found and the road to Mount Doom, the only place where it can be destroyed, will be perilous and riddled with Orcs and fouler things. To help Frodo, a Fellowship is formed \u2014Aragorn the Ranger, Gandalf the Wizard, Legolas the Elf, Gimli the Dwarf, Boromir a Man of Gondor, and Frodo\u2019s Hobbit friends Sam, Merry and Pippin. Players relive the legend through the LEGO mini-figures, as they explore wonders, solve timeless riddles, and overcome endless foes in their quest to destroy the Ring.Key Features:Explore all of the open-world of Middle-earth and experience epic battles with Orcs, Uruk-hai, the Balrog, the Witch-king, and other fearsome creatures.Wield the power of the Palant\u00edr or Seeing-stone (\u2018one that looks far-away\u2019), and jump between multiple story-lines.Experience the LEGO The Lord of the Rings heroes come to life in an all new way with the mini-fig characters delivering the dialogue from the films.Collect, combine and forge new items in the Blacksmith Shop using Mithril, the most precious metal in Middle-earth.Discover and unlock over more than 80 playable characters, including Frodo, Aragorn, Gandalf, and many others.Collect and use a variety of weaponry and magical items, including the Light of Earendil, Elven rope, swords, and bows.Play with family and friends with easy access drop-in, drop-out game play option.", + "short_description": "Based on The Lord of the Rings motion picture trilogy, LEGO\u00ae The Lord of the Rings follows the original story-lines of The Lord of the Rings: The Fellowship of the Ring, The Lord of the Rings: The Two Towers, and The Lord of the Rings: The Return of the King, taking players through the epic story events re-imagined with the humor and endl", + "genres": "Action", + "recommendations": 6789, + "score": 5.81651998044334 + }, + { + "type": "game", + "name": "Mark of the Ninja", + "detailed_description": "In Mark of the Ninja, you'll know what it is to truly be a ninja. You must be silent, agile and clever to outwit your opponents in a world of gorgeous scenery and flowing animation. Marked with cursed tattoos giving you heightened senses, every situation presents you with options. Will you be an unknown, invisible ghost, or a brutal, silent assassin?. Upgrade new tools and techniques that suit your playstyle and complete optional objectives to unlock entirely new ways to approach the game. Finish the main story to unlock a New Game Plus mode with even more options and challenges.Key Features:True Stealth Experience - Player-centric gameplay rewards choice, be it finishing the game without killing anyone or assassinating all who stand in your way. Stunning Visuals - Unique 2D visual style featuring award-winning animation and hand-painted environments. Custom PC Controls - Custom keyboard and mouse PC controls in addition to gamepad support. Deep Experience - Each level has three score challenges, optional objectives and hidden collectibles. A diversity of unlockable abilities, items and playstyles allow exploring many avenues of play. New Game Plus - Finish the game and unlock this mode, offering new challenges and rewards.", + "about_the_game": "In Mark of the Ninja, you'll know what it is to truly be a ninja. You must be silent, agile and clever to outwit your opponents in a world of gorgeous scenery and flowing animation. Marked with cursed tattoos giving you heightened senses, every situation presents you with options. Will you be an unknown, invisible ghost, or a brutal, silent assassin?Upgrade new tools and techniques that suit your playstyle and complete optional objectives to unlock entirely new ways to approach the game. Finish the main story to unlock a New Game Plus mode with even more options and challenges.Key Features:True Stealth Experience - Player-centric gameplay rewards choice, be it finishing the game without killing anyone or assassinating all who stand in your wayStunning Visuals - Unique 2D visual style featuring award-winning animation and hand-painted environmentsCustom PC Controls - Custom keyboard and mouse PC controls in addition to gamepad supportDeep Experience - Each level has three score challenges, optional objectives and hidden collectibles. A diversity of unlockable abilities, items and playstyles allow exploring many avenues of playNew Game Plus - Finish the game and unlock this mode, offering new challenges and rewards", + "short_description": "In Mark of the Ninja, you'll know what it is to truly be a ninja. You must be silent, agile and clever to outwit your opponents in a world of gorgeous scenery and flowing animation. Marked with cursed tattoos giving you heightened senses, every situation presents you with options.", + "genres": "Action", + "recommendations": 11663, + "score": 6.173200343019892 + }, + { + "type": "game", + "name": "Total War: ROME II - Emperor Edition", + "detailed_description": "Total War Academy. About the GameEmperor Edition is the definitive edition of ROME II, featuring an improved politics system, overhauled building chains, rebalanced battles and improved visuals in both campaign and battle. Emperor Edition contains all free feature updates since its release in 2013, which includes bug fixes, balancing, Twitch.tv integration, touchscreen, and Mac compatibility. In addition, a free DLC campaign pack \u2018The Imperator Augustus\u2019 is included, which follows the aftermath of Caesar\u2019s demise. . The Imperator Augustus Campaign Pack and all Emperor Edition updates are free, via automatic update, to all existing ROME II owners. . If you\u2019re new to Total War: ROME II click the Total War Academy link to learn more: About the Imperator Augustus Campaign Pack. The Imperator Augustus Campaign Pack is a new playable campaign for ROME II, which rivals the original ROME II Grand Campaign in both scope and scale. This campaign comes as part of Total War\u2122: ROME II \u2013 Emperor Edition and is available as a free, automatic update to existing owners of Total War\u2122: ROME II. The Imperator Augustus Campaign Pack is set in 42 BC during the chaotic aftermath of Caesar\u2019s grisly murder. The republic remains whole, but its soul is divided as three great men, the members of the Second Triumvirate, hold the future of Rome in the palms of their hands. . Octavian, Caesar\u2019s adoptive son and the heir to his legacy. . Marc Antony, Caesar\u2019s loyal friend and most trusted lieutenant. . Lepidus, Pontifex Maximus of Rome and the man who secured Caesar\u2019s dictatorship. . With the territories of The Republic divided between them and the military might of Rome at their beck-and-call, the members of The Second Triumvirate are each in a position to make a bid for leadership, and rule Rome as its first \u2013 and only \u2013 emperor. . However, external forces are on the move, looking to exploit the instability of Rome and expand their own territories. Will you fight as a defender of Rome and defeat the other members of the Triumvirate? Or lead another faction on a campaign of conquest and expansion, and take advantage of the chaos as the Roman civil war rages?. Playable Factions. Players may embark on a new Campaign as one of the following playable factions:. Marc Antony. Lepidus. Octavian. Pompey. Iceni. Marcomanni. Dacia. Egypt. Parthia. Armenia (also now playable in the ROME II Grand Campaign). . How far will you go for Rome?. The award-winning Total War series returns to Rome, setting a brand new quality benchmark for Strategy gaming. Become the world\u2019s first superpower and command the Ancient world\u2019s most incredible war machine. Dominate your enemies by military, economic and political means. Your ascension will bring both admiration and jealousy, even from your closest allies. . Will you suffer betrayal or will you be the first to turn on old friends? Will you fight to save the Republic, or plot to rule alone as Emperor?. \u2722 Plan your conquest of the known world in a massive sandbox turn-based campaign mode (supporting additional 2-player cooperative & competitive modes). Conspiracies, politics, intrigue, revolts, loyalty, honour, ambition, betrayal. Your decisions will write your own story. . \u2722 Build vast armies and take to the battlefield in real-time combat mode. Put your tactical skills to the test as you directly control tens of thousands of men clashing in epic land and sea battles. . \u2722 Play for the glory of Rome as one of three families or take command of a huge variety of rival civilisations \u2013 each offers a notably different form of gameplay experience with hundreds of unique units from siege engines and heavy cavalry to steel-plated legionaries and barbarian berserkers. . \u2722 See exotic ancient cities and colossal armies rendered in incredible detail, as jaw-dropping battles unfold. Detailed camera perspectives allow you to see your men shout in victory or scream in pain on the frontline, while a new tactical cam allows a god\u2019s eye view of the carnage to better inform your strategic decisions. . \u2722 Extremely scalable experience, with gameplay and graphics performance optimised to match low and high-end hardware alike.", + "about_the_game": "Emperor Edition is the definitive edition of ROME II, featuring an improved politics system, overhauled building chains, rebalanced battles and improved visuals in both campaign and battleEmperor Edition contains all free feature updates since its release in 2013, which includes bug fixes, balancing, Twitch.tv integration, touchscreen, and Mac compatibility. In addition, a free DLC campaign pack \u2018The Imperator Augustus\u2019 is included, which follows the aftermath of Caesar\u2019s demise. The Imperator Augustus Campaign Pack and all Emperor Edition updates are free, via automatic update, to all existing ROME II owners.If you\u2019re new to Total War: ROME II click the Total War Academy link to learn more: the Imperator Augustus Campaign PackThe Imperator Augustus Campaign Pack is a new playable campaign for ROME II, which rivals the original ROME II Grand Campaign in both scope and scale. This campaign comes as part of Total War\u2122: ROME II \u2013 Emperor Edition and is available as a free, automatic update to existing owners of Total War\u2122: ROME II.The Imperator Augustus Campaign Pack is set in 42 BC during the chaotic aftermath of Caesar\u2019s grisly murder. The republic remains whole, but its soul is divided as three great men, the members of the Second Triumvirate, hold the future of Rome in the palms of their hands. Octavian, Caesar\u2019s adoptive son and the heir to his legacy.Marc Antony, Caesar\u2019s loyal friend and most trusted lieutenant.Lepidus, Pontifex Maximus of Rome and the man who secured Caesar\u2019s dictatorship.With the territories of The Republic divided between them and the military might of Rome at their beck-and-call, the members of The Second Triumvirate are each in a position to make a bid for leadership, and rule Rome as its first \u2013 and only \u2013 emperor. However, external forces are on the move, looking to exploit the instability of Rome and expand their own territories. Will you fight as a defender of Rome and defeat the other members of the Triumvirate? Or lead another faction on a campaign of conquest and expansion, and take advantage of the chaos as the Roman civil war rages?Playable FactionsPlayers may embark on a new Campaign as one of the following playable factions:Marc AntonyLepidusOctavianPompeyIceniMarcomanniDaciaEgyptParthiaArmenia (also now playable in the ROME II Grand Campaign).How far will you go for Rome?The award-winning Total War series returns to Rome, setting a brand new quality benchmark for Strategy gaming. Become the world\u2019s first superpower and command the Ancient world\u2019s most incredible war machine. Dominate your enemies by military, economic and political means. Your ascension will bring both admiration and jealousy, even from your closest allies.Will you suffer betrayal or will you be the first to turn on old friends? Will you fight to save the Republic, or plot to rule alone as Emperor?\u2722 Plan your conquest of the known world in a massive sandbox turn-based campaign mode (supporting additional 2-player cooperative & competitive modes). Conspiracies, politics, intrigue, revolts, loyalty, honour, ambition, betrayal. Your decisions will write your own story.\u2722 Build vast armies and take to the battlefield in real-time combat mode. Put your tactical skills to the test as you directly control tens of thousands of men clashing in epic land and sea battles.\u2722 Play for the glory of Rome as one of three families or take command of a huge variety of rival civilisations \u2013 each offers a notably different form of gameplay experience with hundreds of unique units from siege engines and heavy cavalry to steel-plated legionaries and barbarian berserkers.\u2722 See exotic ancient cities and colossal armies rendered in incredible detail, as jaw-dropping battles unfold. Detailed camera perspectives allow you to see your men shout in victory or scream in pain on the frontline, while a new tactical cam allows a god\u2019s eye view of the carnage to better inform your strategic decisions.\u2722 Extremely scalable experience, with gameplay and graphics performance optimised to match low and high-end hardware alike.", + "short_description": "Emperor Edition is the definitive edition of ROME II, featuring an improved politics system, overhauled building chains, rebalanced battles and improved visuals in both campaign and battleEmperor Edition contains all free feature updates since its release in 2013, which includes bug fixes, balancing, Twitch.", + "genres": "Strategy", + "recommendations": 47798, + "score": 7.103042277925868 + }, + { + "type": "game", + "name": "WAKFU", + "detailed_description": "STEP INTO A LIMITLESS UNIVERSE. Touchdown in the World of Twelve and set off on a great adventure in WAKFU, an original massively multiplayer online role playing universe where humor goes hand in hand with action-packed, tactical battles. . Climb Mount Zinit in search of Ogrest, the fearsome ogre behind the cataclysm that devastated the World, or mark your own path across the archipelagos where the denizens of this world feverishly work to rebuild their once mighty nations. . Become a warrior, politician, merchant, or craftsman, but whatever you choose. . IN WAKFU, EVERYTHING DEPENDS ON YOU!. . Tired of brainlessly running through the forest pressing 1, 1, 2, 1, 1, 3, on every monster that jumps on you? Discover our turn-based tactical combat system, and develop a more creative strategy to defeat monsters that will keep challenging your tactical skills. . No standard knight, ranger, mage and cleric here. Discover our 18 classes, each with their unique set of skills and gameplay. From Foggernauts, the robot wreckers, to Xelors, masters of time, you're sure to find the character that's right for you. . Live exciting adventures, explore lots of unique dungeons, and complete hundreds of quests that will offer you to live a real adventure as a main protagonist. You\u2019re here to save the world, after all!. . Respawn is a lie. When you kill something, you\u2019d better replant it, or you might accidently wipe out an entire species. Our unique ecosystem feature will give you complete control over mobs population. . While others offer you houses, we give you worlds! Haven Worlds! Join a guild and acquire your own little piece of the world, to build and develop just as you wish. Don\u2019t worry, in the Haven Worlds there are houses too, and so much more!. . NPCs are so yesterday\u2026 Write your own destiny and join the political dance of your Nation. Become Governor or one of his ministers, and make decisions that will impact thousands of players. The choice is yours: decide if you\u2019d rather be a democratic, peaceful leader, or a tyrannical conqueror!.", + "about_the_game": "STEP INTO A LIMITLESS UNIVERSETouchdown in the World of Twelve and set off on a great adventure in WAKFU, an original massively multiplayer online role playing universe where humor goes hand in hand with action-packed, tactical battles.Climb Mount Zinit in search of Ogrest, the fearsome ogre behind the cataclysm that devastated the World, or mark your own path across the archipelagos where the denizens of this world feverishly work to rebuild their once mighty nations.Become a warrior, politician, merchant, or craftsman, but whatever you choose...IN WAKFU, EVERYTHING DEPENDS ON YOU!Tired of brainlessly running through the forest pressing 1, 1, 2, 1, 1, 3, on every monster that jumps on you? Discover our turn-based tactical combat system, and develop a more creative strategy to defeat monsters that will keep challenging your tactical skills.No standard knight, ranger, mage and cleric here. Discover our 18 classes, each with their unique set of skills and gameplay. From Foggernauts, the robot wreckers, to Xelors, masters of time, you're sure to find the character that's right for you. Live exciting adventures, explore lots of unique dungeons, and complete hundreds of quests that will offer you to live a real adventure as a main protagonist. You\u2019re here to save the world, after all!Respawn is a lie. When you kill something, you\u2019d better replant it, or you might accidently wipe out an entire species. Our unique ecosystem feature will give you complete control over mobs population.While others offer you houses, we give you worlds! Haven Worlds! Join a guild and acquire your own little piece of the world, to build and develop just as you wish. Don\u2019t worry, in the Haven Worlds there are houses too, and so much more!NPCs are so yesterday\u2026 Write your own destiny and join the political dance of your Nation. Become Governor or one of his ministers, and make decisions that will impact thousands of players. The choice is yours: decide if you\u2019d rather be a democratic, peaceful leader, or a tyrannical conqueror!", + "short_description": "STEP INTO A LIMITLESS UNIVERSE Touchdown in the World of Twelve and set off on a great adventure in WAKFU - an original massively multiplayer online role playing universe where humor goes hand in hand with action-packed, tactical battles.", + "genres": "Action", + "recommendations": 145, + "score": 3.2853417187862495 + }, + { + "type": "game", + "name": "Secret World Legends", + "detailed_description": "Other games from the Secret World universe About the GameSecret World Legends is a story-driven, shared-world action RPG that plunges players into a shadowy war against the supernatural, where ancient myths and legends cross over into the modern day. Armed with both weapons and superhuman abilities, you will build your powers, solve deep mysteries, and destroy terrifying evils to uncover a dark and captivating storyline that traverses the globe. Can you reveal the truth?. Features. \u25cf\tFight in a Secret War against the Supernatural: Where will you stand in the secret war between good and evil as supernatural forces threaten the modern-day world? Use a wide range of weapons and superhuman abilities to destroy the sinister evils that are threatening humanity\u2019s existence. . \u25cf\tUnravel the Mysteries of the Legends: Dive into the innovative Investigation Missions, where your wits are as important as your skills. Solve mysteries while battling evil in unique missions and quests never before seen in a game of its kind. . \u25cf\tDescend into a Dark, Mature Storyline: Secret World Legends brings storytelling to a new level by dropping you into the heart of a dramatic and chill-inducing narrative filled with unique missions, emotional punches, and mysterious Legends, brought to life by high-quality voice-acting throughout the adventure. . \u25cf\tExplore the Secret World: Travel from London to Seoul to New York and beyond. Explore the dark forests of Transylvania, the scorched deserts of Egypt, and a small coastal town in New England filled with horror and mystery. Visit locations inspired by the real world now invaded by creatures of myth and legend. . \u25cf\tDeep Character Customization: Choose from hundreds of different customization options for your character, from a deep arsenal of weapons, extensive gear and clothing, to a vast set of supernatural powers and augmentations. . \u25cf\t100+ Hours of Free Stories and Gameplay: Play for free--all of the game\u2019s 100+ hours of missions and quests are completely free to play. . \u25cf\tPlay Solo or With Your Friends: The entire storyline is available to play through on your own, or team up in a seamless multiplayer experience where players from across the globe can adventure together.", + "about_the_game": "Secret World Legends is a story-driven, shared-world action RPG that plunges players into a shadowy war against the supernatural, where ancient myths and legends cross over into the modern day. Armed with both weapons and superhuman abilities, you will build your powers, solve deep mysteries, and destroy terrifying evils to uncover a dark and captivating storyline that traverses the globe. Can you reveal the truth?\r\n\r\nFeatures\r\n\r\n\u25cf\tFight in a Secret War against the Supernatural: Where will you stand in the secret war between good and evil as supernatural forces threaten the modern-day world? Use a wide range of weapons and superhuman abilities to destroy the sinister evils that are threatening humanity\u2019s existence.\r\n\r\n\u25cf\tUnravel the Mysteries of the Legends: Dive into the innovative Investigation Missions, where your wits are as important as your skills. Solve mysteries while battling evil in unique missions and quests never before seen in a game of its kind. \r\n\r\n\u25cf\tDescend into a Dark, Mature Storyline: Secret World Legends brings storytelling to a new level by dropping you into the heart of a dramatic and chill-inducing narrative filled with unique missions, emotional punches, and mysterious Legends, brought to life by high-quality voice-acting throughout the adventure. \r\n\r\n\u25cf\tExplore the Secret World: Travel from London to Seoul to New York and beyond. Explore the dark forests of Transylvania, the scorched deserts of Egypt, and a small coastal town in New England filled with horror and mystery. Visit locations inspired by the real world now invaded by creatures of myth and legend. \r\n\r\n\u25cf\tDeep Character Customization: Choose from hundreds of different customization options for your character, from a deep arsenal of weapons, extensive gear and clothing, to a vast set of supernatural powers and augmentations. \r\n\r\n\u25cf\t100+ Hours of Free Stories and Gameplay: Play for free--all of the game\u2019s 100+ hours of missions and quests are completely free to play.\r\n\r\n\u25cf\tPlay Solo or With Your Friends: The entire storyline is available to play through on your own, or team up in a seamless multiplayer experience where players from across the globe can adventure together.", + "short_description": "Secret World Legends is a story-driven, shared-world action RPG that plunges players into a shadowy war against the supernatural, where ancient myths and legends cross over into the modern day.", + "genres": "Action", + "recommendations": 4344, + "score": 5.522223221313944 + }, + { + "type": "game", + "name": "MapleStory", + "detailed_description": "Join over 260 Million Global Players in MapleStory, one of the original MMORPGs, where epic adventure, action-packed gameplay, & good friends await you! Featuring an iconic 2D art style, MapleStory offers the thrill of explosive power, bold anime-style self-expression, and absolute control of your characters\u2019 awesome abilities. Build your perfect custom hero from over 40 distinct classes with thousands of unique cosmetic options, and set off on your journey to face never-ending challenges and enjoy extraordinary rewards. Discover Your Story!Key Features:. Create a gaming experience as unique as your personality by designing your own MapleStory hero. With over 40 unique classes to choose from, each with their own amazing abilities as well as an almost limitless number of cosmetic options, your hero will truly become one-of-a-kind. Become a leader in the Maple Alliance and a legendary hero to inspire players for years to come. . . Welcome to MapleStory, the original side-scrolling MMORPG where epic adventure, action and good friends await you. With hundreds of hours of gameplay, this immersive role-playing experience will allow you to conquer perilous dungeons, overcome terrifying bosses, socialize with your friends and much more. . . Immerse yourself in Maple World\u2019s rich lore-filled history and epic storylines as you traverse lush forests, arid deserts, frozen tundras, underwater kingdoms, lost civilizations, and even a city in the sky! With hundreds of locations to roam, secrets to discover, and bosses to master, MapleStory offers a wealth of gameplay for you to uncover.", + "about_the_game": "Join over 260 Million Global Players in MapleStory, one of the original MMORPGs, where epic adventure, action-packed gameplay, & good friends await you! Featuring an iconic 2D art style, MapleStory offers the thrill of explosive power, bold anime-style self-expression, and absolute control of your characters\u2019 awesome abilities. Build your perfect custom hero from over 40 distinct classes with thousands of unique cosmetic options, and set off on your journey to face never-ending challenges and enjoy extraordinary rewards. Discover Your Story!Key Features:Create a gaming experience as unique as your personality by designing your own MapleStory hero. With over 40 unique classes to choose from, each with their own amazing abilities as well as an almost limitless number of cosmetic options, your hero will truly become one-of-a-kind.\u00a0 Become a leader in the Maple Alliance and a legendary hero to inspire players for years to come. Welcome to MapleStory, the original side-scrolling MMORPG where epic adventure, action and good friends await you. With hundreds of hours of gameplay, this immersive role-playing experience will allow you to conquer perilous dungeons, overcome terrifying bosses, socialize with your friends and much more. Immerse yourself in Maple World\u2019s rich lore-filled history and epic storylines as you traverse lush forests, arid deserts, frozen tundras, underwater kingdoms, lost civilizations, and even a city in the sky! With hundreds of locations to roam, secrets to discover, and bosses to master, MapleStory offers a wealth of gameplay for you to uncover.", + "short_description": "Join over 260 million players worldwide in MapleStory, the world\u2019s biggest 2D MMORPG adventure! Play now for free.", + "genres": "Action", + "recommendations": 103, + "score": 3.061720624745033 + }, + { + "type": "game", + "name": "PlanetSide 2", + "detailed_description": "PlanetSide 2 is a free-to-play, massively multiplayer online first person shooter (MMOFPS). . Empires and their soldiers battle in an all-out planetary war on a scale never before seen, in stunning, breathtaking detail. PlanetSide 2 battles persist and the war never ends, offering constant challenges of individual skill, team grit, and empire-wide coordination. Take up arms and drop into intense infantry, vehicle, and air combat. . Players come together in enormous battles across four massive continents to win control of critical territories, gaining key resources for their empire. With an extensive skill tree and class-based system, players can customize their soldier, weapons, and vehicles to match their playstyle and meet the needs of their squads, outfits, and empires. In the world of PlanetSide 2, every soldier makes a difference.THREE WARRING EMPIRES Players will choose to align with one of three empires: the militaristic, authoritarian Terran Republic; the rebellious, freedom-fighting New Conglomerate; or the technocratic, alien-influenced Vanu Sovereignty. Each empire has access to empire-specific weapons, attachments, vehicles, abilities, and more. . MASSIVE WARFARE Battles take place not between dozens of soldiers, but between hundreds. They fight on foot. They pile into vehicles. They take to the skies in devastating aircraft. Each battleground holds valuable resources and strategic positions, and the empire that can conquer and hold these territories will be rewarded with the resources and the means to achieve victory.ENORMOUS MAPS PlanetSide 2 features four incredible and diverse continent maps with dozens of square kilometers of seamless gameplay space, every inch of which is hand-crafted and contestable. Whether in open fields, barren desert, in armed and armored bases, or in the skies, victory will rely on knowing your surroundings. . PERSISTENCE THAT PAYS In PlanetSide 2 the war isn\u2019t won by a single base capture. The core gameplay of PlanetSide 2 is about holding crucial territories and controlling resources. Working strategically as a team to secure tactical positions has long-lasting effects that can shift the tide of battle.CLASS-BASED COMBATPlayers can build their soldier to match wants and their allies' needs. Six distinct classes provide a wealth of squad options and combat tactics. Grow your soldier over time as you master each combat role, weapon, and vehicle, laterally unlocking hundreds of weapons, attachments, gear, skills, vehicles, and more. . . Heavy Assault: Rush into the battle guns blazing. You are the dedicated foot soldier of Auraxis. . Light Assault: Go where the Heavies can\u2019t with your short-burst jetpack. Pick a high spot, throw a grenade, and out maneuver your foes!. Combat Medic: Keep your fellow soldiers alive and in fighting shape. You are the beating heart of any squad. . Infiltrator: Stay silent. Stay invisible. You are death from the shadows, whether with a knife from behind or a single shot from a sniper's nest. You are the enemy's constant fear. . Engineer: Deploy crucial equipment. Resupply your allies. Fix the thing, then fix it again. You keep the machines running, the tanks firing, and the war effort moving forward. . MAX: Step into your Mechanized Assault Exo-Suit (MAX). Cannons for hands, armor for flesh, and a disposition to match, you are a walking mass of nigh unstoppable death.OUTFIT TEAMWORK Join or form your own Outfit, a like-minded group of soldiers who train together day in and day out. Whether a small rapid response team or a massive clan, Outfits are vital to each empire's strategic organization. . VEHICLES & WEAPONSTrain and equip your soldier how you want, with a huge array of weapons and vehicles which can be extensively customized by preference or purpose, using attachments, upgrades, and add-ons earned in the war.PLAY FOR FREE .", + "about_the_game": "PlanetSide 2 is a free-to-play, massively multiplayer online first person shooter (MMOFPS). Empires and their soldiers battle in an all-out planetary war on a scale never before seen, in stunning, breathtaking detail. PlanetSide 2 battles persist and the war never ends, offering constant challenges of individual skill, team grit, and empire-wide coordination. Take up arms and drop into intense infantry, vehicle, and air combat. Players come together in enormous battles across four massive continents to win control of critical territories, gaining key resources for their empire. With an extensive skill tree and class-based system, players can customize their soldier, weapons, and vehicles to match their playstyle and meet the needs of their squads, outfits, and empires. In the world of PlanetSide 2, every soldier makes a difference.THREE WARRING EMPIRES Players will choose to align with one of three empires: the militaristic, authoritarian Terran Republic; the rebellious, freedom-fighting New Conglomerate; or the technocratic, alien-influenced Vanu Sovereignty. Each empire has access to empire-specific weapons, attachments, vehicles, abilities, and more.MASSIVE WARFARE Battles take place not between dozens of soldiers, but between hundreds. They fight on foot. They pile into vehicles. They take to the skies in devastating aircraft. Each battleground holds valuable resources and strategic positions, and the empire that can conquer and hold these territories will be rewarded with the resources and the means to achieve victory.ENORMOUS MAPS PlanetSide 2 features four incredible and diverse continent maps with dozens of square kilometers of seamless gameplay space, every inch of which is hand-crafted and contestable. Whether in open fields, barren desert, in armed and armored bases, or in the skies, victory will rely on knowing your surroundings. PERSISTENCE THAT PAYS In PlanetSide 2 the war isn\u2019t won by a single base capture. The core gameplay of PlanetSide 2 is about holding crucial territories and controlling resources. Working strategically as a team to secure tactical positions has long-lasting effects that can shift the tide of battle.CLASS-BASED COMBATPlayers can build their soldier to match wants and their allies' needs. Six distinct classes provide a wealth of squad options and combat tactics. Grow your soldier over time as you master each combat role, weapon, and vehicle, laterally unlocking hundreds of weapons, attachments, gear, skills, vehicles, and more.Heavy Assault: Rush into the battle guns blazing. You are the dedicated foot soldier of Auraxis.Light Assault: Go where the Heavies can\u2019t with your short-burst jetpack. Pick a high spot, throw a grenade, and out maneuver your foes!Combat Medic: Keep your fellow soldiers alive and in fighting shape. You are the beating heart of any squad. Infiltrator: Stay silent. Stay invisible. You are death from the shadows, whether with a knife from behind or a single shot from a sniper's nest. You are the enemy's constant fear. Engineer: Deploy crucial equipment. Resupply your allies. Fix the thing, then fix it again. You keep the machines running, the tanks firing, and the war effort moving forward. MAX: Step into your Mechanized Assault Exo-Suit (MAX). Cannons for hands, armor for flesh, and a disposition to match, you are a walking mass of nigh unstoppable death.OUTFIT TEAMWORK Join or form your own Outfit, a like-minded group of soldiers who train together day in and day out. Whether a small rapid response team or a massive clan, Outfits are vital to each empire's strategic organization. VEHICLES & WEAPONSTrain and equip your soldier how you want, with a huge array of weapons and vehicles which can be extensively customized by preference or purpose, using attachments, upgrades, and add-ons earned in the war.PLAY FOR FREE", + "short_description": "PlanetSide 2 is an all-out planetary war, where thousands of players battle as one across enormous continents. Utilize infantry, ground and air vehicles, and teamwork to destroy your enemies in this revolutionary first-person shooter on a massive scale.", + "genres": "Action", + "recommendations": 595, + "score": 4.212636720792714 + }, + { + "type": "game", + "name": "PAYDAY 2", + "detailed_description": "Pre-Purchase Offer About the GamePAYDAY 2 is an action-packed, four-player co-op shooter that once again lets gamers don the masks of the original PAYDAY crew - Dallas, Hoxton, Wolf and Chains - as they descend on Washington DC for an epic crime spree. . The CRIMENET network offers a huge range of dynamic contracts, and players are free to choose anything from small-time convenience store hits or kidnappings, to big league cyber-crime or emptying out major bank vaults for that epic PAYDAY. While in DC, why not participate in the local community, and run a few political errands?. Up to four friends co-operate on the hits, and as the crew progresses the jobs become bigger, better and more rewarding. Along with earning more money and becoming a legendary criminal comes a character customization and crafting system that lets crews build and customize their own guns and gear.Key FeaturesRob Banks, Get Paid \u2013 Players must choose their crew carefully, because when the job goes down they will need the right mix of skills on their side. . CRIMENET \u2013 The dynamic contract database lets gamers pick and choose from available jobs by connecting with local contacts such as Vlad the Ukrainian, shady politician \"The Elephant\", and South American drug trafficker Hector, all with their own agenda and best interests in mind. . PAYDAY Gunplay and Mechanics on a New Level \u2013 Firing weapons and zip tying civilians never felt so good. . Dynamic Scenarios \u2013 No heist ever plays out the same way twice. Every single scenario has random geometry or even rare events. . Choose Your Skills \u2013 As players progress they can invest in any of five special Skill Trees: Mastermind, Enforcer, Ghost, Technician and Fugitive. Each features a deep customization tree of associated skills and equipment to master, and they can be mixed and matched to create the ultimate heister. . More Masks than Ever \u2013 PAYDAY 2 features a completely new mask system, giving players the ability to craft their own unique mask with a pattern and color of their choice, resulting in millions of different combinations. . Weapons and Modifications \u2013 A brand new arsenal for the serious heister, covering everything from sniper and assault rifles to compact PDWs and SMGs. Once you've settled for a favorite, you can modify it with optics, suppressors, fore grips, reticles, barrels, frames, stocks and more, all of which will affect the performance of your weapon. There are also purely aesthetic enhancements - why not go for the drug lord look with polished walnut grips for your nine?. Play It Your Way \u2013 Each job allows for multiple approaches, such as slow and stealthy ambushes or running in guns blazing. Hit the target any way you want, each approach will provide a different experience. . A Long History of Additional Content \u2013 More than 70 updates since release, including new heists, characters, weapons and other gameplay features like driving cars and forklifts.", + "about_the_game": "PAYDAY 2 is an action-packed, four-player co-op shooter that once again lets gamers don the masks of the original PAYDAY crew - Dallas, Hoxton, Wolf and Chains - as they descend on Washington DC for an epic crime spree. The CRIMENET network offers a huge range of dynamic contracts, and players are free to choose anything from small-time convenience store hits or kidnappings, to big league cyber-crime or emptying out major bank vaults for that epic PAYDAY. While in DC, why not participate in the local community, and run a few political errands?Up to four friends co-operate on the hits, and as the crew progresses the jobs become bigger, better and more rewarding. Along with earning more money and becoming a legendary criminal comes a character customization and crafting system that lets crews build and customize their own guns and gear.Key FeaturesRob Banks, Get Paid \u2013 Players must choose their crew carefully, because when the job goes down they will need the right mix of skills on their side.CRIMENET \u2013 The dynamic contract database lets gamers pick and choose from available jobs by connecting with local contacts such as Vlad the Ukrainian, shady politician \"The Elephant\", and South American drug trafficker Hector, all with their own agenda and best interests in mind.PAYDAY Gunplay and Mechanics on a New Level \u2013 Firing weapons and zip tying civilians never felt so good.Dynamic Scenarios \u2013 No heist ever plays out the same way twice. Every single scenario has random geometry or even rare events.Choose Your Skills \u2013 As players progress they can invest in any of five special Skill Trees: Mastermind, Enforcer, Ghost, Technician and Fugitive. Each features a deep customization tree of associated skills and equipment to master, and they can be mixed and matched to create the ultimate heister.More Masks than Ever \u2013 PAYDAY 2 features a completely new mask system, giving players the ability to craft their own unique mask with a pattern and color of their choice, resulting in millions of different combinations. Weapons and Modifications \u2013 A brand new arsenal for the serious heister, covering everything from sniper and assault rifles to compact PDWs and SMGs. Once you've settled for a favorite, you can modify it with optics, suppressors, fore grips, reticles, barrels, frames, stocks and more, all of which will affect the performance of your weapon. There are also purely aesthetic enhancements - why not go for the drug lord look with polished walnut grips for your nine?Play It Your Way \u2013 Each job allows for multiple approaches, such as slow and stealthy ambushes or running in guns blazing. Hit the target any way you want, each approach will provide a different experience.A Long History of Additional Content \u2013 More than 70 updates since release, including new heists, characters, weapons and other gameplay features like driving cars and forklifts.", + "short_description": "PAYDAY 2 is an action-packed, four-player co-op shooter that once again lets gamers don the masks of the original PAYDAY crew - Dallas, Hoxton, Wolf and Chains - as they descend on Washington DC for an epic crime spree.", + "genres": "Action", + "recommendations": 410472, + "score": 8.520587579624081 + }, + { + "type": "game", + "name": "Scribblenauts Unlimited", + "detailed_description": "The best-selling, award-winning franchise is back \u2013 on your home PC in gorgeous HD for the first time. . Venture into a wide-open world where the most powerful tool is your imagination. Help Maxwell solve robust puzzles in seamless, free-roaming levels by summoning any object you can think of. Create your own original objects, assign unique properties, and share them with friends online using Steam Workshop \u2013 to be used in game or further modified as you like! . . For the first time, learn the back-story about Maxwell's parents, 41 siblings (including his twin sister Lily), and how he got his magical notepad.Key FeaturesObject Creator: Create original objects, assign unique properties, and share them with other players online. Use them in game or modify them as you like!. All-New Unbound World: Explore an open universe with unlimited hours of fun using every level as your playground. . Object Library: Store previously summoned objects and your own creations in Maxwell's Magic Backpack for easy access and future use. . Merit Board: Each world comes with a comprehensive list of hints, including the new Starite Vision helper highlighting all nearby starites and starite shards.", + "about_the_game": "The best-selling, award-winning franchise is back \u2013 on your home PC in gorgeous HD for the first time. Venture into a wide-open world where the most powerful tool is your imagination. Help Maxwell solve robust puzzles in seamless, free-roaming levels by summoning any object you can think of. Create your own original objects, assign unique properties, and share them with friends online using Steam Workshop \u2013 to be used in game or further modified as you like! For the first time, learn the back-story about Maxwell's parents, 41 siblings (including his twin sister Lily), and how he got his magical notepad.Key FeaturesObject Creator: Create original objects, assign unique properties, and share them with other players online. Use them in game or modify them as you like!All-New Unbound World: Explore an open universe with unlimited hours of fun using every level as your playground.Object Library: Store previously summoned objects and your own creations in Maxwell's Magic Backpack for easy access and future use.Merit Board: Each world comes with a comprehensive list of hints, including the new Starite Vision helper highlighting all nearby starites and starite shards.", + "short_description": "The best-selling, award-winning franchise is back \u2013 on your home PC in gorgeous HD for the first time.", + "genres": "Adventure", + "recommendations": 6872, + "score": 5.824529457403833 + }, + { + "type": "game", + "name": "Hotline Miami", + "detailed_description": "Hotline Miami is a high-octane action game overflowing with raw brutality, hard-boiled gunplay and skull crushing close combat. Set in an alternative 1989 Miami, you will assume the role of a mysterious antihero on a murderous rampage against the shady underworld at the behest of voices on your answering machine. Soon you'll find yourself struggling to get a grip of what is going on and why you are prone to these acts of violence. . Rely on your wits to choreograph your way through seemingly impossible situations as you constantly find yourself outnumbered by vicious enemies. The action is unrelenting and every shot is deadly so each move must be quick and decisive if you hope to survive and unveil the sinister forces driving the bloodshed. Hotline Miami\u2019s unmistakable visual style, a driving soundtrack, and a surreal chain of events will have you question your own thirst for blood while pushing you to the limits with a brutally unforgiving challenge.", + "about_the_game": "Hotline Miami is a high-octane action game overflowing with raw brutality, hard-boiled gunplay and skull crushing close combat. Set in an alternative 1989 Miami, you will assume the role of a mysterious antihero on a murderous rampage against the shady underworld at the behest of voices on your answering machine. Soon you'll find yourself struggling to get a grip of what is going on and why you are prone to these acts of violence.Rely on your wits to choreograph your way through seemingly impossible situations as you constantly find yourself outnumbered by vicious enemies. The action is unrelenting and every shot is deadly so each move must be quick and decisive if you hope to survive and unveil the sinister forces driving the bloodshed. Hotline Miami\u2019s unmistakable visual style, a driving soundtrack, and a surreal chain of events will have you question your own thirst for blood while pushing you to the limits with a brutally unforgiving challenge.", + "short_description": "Hotline Miami is a high-octane action game overflowing with raw brutality, hard-boiled gunplay and skull crushing close combat.", + "genres": "Action", + "recommendations": 72108, + "score": 7.374100503959983 + }, + { + "type": "game", + "name": "Chivalry: Medieval Warfare", + "detailed_description": "CHECK OUT CHIVALRY 2 About the GameBesiege castles and raid villages in Chivalry: Medieval Warfare, a fast-paced medieval first person slasher with a focus on multiplayer battles. Featuring competitive online combat that seeks to capture the experience of truly being on a medieval battlefield. Inspired from the intensity and epicness of swordfighting movies such as 300, Gladiator and Braveheart, Chivalry: Medieval Warfare aims to bring that experience to the hands of a gamer. . The game is skill-based and controls like an FPS, but instead of guns and grenades, players are given swords, shields, maces, battleaxes and longbows. Set in a fictional, yet gritty and realistic world, players will fight in fast paced online battles besieging castles, raiding medieval villages and fighting for glory in the arena with up to 32 players.Key Features: Deep melee combat system provides players with a huge range of responsive combat options . Adjust your attacks and blocks in real time with the mouse for precise and full control of the action. Wield an arsenal of up to 60 brutal weapons ranging from broad swords and battle axes to longbows and javelins. Dynamic objective system brings team tactics and strategy to the forefront as players batter down gates, raid villages and assassinate enemy royalty to achieve victory. . Use a variety of siege weapons ranging from catapults, boiling oil, ballista, battering rams and more. Vast, lush environments that transport the player to a gritty and immersive medieval world. . Offline play options that allow players to gain familiarity with the controls and gameplay before being thrust into the action.", + "about_the_game": "Besiege castles and raid villages in Chivalry: Medieval Warfare, a fast-paced medieval first person slasher with a focus on multiplayer battles. Featuring competitive online combat that seeks to capture the experience of truly being on a medieval battlefield. Inspired from the intensity and epicness of swordfighting movies such as 300, Gladiator and Braveheart, Chivalry: Medieval Warfare aims to bring that experience to the hands of a gamer.The game is skill-based and controls like an FPS, but instead of guns and grenades, players are given swords, shields, maces, battleaxes and longbows. Set in a fictional, yet gritty and realistic world, players will fight in fast paced online battles besieging castles, raiding medieval villages and fighting for glory in the arena with up to 32 players.Key Features: Deep melee combat system provides players with a huge range of responsive combat options Adjust your attacks and blocks in real time with the mouse for precise and full control of the actionWield an arsenal of up to 60 brutal weapons ranging from broad swords and battle axes to longbows and javelinsDynamic objective system brings team tactics and strategy to the forefront as players batter down gates, raid villages and assassinate enemy royalty to achieve victory.Use a variety of siege weapons ranging from catapults, boiling oil, ballista, battering rams and moreVast, lush environments that transport the player to a gritty and immersive medieval world. Offline play options that allow players to gain familiarity with the controls and gameplay before being thrust into the action.", + "short_description": "Besiege castles and raid villages in Chivalry: Medieval Warfare, a fast-paced medieval first person slasher with a focus on multiplayer battles", + "genres": "Action", + "recommendations": 45265, + "score": 7.067148194030693 + }, + { + "type": "game", + "name": "Don't Starve", + "detailed_description": "Don't Starve: Hamlet DLC. In Don't Starve: Hamlet, Wilson uncovers a lost town of aristocratic Pigmen nestled within a foreboding tropical jungle. Click here to learn more!. Don't Starve: Shipwrecked DLC. In Don't Starve: Shipwrecked, Wilson finds himself stranded in a tropical archipelago. He must learn to survive all over again in this new environment filled with new biomes, seasons, and creatures. . Click here to learn more!. Don't Starve Together. Don't Starve Together is a standalone multiplayer expansion of the uncompromising survival game, Don't Starve. . Click here to learn more!. Klei Store. About the GameDon\u2019t Starve is an uncompromising wilderness survival game full of science and magic. . You play as Wilson, an intrepid Gentleman Scientist who has been trapped by a demon and transported to a mysterious wilderness world. Wilson must learn to exploit his environment and its inhabitants if he ever hopes to escape and find his way back home. . Enter a strange and unexplored world full of strange creatures, dangers, and surprises. Gather resources to craft items and structures that match your survival style. Play your way as you unravel the mysteries of this strange land.Key Features:Uncompromising Survival & World Exploration:. No instructions. No help. No hand holding. Start with nothing and craft, hunt, research, farm and fight to survive. Dark and Whimsical Visuals:. 2D characters and odd creatures inhabiting a unique 3D world. Randomly Generated New Worlds:. Want a new map? No problem! At any time you can generate a new living and breathing world that hates you and wants you to die.", + "about_the_game": "Don\u2019t Starve is an uncompromising wilderness survival game full of science and magic.You play as Wilson, an intrepid Gentleman Scientist who has been trapped by a demon and transported to a mysterious wilderness world. Wilson must learn to exploit his environment and its inhabitants if he ever hopes to escape and find his way back home. Enter a strange and unexplored world full of strange creatures, dangers, and surprises. Gather resources to craft items and structures that match your survival style. Play your way as you unravel the mysteries of this strange land.Key Features:Uncompromising Survival & World Exploration:No instructions. No help. No hand holding. Start with nothing and craft, hunt, research, farm and fight to survive.Dark and Whimsical Visuals:2D characters and odd creatures inhabiting a unique 3D world. Randomly Generated New Worlds:Want a new map? No problem! At any time you can generate a new living and breathing world that hates you and wants you to die.", + "short_description": "Don\u2019t Starve is an uncompromising wilderness survival game full of science and magic. Enter a strange and unexplored world full of strange creatures, dangers, and surprises. Gather resources to craft items and structures that match your survival style.", + "genres": "Adventure", + "recommendations": 86655, + "score": 7.495245436586555 + }, + { + "type": "game", + "name": "Grim Dawn", + "detailed_description": "Enter an apocalyptic fantasy world where humanity is on the brink of extinction, iron is valued above gold and trust is hard earned. This ARPG features complex character development, hundreds of unique items, crafting and quests with choice & consequence.Key FeaturesDual Class - Combine any of six distinct classes with over 25 skills and modifiers per class. Base classes include Soldier, Demolitionist, Occultist, Nightblade, Arcanist and Shaman. . Hundreds of Item Skills - Augment your class build with a diverse array of over 250 unique skills granted by items and equipment add-ons. . Collect hundreds of Items - Common, magical, rare, epic and legendary classes of loot. Plus over 20,000 possible magical affix combinations and over 200 rare affixes. . Quests with Choice and Consequence - You will face tough decisions that leave significant impacts upon the world. Strangers on the road, desperate families and even entire villages may live or perish based on your actions. Currently over 35 quests with 75+ lore notes to be collected. . Friendly and Enemy Factions - Earn favor with human factions to unlock additional quest lines, vendor discounts and special faction-based items and augments. Some neutral factions can be turned into allies but aiding one will make the enemy of another. Hostile factions will remember your deeds and deepen their hatred of you, sending out large packs and elite heroes to hunt you down. . Devotion, an additional layer of skill customization allows you to acquire bonuses and powerful secondary effects for your class skills. These are unlocked from a giant constellation map with points acquired by finding and restoring destroyed or corrupted shrines hidden throughout the world. . Rebuild the World - Help human enclaves survive and flourish by securing vital necessities, rebuilding structures and rescuing survivors who can then lend their services to your cause. . 4 Person Multiplayer - Connect with Friends or make new allies in glorious multiplayer. Multiplayer encounters will put your teamwork to the ultimate challenge. . Fast-paced Visceral Combat - Enemy blood spatters, ragdoll physics and satisfying enemy death effects. Smash in doors and fight house to house, leaving a path of demolished furniture in your wake. . Rotatable Camera - If you choose to survey the full beauty of the world and always fight from the most optimal angle. Levels are still designed so that players are not forced to rotate the camera; it is purely optional. . Secrets and Perils Abound - 200+ Enemy heroes and bosses, hand-configured with their own unique arrays of deadly skills. 20+ secret areas hidden behind crumbling walls, hidden gaps and mysterious locked doors. Explode obstacles or repair structures to open new paths. . Rogue-Like Dungeons - Descend into special locked challenge dungeons that require a rare crafted key, where enemy levels increase as you progress and player teleport is disabled. There is no way out except to complete the dungeon or die trying. . Dynamic Weather - The world is brought to life with region-specific climates and a variety of weather effects. A sunny day can cloud over with mild rain showers that builds into a booming thunderstorm. Variable wind gusts blow grass and affect objects like windmills. . Recipe Based Crafting - Collect over 250 crafting recipes that allow you to combine salvaged components into unique crafted items and then, later, use those basic crafted items with higher-tiered recipes to complete items of amazing power. . Reclaim Skill Points - The ability to pay to reclaim points alleviates the fear and frustration of having to make early, uninformed skill choices that could permanently gimp a character. . Crate Entertainment is a small indie studio founded by the lead gameplay designer of Titan Quest and includes veterans from such companies as Blizzard North, Irrational and Harmonix. Join the Grim Dawn community and provide feedback on the ongoing development of the game. Help shape the future of development and be among the first to receive news about Grim Dawn by participating in polls and discussions on our forum. ", + "about_the_game": "Enter an apocalyptic fantasy world where humanity is on the brink of extinction, iron is valued above gold and trust is hard earned. This ARPG features complex character development, hundreds of unique items, crafting and quests with choice & consequence.Key FeaturesDual Class - Combine any of six distinct classes with over 25 skills and modifiers per class. Base classes include Soldier, Demolitionist, Occultist, Nightblade, Arcanist and Shaman.Hundreds of Item Skills - Augment your class build with a diverse array of over 250 unique skills granted by items and equipment add-ons.Collect hundreds of Items - Common, magical, rare, epic and legendary classes of loot. Plus over 20,000 possible magical affix combinations and over 200 rare affixes. Quests with Choice and Consequence - You will face tough decisions that leave significant impacts upon the world. Strangers on the road, desperate families and even entire villages may live or perish based on your actions. Currently over 35 quests with 75+ lore notes to be collected.Friendly and Enemy Factions - Earn favor with human factions to unlock additional quest lines, vendor discounts and special faction-based items and augments. Some neutral factions can be turned into allies but aiding one will make the enemy of another. Hostile factions will remember your deeds and deepen their hatred of you, sending out large packs and elite heroes to hunt you down.Devotion, an additional layer of skill customization allows you to acquire bonuses and powerful secondary effects for your class skills. These are unlocked from a giant constellation map with points acquired by finding and restoring destroyed or corrupted shrines hidden throughout the world.Rebuild the World - Help human enclaves survive and flourish by securing vital necessities, rebuilding structures and rescuing survivors who can then lend their services to your cause.4 Person Multiplayer - Connect with Friends or make new allies in glorious multiplayer. Multiplayer encounters will put your teamwork to the ultimate challenge.Fast-paced Visceral Combat - Enemy blood spatters, ragdoll physics and satisfying enemy death effects. Smash in doors and fight house to house, leaving a path of demolished furniture in your wake.Rotatable Camera - If you choose to survey the full beauty of the world and always fight from the most optimal angle. Levels are still designed so that players are not forced to rotate the camera; it is purely optional.Secrets and Perils Abound - 200+ Enemy heroes and bosses, hand-configured with their own unique arrays of deadly skills. 20+ secret areas hidden behind crumbling walls, hidden gaps and mysterious locked doors. Explode obstacles or repair structures to open new paths.Rogue-Like Dungeons - Descend into special locked challenge dungeons that require a rare crafted key, where enemy levels increase as you progress and player teleport is disabled. There is no way out except to complete the dungeon or die trying.Dynamic Weather - The world is brought to life with region-specific climates and a variety of weather effects. A sunny day can cloud over with mild rain showers that builds into a booming thunderstorm. Variable wind gusts blow grass and affect objects like windmills.Recipe Based Crafting - Collect over 250 crafting recipes that allow you to combine salvaged components into unique crafted items and then, later, use those basic crafted items with higher-tiered recipes to complete items of amazing power.Reclaim Skill Points - The ability to pay to reclaim points alleviates the fear and frustration of having to make early, uninformed skill choices that could permanently gimp a character.Crate Entertainment is a small indie studio founded by the lead gameplay designer of Titan Quest and includes veterans from such companies as Blizzard North, Irrational and Harmonix. Join the Grim Dawn community and provide feedback on the ongoing development of the game. Help shape the future of development and be among the first to receive news about Grim Dawn by participating in polls and discussions on our forum. ", + "short_description": "Enter an apocalyptic fantasy world where humanity is on the brink of extinction, iron is valued above gold and trust is hard earned. This ARPG features complex character development, hundreds of unique items, crafting and quests with choice & consequence.", + "genres": "Action", + "recommendations": 70725, + "score": 7.361334119960718 + }, + { + "type": "game", + "name": "Kerbal Space Program", + "detailed_description": "In Kerbal Space Program, take charge of the space program for the alien race known as the Kerbals. You have access to an array of parts to assemble fully-functional spacecraft that flies (or doesn\u2019t) based on realistic aerodynamic and orbital physics. Launch your Kerbal crew into orbit and beyond (while keeping them alive) to explore moons and planets in the Kerbol solar system, constructing bases and space stations to expand the reach of your expedition. . Kerbal Space Program features three gameplay modes. In Science Mode, perform space experiments to unlock new technology and advance the knowledge of Kerbalkind. In Career Mode, oversee every aspect of the space program, including construction, strategy, funding, upgrades, and more. In Sandbox, you are free to build any spacecraft you can think of, with all parts and technology in the game.Key Features. Build spaceships, rockets, and vehicles using any imaginable combination of parts, each with their own function that will affect the way your spacecraft behaves. . Take full control over your ship\u2019s setup to execute complex flight maneuvers. . Manage your Kerbal crewmembers, including hiring, training, and sending them into space to become heroes. . Discover a whole star system with unique moons and planets, exploring detailed terrain at a vast scale. . Send your Kerbal crew outside their ships for \u201cextra-vehicular\u201d activities. . Dock spacecraft together to construct space stations, massive starships, and surface bases on new planets. . Use satellites to scan terrain and find biomes and other anomalies. . Set up communications networks to communicate between your spacecraft and Kerbal Space Center. . Research and develop new technologies to extract valuable information and resources from all over the solar system, and much more!. Try out the many mods created by the Kerbal Space Program community!", + "about_the_game": "In Kerbal Space Program, take charge of the space program for the alien race known as the Kerbals. You have access to an array of parts to assemble fully-functional spacecraft that flies (or doesn\u2019t) based on realistic aerodynamic and orbital physics. Launch your Kerbal crew into orbit and beyond (while keeping them alive) to explore moons and planets in the Kerbol solar system, constructing bases and space stations to expand the reach of your expedition.Kerbal Space Program features three gameplay modes. In Science Mode, perform space experiments to unlock new technology and advance the knowledge of Kerbalkind. In Career Mode, oversee every aspect of the space program, including construction, strategy, funding, upgrades, and more. In Sandbox, you are free to build any spacecraft you can think of, with all parts and technology in the game.Key Features Build spaceships, rockets, and vehicles using any imaginable combination of parts, each with their own function that will affect the way your spacecraft behaves. Take full control over your ship\u2019s setup to execute complex flight maneuvers. Manage your Kerbal crewmembers, including hiring, training, and sending them into space to become heroes. Discover a whole star system with unique moons and planets, exploring detailed terrain at a vast scale. Send your Kerbal crew outside their ships for \u201cextra-vehicular\u201d activities. Dock spacecraft together to construct space stations, massive starships, and surface bases on new planets. Use satellites to scan terrain and find biomes and other anomalies. Set up communications networks to communicate between your spacecraft and Kerbal Space Center. Research and develop new technologies to extract valuable information and resources from all over the solar system, and much more!Try out the many mods created by the Kerbal Space Program community!", + "short_description": "In Kerbal Space Program, take charge of the space program for the alien race known as the Kerbals. You have access to an array of parts to assemble fully-functional spacecraft that flies (or doesn\u2019t) based on realistic aerodynamic and orbital physics.", + "genres": "Indie", + "recommendations": 94078, + "score": 7.549426604363996 + }, + { + "type": "game", + "name": "Far Cry 3", + "detailed_description": "Featured DLCThe co-op story is far from over. Hoyt\u2019s privateers have ambushed the four survivors and taken them hostage. It\u2019s up to you and your friends to escape an underground prison and find a way off this island of insanity. . This Free High Tides DLC Pack Includes:. 2 New Co-op Maps: Jailbreak & Redemption. 4 New Co-op Skins: \"Warrior-ized\" Leonard, Tisha, Callum & Mikhael. Digital Deluxe EditionThe Deluxe Edition includes:The Monkey Business Pack: Meet Hurk and his explosive bomb-carrying monkey in four heart-pounding missions and get two bonus ways to humiliate your friends in multiplayer. . The Lost Expeditions: Discover the secrets of the island\u2019s lost World War II ruins in two suspenseful action missions, and unlock the power of a shotgun in a one-handed flare gun in multiplayer. . The Warrior Pack: Strike fear in your enemies with an exclusive dagger and get an early unlock of the tattoo editor in multiplayer. . The Predator Pack: Hunt four ferocious animals with the M-700 Predator Rifle in single-player and silently kill opponents with the unlocked Predator Bow in multiplayer. . The Survival Guide artbook (pdf file): Discover unique artwork and insider information to help you survive the insanity of the island. . The game soundtrack. About the GameFar Cry 3 is an open world first-person shooter set on an island unlike any other. A place where heavily armed warlords traffic in slaves. Where outsiders are hunted for ransom. And as you embark on a desperate quest to rescue your friends, you realize that the only way to escape this darkness\u2026 is to embrace itKey Features:AN OPEN WORLD FIRST-PERSON SHOOTER. Create your own FPS adventure. Customize your weapons, your skills and your approach to each mission, whether you favor intense run-and-gun action, stealthy close-up takedowns or long-range sniping. . AN ISLAND OF DANGER AND DISCOVERY. Explore a diverse island playground, from mountain ranges and swampy grasslands to white sandy beaches. Discover relics, hunt exotic animals, play mini-games and travel quickly by land, sea or air. Fight your way through the island\u2019s towns, temples, river ports and more!. UNCOVER A MEMORABLE STORY AND AN INSANE CAST OF CHARACTERS. Encounter an engaging and disturbed cast of characters as you take a gritty journey to the dark side of humanity, written by a Writers Guild Award winner. . PLAY WITH FRIENDS IN A FULL CO-OP CAMPAIGN. Play online and team up in a four-player campaign which challenges you to be your best and work together to prevail. Experience the island through the eyes of a wayward crew in their own quest to survive against the odds. . A DIFFERENT BREED OF MULTIPLAYER. Innovative multiplayer rewards skill and team play. To level up, players must support each other by boosting with battle cries, reviving teammates and calling in support weapons. After each match, players have the choice to punish or show mercy for their foes in fun and twisted ways, choreographed with interactive cutscenes. . USE THE MAP EDITOR TO CREATE AND ACCESS NEW CONTENT. The powerful and easy-to-use Far Cry\u00ae Map Editor is back, with new and improved features. A community of mapmakers ensures a constant stream of all-new content with the very best being showcased for the whole world to enjoy. Using the included tools, you too can make amazing maps, quickly and easily. . CUTTING-EDGE GRAPHICS AND GAMEPLAY. Far Cry\u00ae 3 is being developed by the world-class game designers who brought you such critically acclaimed titles as Assassin\u2019s Creed\u00ae 2, Assassin\u2019s Creed\u00ae Brotherhood, and World in Conflict\u00ae.", + "about_the_game": "Far Cry 3 is an open world first-person shooter set on an island unlike any other. A place where heavily armed warlords traffic in slaves. Where outsiders are hunted for ransom. And as you embark on a desperate quest to rescue your friends, you realize that the only way to escape this darkness\u2026 is to embrace itKey Features:AN OPEN WORLD FIRST-PERSON SHOOTERCreate your own FPS adventure. Customize your weapons, your skills and your approach to each mission, whether you favor intense run-and-gun action, stealthy close-up takedowns or long-range sniping.AN ISLAND OF DANGER AND DISCOVERYExplore a diverse island playground, from mountain ranges and swampy grasslands to white sandy beaches. Discover relics, hunt exotic animals, play mini-games and travel quickly by land, sea or air. Fight your way through the island\u2019s towns, temples, river ports and more!UNCOVER A MEMORABLE STORY AND AN INSANE CAST OF CHARACTERSEncounter an engaging and disturbed cast of characters as you take a gritty journey to the dark side of humanity, written by a Writers Guild Award winner.PLAY WITH FRIENDS IN A FULL CO-OP CAMPAIGNPlay online and team up in a four-player campaign which challenges you to be your best and work together to prevail. Experience the island through the eyes of a wayward crew in their own quest to survive against the odds.A DIFFERENT BREED OF MULTIPLAYERInnovative multiplayer rewards skill and team play. To level up, players must support each other by boosting with battle cries, reviving teammates and calling in support weapons. After each match, players have the choice to punish or show mercy for their foes in fun and twisted ways, choreographed with interactive cutscenes.USE THE MAP EDITOR TO CREATE AND ACCESS NEW CONTENTThe powerful and easy-to-use Far Cry\u00ae Map Editor is back, with new and improved features. A community of mapmakers ensures a constant stream of all-new content with the very best being showcased for the whole world to enjoy. Using the included tools, you too can make amazing maps, quickly and easily.CUTTING-EDGE GRAPHICS AND GAMEPLAYFar Cry\u00ae 3 is being developed by the world-class game designers who brought you such critically acclaimed titles as Assassin\u2019s Creed\u00ae 2, Assassin\u2019s Creed\u00ae Brotherhood, and World in Conflict\u00ae.", + "short_description": "Discover the dark secrets of a lawless island ruled by violence and take the fight to the enemy as you try to escape. You\u2019ll need more than luck to escape alive!", + "genres": "Action", + "recommendations": 83811, + "score": 7.473246898803213 + }, + { + "type": "game", + "name": "DmC: Devil May Cry", + "detailed_description": "In this retelling of Dante's origin story which is set against a contemporary backdrop, DmC Devil May Cry\u2122 retains the stylish action, fluid combat and self-assured protagonist that have defined the iconic series but inject a more brutal and visceral edge. . The Dante of DmC is a young man who has no respect for authority or indeed society in general. Dante knows that he is not human, but also that he is not like the demons that have tormented him throughout his life. Caught between worlds, he feels like an outcast. Thanks to his twin brother Vergil, leader of the anti-establishment group called \u201cThe Order\u201d, Dante is now discovering and coming to terms with what it means to be the child of a demon and an angel. This split personality has a real impact on gameplay with Dante being able to call upon angel and demon abilities at will, transforming his Rebellion sword on the fly to dramatically affect both combat and movement. . For DmC Capcom has teamed up with UK development studio, Ninja Theory, renown for delivering action titles with compelling characters and narrative coupled with high production values. The combination of Ninja Theory\u2019s expertise and Capcom\u2019s unrivalled heritage in producing combat focused action titles will ensure that this latest addition to the over 11-million selling series will remain true to the Devil May Cry DNA so cherished by the fans, while bringing a new level of cinematic quality to the title.Key FeaturesSurvive Limbo - The world of Limbo is a living and breathing entity, out to kill Dante. The world will transform in real-time and try to block off and even kill our hero. Our protagonist will have to master demonic powers to shape Limbo the way he sees fit, while perfecting his angelic skills to traverse this hazardous, twisted world. . Who is Dante? \u2013 Explore a retelling of Dante\u2019s origin story in a gripping narrative featuring familiar faces from the series alongside all new characters, including Vergil, Dante\u2019s twin brother. . Unbridled action \u2013 The intense and iconic sword and gun based combat returns with the addition of new Angel and Demon weapons and abilities, all designed to dispatch the demonic spawn back to hell with style and panache. Weapons include: . \u201cRebellion\u201d: Dante\u2019s trusted sword, given by his father Sparda, provides a great mix of combos and attacks, great for sending enemies skyward. . \u201cEbony & Ivory\u201d: These guns are good for keeping enemies at bay, maintaining combos and juggling enemies in the air. . \u201cArbiter\u201d: a demonic axe that can deliver massive blows and break through enemy shields. . \u201cOsiris\u201d: an angelic scythe with fast attacks and great for crowd control. . \u201cEryx\u201d: powerful demonic gauntlets that pack enough punch to parry even the strongest attacks and juggle the heaviest enemies. . Retaining the Devil May Cry DNA \u2013 Capcom staff, including team members from previous Devil May Cry titles, have been assigned to the project from the outset to ensure DmC is a true addition to the Devil May Cry franchise. . Unrivalled production values - Ninja Theory will take advantage of the latest performance capture technology to deliver a level of character design, story-telling and cinematics that perfectly complements DmC\u2019s high-octane combat.", + "about_the_game": "In this retelling of Dante's origin story which is set against a contemporary backdrop, DmC Devil May Cry\u2122 retains the stylish action, fluid combat and self-assured protagonist that have defined the iconic series but inject a more brutal and visceral edge. The Dante of DmC is a young man who has no respect for authority or indeed society in general. Dante knows that he is not human, but also that he is not like the demons that have tormented him throughout his life. Caught between worlds, he feels like an outcast. Thanks to his twin brother Vergil, leader of the anti-establishment group called \u201cThe Order\u201d, Dante is now discovering and coming to terms with what it means to be the child of a demon and an angel. This split personality has a real impact on gameplay with Dante being able to call upon angel and demon abilities at will, transforming his Rebellion sword on the fly to dramatically affect both combat and movement. For DmC Capcom has teamed up with UK development studio, Ninja Theory, renown for delivering action titles with compelling characters and narrative coupled with high production values. The combination of Ninja Theory\u2019s expertise and Capcom\u2019s unrivalled heritage in producing combat focused action titles will ensure that this latest addition to the over 11-million selling series will remain true to the Devil May Cry DNA so cherished by the fans, while bringing a new level of cinematic quality to the title.Key FeaturesSurvive Limbo - The world of Limbo is a living and breathing entity, out to kill Dante. The world will transform in real-time and try to block off and even kill our hero. Our protagonist will have to master demonic powers to shape Limbo the way he sees fit, while perfecting his angelic skills to traverse this hazardous, twisted world. Who is Dante? \u2013 Explore a retelling of Dante\u2019s origin story in a gripping narrative featuring familiar faces from the series alongside all new characters, including Vergil, Dante\u2019s twin brother. Unbridled action \u2013 The intense and iconic sword and gun based combat returns with the addition of new Angel and Demon weapons and abilities, all designed to dispatch the demonic spawn back to hell with style and panache. Weapons include: \u201cRebellion\u201d: Dante\u2019s trusted sword, given by his father Sparda, provides a great mix of combos and attacks, great for sending enemies skyward. \u201cEbony & Ivory\u201d: These guns are good for keeping enemies at bay, maintaining combos and juggling enemies in the air. \u201cArbiter\u201d: a demonic axe that can deliver massive blows and break through enemy shields. \u201cOsiris\u201d: an angelic scythe with fast attacks and great for crowd control. \u201cEryx\u201d: powerful demonic gauntlets that pack enough punch to parry even the strongest attacks and juggle the heaviest enemies. Retaining the Devil May Cry DNA \u2013 Capcom staff, including team members from previous Devil May Cry titles, have been assigned to the project from the outset to ensure DmC is a true addition to the Devil May Cry franchise. Unrivalled production values - Ninja Theory will take advantage of the latest performance capture technology to deliver a level of character design, story-telling and cinematics that perfectly complements DmC\u2019s high-octane combat.", + "short_description": "In this retelling of Dante's origin story which is set against a contemporary backdrop, DmC Devil May Cry\u2122 retains the stylish action.", + "genres": "Action", + "recommendations": 16289, + "score": 6.3934122467747665 + }, + { + "type": "game", + "name": "Resident Evil 6", + "detailed_description": "Blending action and survival horror, Resident Evil 6 promises to be the dramatic horror experience of 2013. Resident Evil favorites Leon S. Kennedy, Chris Redfield and Ada Wong are joined by new characters, including Jake Muller, to face a new horror, the highly virulent C-virus, as the narrative moves between North America, the war-torn Eastern European state of Edonia and the Chinese city of Lanshiang. . With four distinct, yet interwoven story threads, each with their own pair of protagonists for either solo or co-op play, both offline and online, not only will Resident Evil 6 deliver both different perspectives and gameplay styles but, with the introduction of the innovative Crossover mechanic players will be able to team up and share the horror. At key moments during the game, up to four players can join together online to tackle a specific situation, with some stages seeing the usual partnerships swapped to further increase the depth of gameplay.Key Features Horror on a global scale \u2013 No longer confined to a specific location, the outbreak of the C-virus is worldwide with the action taking place in North America, Eastern Europe and China The most expansive Resident Evil game to date- Experience the horror through four distinct yet intertwined campaigns: . Crossover Gameplay - Not only does each story cross paths, but so does the action \u2013 At significant points when the narrative draws pairs of characters together, the all new Crossover mechanic allows up to four players to experience the horror together online . Solo or co-op play \u2013 Resident Evil 6 delivers both single and two player co-op gameplay either offline or online (however Ada Wong\u2019s campaign is one player only) . New threats on the rise \u2013 Confront the results of the C-virus in all its varied and deadly forms including zombies, J\u2019avo, Chrysalids, and much more Agent Hunt Mode - In this all new online mode for the Resident Evil series, experience the action from the other side. As a \u2018hunter\u2019, join the enemy side to become one of the game\u2019s zombies, J\u2019avo or other C-virus mutations and infiltrate another active game session to eliminate the human characters. . Play your way \u2013 Use skill points to upgrade your character to provide faster reload speed, improved firepower or increase your health bar with the Character Skill system . Redesigned control system \u2013 Resident Evil 6 features an evolved control system allowing players to shoot while moving; slide; roll in any direction and to take cover along with the addition of an enhanced melee attack . Mercenaries returns \u2013 Players will once more be able to enjoy the highly popular Mercenaries Mode. The Mercenaries No Mercy - An experience available only on your PC, this additional mode is packed with twice as many enemies as The Mercenaries!. 7 Additional Stages for the Extra Content Modes - Previously available for purchase as DLC for the console versions, these 7 additional stages come as *standard on the PC version. (*These stages are unlocked via achievements.). Left 4 Dead 2 Crossover Patch - Scheduled to be released for free via the April 5 2013 Title Update. Blast your way through The Mercenaries No Mercy as your favorite Left 4 Dead 2 characterswith the Infected appearing as enemies as well!. Compatible with Console Version Feature Updates/RE.NET - The PC version is compatible with all of the latest features that have been added to the console versions, and is compatible with RE.NET too.", + "about_the_game": "Blending action and survival horror, Resident Evil 6 promises to be the dramatic horror experience of 2013. Resident Evil favorites Leon S. Kennedy, Chris Redfield and Ada Wong are joined by new characters, including Jake Muller, to face a new horror, the highly virulent C-virus, as the narrative moves between North America, the war-torn Eastern European state of Edonia and the Chinese city of Lanshiang. With four distinct, yet interwoven story threads, each with their own pair of protagonists for either solo or co-op play, both offline and online, not only will Resident Evil 6 deliver both different perspectives and gameplay styles but, with the introduction of the innovative Crossover mechanic players will be able to team up and share the horror. At key moments during the game, up to four players can join together online to tackle a specific situation, with some stages seeing the usual partnerships swapped to further increase the depth of gameplay.Key Features Horror on a global scale \u2013 No longer confined to a specific location, the outbreak of the C-virus is worldwide with the action taking place in North America, Eastern Europe and China The most expansive Resident Evil game to date- Experience the horror through four distinct yet intertwined campaigns: Crossover Gameplay - Not only does each story cross paths, but so does the action \u2013 At significant points when the narrative draws pairs of characters together, the all new Crossover mechanic allows up to four players to experience the horror together online Solo or co-op play \u2013 Resident Evil 6 delivers both single and two player co-op gameplay either offline or online (however Ada Wong\u2019s campaign is one player only) New threats on the rise \u2013 Confront the results of the C-virus in all its varied and deadly forms including zombies, J\u2019avo, Chrysalids, and much more Agent Hunt Mode - In this all new online mode for the Resident Evil series, experience the action from the other side. As a \u2018hunter\u2019, join the enemy side to become one of the game\u2019s zombies, J\u2019avo or other C-virus mutations and infiltrate another active game session to eliminate the human characters. Play your way \u2013 Use skill points to upgrade your character to provide faster reload speed, improved firepower or increase your health bar with the Character Skill system Redesigned control system \u2013 Resident Evil 6 features an evolved control system allowing players to shoot while moving; slide; roll in any direction and to take cover along with the addition of an enhanced melee attack Mercenaries returns \u2013 Players will once more be able to enjoy the highly popular Mercenaries ModeThe Mercenaries No Mercy - An experience available only on your PC, this additional mode is packed with twice as many enemies as The Mercenaries!7 Additional Stages for the Extra Content Modes - Previously available for purchase as DLC for the console versions, these 7 additional stages come as *standard on the PC version. (*These stages are unlocked via achievements.)Left 4 Dead 2 Crossover Patch - Scheduled to be released for free via the April 5 2013 Title Update. Blast your way through The Mercenaries No Mercy as your favorite Left 4 Dead 2 characterswith the Infected appearing as enemies as well!Compatible with Console Version Feature Updates/RE.NET - The PC version is compatible with all of the latest features that have been added to the console versions, and is compatible with RE.NET too.", + "short_description": "Blending action and survival horror, Resident Evil 6 promises to be the dramatic horror experience of 2013.", + "genres": "Action", + "recommendations": 31634, + "score": 6.830951387071986 + }, + { + "type": "game", + "name": "DayZ", + "detailed_description": "Join our Discord. \u00dcber das SpielDies ist deine eigene Geschichte. Es gibt keine Kartenmarkierungen, t\u00e4glichen Quests oder Bestenlisten, die dir dabei helfen, sie zu erz\u00e4hlen. Es gibt nur Chernarus \u2013 ein 230 Quadratkilometer gro\u00dfes, post-sowjetisches Land, das von einem unbekannten Virus heimgesucht und dessen Bev\u00f6lkerung zu einem Gro\u00dfteil in rasende Infizierte verwandelt wurde. . Deine Aufgabe? \u00dcberlebe den Zusammenbruch der Zivilisation, solange du kannst. Vergiss nie: Im gnadenlosen Chernarus ist der Tod endg\u00fcltig. Alles, was du bei einem neuen Versuch hast, sind deine Erinnerungen an deinen letzten, fatalen Fehler. . Triff andere. Im Spiel k\u00e4mpfen zu jedem Zeitpunkt bis zu 60 Spieler mit allen Mitteln ums \u00dcberleben. Finde Freunde oder t\u00f6te, ohne Fragen zu stellen. Errichte eine Basis \u2013 und versuche, nicht wegen einer Dose schmackhafter Bohnen verraten zu werden. Interagiere per Sprachchat (VOIP) mit anderen Spielern. Wenn dein Leben st\u00e4ndig auf Messers Schneide steht, ist jede Begegnung bedeutsam. Sei vorsichtig. Bleib wachsam. Vertraue niemandem. . \u00dcberlebe Chernarus. Die Infizierten sind nicht deine einzige Sorge. Wilde Tiere und die Elemente tun ihr \u00dcbriges. Gehe Wolfsrudeln und rasenden B\u00e4ren aus dem Weg, finde einen Unterschlupf, um dich gegen den erbarmungslosen Regen zu sch\u00fctzen und suche in der finsteren Nacht nach Lichtquellen. Hunger, Durst, K\u00f6rpertemperatur und mehr \u2013 um zu \u00fcberleben, musst du komplexe Spielmechaniken meistern. . Mach Beute. Achte darauf, dass deine Ausr\u00fcstung stets einsatzbereit ist. Flicke besch\u00e4digte Kleidung, stelle improvisierte Gegenst\u00e4nde her und suche verd\u00e4chtig ruhig wirkende St\u00e4dte auf, um wertvolle Ressourcen zu pl\u00fcndern. Repariere ein Auto und verstecke es, gesch\u00fctzt von ein paar gut platzierten Fallen, in deiner geheimen Basis. Wag dich in kontaminierte Zonen vor und halte Ausschau nach wertvoller Beute. Aber vergiss nicht: Ohne Schutzanzug und Gasmaske wirst du nicht weit kommen. . Schie\u00df dir den Weg frei. Im Spiel kann jederzeit und \u00fcberall heftige PvP-Action losbrechen, vor allem nat\u00fcrlich an beliebten Orten wie verlassenen Milit\u00e4rbasen. Lass deinen Puls bei gnadenlosen Feuergefechten in die H\u00f6he schnellen. Einige \u00dcberlebende haben es auf deine Beute abgesehen, andere jagen dich nur zum Spa\u00df. Und manche haben einfach nur Angst, dass du zuerst schie\u00dft. Lerne zu k\u00e4mpfen \u2013 und wann es besser ist, deinen Stolz herunterzuschlucken und zu fliehen. Eine Kugel kann alles ver\u00e4ndern. Also sei auf der Hut. . Installiere Mods. Im Steam Workshop kannst du individuelle Server finden, die zu deinen Bed\u00fcrfnissen passen. Tritt einer aktiven Community gleichgesinnter Spieler bei und passe dein DayZ-Spielerlebnis nach deinen Vorlieben an. W\u00e4hle aus Tausenden Features, Karten und Waffen, die unsere Fans kreiert haben, und verwalte sie ganz einfach \u00fcber den Launcher. .", + "about_the_game": "Dies ist deine eigene GeschichteEs gibt keine Kartenmarkierungen, t\u00e4glichen Quests oder Bestenlisten, die dir dabei helfen, sie zu erz\u00e4hlen. Es gibt nur Chernarus \u2013 ein 230 Quadratkilometer gro\u00dfes, post-sowjetisches Land, das von einem unbekannten Virus heimgesucht und dessen Bev\u00f6lkerung zu einem Gro\u00dfteil in rasende Infizierte verwandelt wurde.Deine Aufgabe? \u00dcberlebe den Zusammenbruch der Zivilisation, solange du kannst. Vergiss nie: Im gnadenlosen Chernarus ist der Tod endg\u00fcltig. Alles, was du bei einem neuen Versuch hast, sind deine Erinnerungen an deinen letzten, fatalen Fehler.Triff andereIm Spiel k\u00e4mpfen zu jedem Zeitpunkt bis zu 60 Spieler mit allen Mitteln ums \u00dcberleben. Finde Freunde oder t\u00f6te, ohne Fragen zu stellen. Errichte eine Basis \u2013 und versuche, nicht wegen einer Dose schmackhafter Bohnen verraten zu werden. Interagiere per Sprachchat (VOIP) mit anderen Spielern. Wenn dein Leben st\u00e4ndig auf Messers Schneide steht, ist jede Begegnung bedeutsam. Sei vorsichtig. Bleib wachsam. Vertraue niemandem.\u00dcberlebe ChernarusDie Infizierten sind nicht deine einzige Sorge. Wilde Tiere und die Elemente tun ihr \u00dcbriges. Gehe Wolfsrudeln und rasenden B\u00e4ren aus dem Weg, finde einen Unterschlupf, um dich gegen den erbarmungslosen Regen zu sch\u00fctzen und suche in der finsteren Nacht nach Lichtquellen. Hunger, Durst, K\u00f6rpertemperatur und mehr \u2013 um zu \u00fcberleben, musst du komplexe Spielmechaniken meistern.Mach BeuteAchte darauf, dass deine Ausr\u00fcstung stets einsatzbereit ist. Flicke besch\u00e4digte Kleidung, stelle improvisierte Gegenst\u00e4nde her und suche verd\u00e4chtig ruhig wirkende St\u00e4dte auf, um wertvolle Ressourcen zu pl\u00fcndern. Repariere ein Auto und verstecke es, gesch\u00fctzt von ein paar gut platzierten Fallen, in deiner geheimen Basis. Wag dich in kontaminierte Zonen vor und halte Ausschau nach wertvoller Beute. Aber vergiss nicht: Ohne Schutzanzug und Gasmaske wirst du nicht weit kommen.Schie\u00df dir den Weg freiIm Spiel kann jederzeit und \u00fcberall heftige PvP-Action losbrechen, vor allem nat\u00fcrlich an beliebten Orten wie verlassenen Milit\u00e4rbasen. Lass deinen Puls bei gnadenlosen Feuergefechten in die H\u00f6he schnellen. Einige \u00dcberlebende haben es auf deine Beute abgesehen, andere jagen dich nur zum Spa\u00df. Und manche haben einfach nur Angst, dass du zuerst schie\u00dft. Lerne zu k\u00e4mpfen \u2013 und wann es besser ist, deinen Stolz herunterzuschlucken und zu fliehen. Eine Kugel kann alles ver\u00e4ndern. Also sei auf der Hut.Installiere ModsIm Steam Workshop kannst du individuelle Server finden, die zu deinen Bed\u00fcrfnissen passen. Tritt einer aktiven Community gleichgesinnter Spieler bei und passe dein DayZ-Spielerlebnis nach deinen Vorlieben an. W\u00e4hle aus Tausenden Features, Karten und Waffen, die unsere Fans kreiert haben, und verwalte sie ganz einfach \u00fcber den Launcher.", + "short_description": "Wie lange \u00fcberlebst du in einer apokalyptischen Welt? Das Land wurde von Zombies \u00fcberrannt. Du k\u00e4mpfst mit anderen \u00dcberlebenden um Ressourcen. Schlie\u00dft du dich mit Fremden zusammen, um zu \u00fcberleben, oder wirst du niemandem vertrauen? Das ist DayZ \u2013 deine Geschichte.", + "genres": "Aktion", + "recommendations": 293628, + "score": 8.299750172166934 + }, + { + "type": "game", + "name": "Age of Empires II (2013)", + "detailed_description": "In Age of Empires II: HD Edition, fans of the original game and new players alike will fall in love with the classic Age of Empires II experience. Explore all the original single player campaigns from both Age of Kings and The Conquerors expansion, choose from 18 civilizations spanning over a thousand years of history, and head online to challenge other Steam players in your quest for world domination throughout the ages. Originally developed by Ensemble Studios and re-imagined in high definition by Hidden Path Entertainment, Skybox Labs, and Forgotten Empires, Microsoft Studios is proud to bring Age of Empires II: HD Edition to Steam!", + "about_the_game": "In Age of Empires II: HD Edition, fans of the original game and new players alike will fall in love with the classic Age of Empires II experience. Explore all the original single player campaigns from both Age of Kings and The Conquerors expansion, choose from 18 civilizations spanning over a thousand years of history, and head online to challenge other Steam players in your quest for world domination throughout the ages. Originally developed by Ensemble Studios and re-imagined in high definition by Hidden Path Entertainment, Skybox Labs, and Forgotten Empires, Microsoft Studios is proud to bring Age of Empires II: HD Edition to Steam!", + "short_description": "Age of Empires II has been re-imagined in high definition with new features, trading cards, improved AI, workshop support, multiplayer, Steamworks integration and more!", + "genres": "Strategy", + "recommendations": 80169, + "score": 7.443959420732585 + }, + { + "type": "game", + "name": "The Stanley Parable", + "detailed_description": "The Stanley Parable is a first person exploration game. You will play as Stanley, and you will not play as Stanley. You will follow a story, you will not follow a story. You will have a choice, you will have no choice. The game will end, the game will never end. Contradiction follows contradiction, the rules of how games should work are broken, then broken again. This world was not made for you to understand. . But as you explore, slowly, meaning begins to arise, the paradoxes might start to make sense, perhaps you are powerful after all. The game is not here to fight you; it is inviting you to dance. . Based on the award-winning 2011 Source mod of the same name, The Stanley Parable returns with new content, new ideas, a fresh coat of visual paint, and the stunning voicework of Kevan Brighting. For a more complete and in-depth understanding of what The Stanley Parable is, please try out the free demo.", + "about_the_game": "The Stanley Parable is a first person exploration game. You will play as Stanley, and you will not play as Stanley. You will follow a story, you will not follow a story. You will have a choice, you will have no choice. The game will end, the game will never end. Contradiction follows contradiction, the rules of how games should work are broken, then broken again. This world was not made for you to understand. \r\n\r\nBut as you explore, slowly, meaning begins to arise, the paradoxes might start to make sense, perhaps you are powerful after all. The game is not here to fight you; it is inviting you to dance.\r\n\r\nBased on the award-winning 2011 Source mod of the same name, The Stanley Parable returns with new content, new ideas, a fresh coat of visual paint, and the stunning voicework of Kevan Brighting. For a more complete and in-depth understanding of what The Stanley Parable is, please try out the free demo.", + "short_description": "The Stanley Parable is a first person exploration game. You will play as Stanley, and you will not play as Stanley. You will follow a story, you will not follow a story. You will have a choice, you will have no choice. The game will end, the game will never end.", + "genres": "Adventure", + "recommendations": 38265, + "score": 6.956401271971394 + }, + { + "type": "game", + "name": "Resident Evil Revelations", + "detailed_description": "Resident Evil\u00ae Revelations returns redefined for PC complete with high quality HD visuals, enhanced lighting effects and an immersive sound experience. This latest version of Resident Evil Revelations will also deliver additional content including a terrifying new enemy, extra difficulty mode, integration with ResidentEvil.net and improvements to Raid Mode. Raid Mode, which was first introduced to the series in the original version of Resident Evil Revelations, sees gamers play online in co-op mode or alone in single player taking on the hordes of enemies across a variety of missions whilst leveling up characters and earning weapon upgrades. New weapons, skill sets, and playable characters including Hunk, take the Raid Mode experience to new depths. . The critically acclaimed survival horror title takes players back to the events that took place between Resident Evil\u00ae 4 and Resident Evil\u00ae 5, revealing the truth about the T-Abyss virus. Resident Evil Revelations features series favorites Jill Valentine and Chris Redfield, plus their respective BSAA partners - Parker Luciani and Jessica Sherawat. The action begins on board a supposedly abandoned cruise ship, the \u2018Queen Zenobia\u2019, where horrors lurk around every corner, before players head for the mainland and the devastated city of Terragrigia. With limited ammo and weapons available, the race is on to survive the horror of Resident Evil Revelations.Key Features. Enhanced visual and aural fidelity \u2013 Resident Evil Revelations brings spine-chilling fear complete with high quality HD visuals, enhanced lighting effects and an immersive sound experience. . Classic survival horror gameplay returns \u2013 the campaign mode\u2019s single player experience sees gamers investigating a range of different locations including the dark confined spaces of a cruise ship and the treacherous snow covered mountains. With limited ammo and weapons, fight off infected enemies that lurk around every corner. . Hell just got hotter \u2013 Infernal Mode, a new difficulty mode for the re-mastered HD edition, is not just more challenging than Easy and Normal modes but also remixes enemy and item placement, so even those familiar with the game will discover new terrors. . Meet the Wall Blister \u2013 A brand new enemy, the Wall Blister is a mutated creature borne from the T-Abyss virus that spreads through water, adding to the horrors that lurk around every corner. . Residentevil.net support \u2013 Resident Evil Revelations will take full advantage of Residentevil.net with content available to users once the game launches. Earn weapons and custom parts and use them in-game, collect figures that can be used in dioramas and check your stats through the online web service. . Improved Raid Mode \u2013 New weapons, skill sets, playable characters including Rachel and Hunk and enemies exclusive to this mode are added for the this latest version. . Use your equipment \u2013 Analyze enemies and investigate areas with the Genesis scanner to reveal hidden items.", + "about_the_game": "Resident Evil\u00ae Revelations returns redefined for PC complete with high quality HD visuals, enhanced lighting effects and an immersive sound experience. This latest version of Resident Evil Revelations will also deliver additional content including a terrifying new enemy, extra difficulty mode, integration with ResidentEvil.net and improvements to Raid Mode. Raid Mode, which was first introduced to the series in the original version of Resident Evil Revelations, sees gamers play online in co-op mode or alone in single player taking on the hordes of enemies across a variety of missions whilst leveling up characters and earning weapon upgrades. New weapons, skill sets, and playable characters including Hunk, take the Raid Mode experience to new depths.The critically acclaimed survival horror title takes players back to the events that took place between Resident Evil\u00ae 4 and Resident Evil\u00ae 5, revealing the truth about the T-Abyss virus. Resident Evil Revelations features series favorites Jill Valentine and Chris Redfield, plus their respective BSAA partners - Parker Luciani and Jessica Sherawat. The action begins on board a supposedly abandoned cruise ship, the \u2018Queen Zenobia\u2019, where horrors lurk around every corner, before players head for the mainland and the devastated city of Terragrigia. With limited ammo and weapons available, the race is on to survive the horror of Resident Evil Revelations.Key Features Enhanced visual and aural fidelity \u2013 Resident Evil Revelations brings spine-chilling fear complete with high quality HD visuals, enhanced lighting effects and an immersive sound experience. Classic survival horror gameplay returns \u2013 the campaign mode\u2019s single player experience sees gamers investigating a range of different locations including the dark confined spaces of a cruise ship and the treacherous snow covered mountains. With limited ammo and weapons, fight off infected enemies that lurk around every corner. Hell just got hotter \u2013 Infernal Mode, a new difficulty mode for the re-mastered HD edition, is not just more challenging than Easy and Normal modes but also remixes enemy and item placement, so even those familiar with the game will discover new terrors. Meet the Wall Blister \u2013 A brand new enemy, the Wall Blister is a mutated creature borne from the T-Abyss virus that spreads through water, adding to the horrors that lurk around every corner. Residentevil.net support \u2013 Resident Evil Revelations will take full advantage of Residentevil.net with content available to users once the game launches. Earn weapons and custom parts and use them in-game, collect figures that can be used in dioramas and check your stats through the online web service. Improved Raid Mode \u2013 New weapons, skill sets, playable characters including Rachel and Hunk and enemies exclusive to this mode are added for the this latest version. Use your equipment \u2013 Analyze enemies and investigate areas with the Genesis scanner to reveal hidden items.", + "short_description": "Resident Evil\u00ae Revelations returns redefined for PC complete with high quality HD visuals, enhanced lighting effects and an immersive sound experience.", + "genres": "Action", + "recommendations": 7433, + "score": 5.876254851161726 + }, + { + "type": "game", + "name": "Insurgency", + "detailed_description": "Take to the streets for intense close quarters combat, where a team's survival depends upon securing crucial strongholds and destroying enemy supply in this multiplayer and cooperative Source Engine based experience. The follow-up game to the award-winning Source mod, Insurgency is highly competitive and unforgivingly lethal, striking a balance between one-life gameplay and prolonged action.Features. Over 40 weapons with numerous attachments, no crosshair, and a focus on realistic weapon behavior including a free-aim system and intense suppression effects. . 16 maps playable in day and night versions on various multiplayer and cooperative modes, ranging from environments in the Middle East, Africa, and Central Asia. . 7 multiplayer game modes supporting up to 32 players, with a focus on territorial control, destroying weapon caches and escorting high value targets. . 5 cooperative game modes where you and your friends team up to complete mission-based objectives. . Free content updates that include weapons, game modes, maps, and new features. . Offline practice mode, playing with bots on all game modes. . Squad system built upon role-based player classes, which are customizable and asymmetrical based on what team you are on. . Squad-based communication system which includes 3D VOIP, allowing friendly and enemy players within proximity to hear you. . Overhead map detailing objective and teammate locations. . Accumulate supply to customize and upgrade your gear, affecting your weight, stamina, and movement speed. . Simplified HUD and UI for a clean, immersive user experience focused on the action and environments. . Highly immersive particle FX and audio to intensify the game experience. . Create custom maps and content using the Insurgency SDK and scripting system, and share them on the Steam Workshop. . Playable on PC, Mac OSX, and Linux with multiplayer cross-compatibility. . Dedicated Server Support for PC and Linux. Multiplayer Game Modes:. Push --- Three territorial objectives must be captured by the attacking team in sequential order. For each objective captured, they gain more reinforcement and time to attack the next. Defenders have a finite amount of reinforcements and must use each wisely. Once the third objective is captured by the attackers, a fourth cache objective must be destroyed, while the defenders have only one life to make a last stand. . Firefight --- Three territorial objectives, one for each team, plus one neutral. Each team only respawns when they secure an objective. Secure all objectives or eliminate all enemy to win. Every life counts, making this a very suspenseful experience dependent upon teamwork. . Skirmish --- In addition to three territorial objectives, each team has a supply cache to protect. Teams gain extra reinforcement waves until their cache is destroyed. When both teams have lost their caches and all reinforcement waves, it becomes a Firefight match. . Occupy --- There is one central territorial objective in the area. The team that controls it does not deplete reinforcement waves. This gameplay in this mode is reminiscent to King of the Hill or \"tug of war\". . Ambush --- A high value target (\"HVT\") must be escorted to an extraction point. It's one team's goal to make this happen and it's the other team's goal to stop this from happening at all costs. The HVT is only armed with a silenced pistol, but can pick up a weapon from a fallen enemy or teammate. . Strike --- Three weapon caches must be destroyed by the attacking team to achieve victory. Destroying a cache earns the attackers more reinforcements and time on the clock. The defenders must retain at least one cache from being destroyed and eliminate the enemy team once their reinforcements run dry. . Infiltrate --- The standard Capture the Flag mode, but with a twist. Your team's goal is to take the enemy's intel and return it to your base. Your team will only gain reinforcements when someone takes the enemy's intel, or when an enemy stealing your team's intel is neutralized. This mode requires very strong team coordination and strategy. . Flashpoint --- One neutral territorial objective and two caches on each side. The goal is to secure the entire area, controlling the middle and destroying the enemy's caches. Your team respawns when they secure the territorial objective or destroy a cache objective. . Elimination --- In this single life mode, attackers must destroy one of two weapon caches, or eliminate the enemy team within the time limit. Defenders must kill all attackers.Cooperative Game Modes. Checkpoint --- Complete mission-based objectives in sequence against AI enemy. Each successful objective will respawn anyone who was eliminated along the way. . Hunt --- Insurgents are dispersed in the environment, and your squad must eliminate all targets while locating and destroying the weapons cache. High on tension, with only one-life. . Survival --- Play as Insurgents and fight against endless waves of progressively difficult Security enemies on night themed maps. Reaching safehouse objectives with your team earns you supply to purchase better weapons and spawns any dead teammates. . Outpost --- Defend your supply cache against endless waves of enemy trying to destroy it. Each successfully defended wave will bring in reinforcements of your teammates. . Conquer --- Capture the objectives in the area and defend them from enemy trying to retake them. Destroy enemy weapon caches to thin out their numbers.", + "about_the_game": "Take to the streets for intense close quarters combat, where a team's survival depends upon securing crucial strongholds and destroying enemy supply in this multiplayer and cooperative Source Engine based experience. The follow-up game to the award-winning Source mod, Insurgency is highly competitive and unforgivingly lethal, striking a balance between one-life gameplay and prolonged action.FeaturesOver 40 weapons with numerous attachments, no crosshair, and a focus on realistic weapon behavior including a free-aim system and intense suppression effects.16 maps playable in day and night versions on various multiplayer and cooperative modes, ranging from environments in the Middle East, Africa, and Central Asia.7 multiplayer game modes supporting up to 32 players, with a focus on territorial control, destroying weapon caches and escorting high value targets.5 cooperative game modes where you and your friends team up to complete mission-based objectives.Free content updates that include weapons, game modes, maps, and new features.Offline practice mode, playing with bots on all game modes.Squad system built upon role-based player classes, which are customizable and asymmetrical based on what team you are on.Squad-based communication system which includes 3D VOIP, allowing friendly and enemy players within proximity to hear you.Overhead map detailing objective and teammate locations.Accumulate supply to customize and upgrade your gear, affecting your weight, stamina, and movement speed.Simplified HUD and UI for a clean, immersive user experience focused on the action and environments.Highly immersive particle FX and audio to intensify the game experience.Create custom maps and content using the Insurgency SDK and scripting system, and share them on the Steam Workshop. Playable on PC, Mac OSX, and Linux with multiplayer cross-compatibility. Dedicated Server Support for PC and Linux.Multiplayer Game Modes:Push --- Three territorial objectives must be captured by the attacking team in sequential order. For each objective captured, they gain more reinforcement and time to attack the next. Defenders have a finite amount of reinforcements and must use each wisely. Once the third objective is captured by the attackers, a fourth cache objective must be destroyed, while the defenders have only one life to make a last stand.Firefight --- Three territorial objectives, one for each team, plus one neutral. Each team only respawns when they secure an objective. Secure all objectives or eliminate all enemy to win. Every life counts, making this a very suspenseful experience dependent upon teamwork.Skirmish --- In addition to three territorial objectives, each team has a supply cache to protect. Teams gain extra reinforcement waves until their cache is destroyed. When both teams have lost their caches and all reinforcement waves, it becomes a Firefight match.Occupy --- There is one central territorial objective in the area. The team that controls it does not deplete reinforcement waves. This gameplay in this mode is reminiscent to King of the Hill or \"tug of war\".Ambush --- A high value target (\"HVT\") must be escorted to an extraction point. It's one team's goal to make this happen and it's the other team's goal to stop this from happening at all costs. The HVT is only armed with a silenced pistol, but can pick up a weapon from a fallen enemy or teammate.Strike --- Three weapon caches must be destroyed by the attacking team to achieve victory. Destroying a cache earns the attackers more reinforcements and time on the clock. The defenders must retain at least one cache from being destroyed and eliminate the enemy team once their reinforcements run dry.Infiltrate --- The standard Capture the Flag mode, but with a twist. Your team's goal is to take the enemy's intel and return it to your base. Your team will only gain reinforcements when someone takes the enemy's intel, or when an enemy stealing your team's intel is neutralized. This mode requires very strong team coordination and strategy.Flashpoint --- One neutral territorial objective and two caches on each side. The goal is to secure the entire area, controlling the middle and destroying the enemy's caches. Your team respawns when they secure the territorial objective or destroy a cache objective.Elimination --- In this single life mode, attackers must destroy one of two weapon caches, or eliminate the enemy team within the time limit. Defenders must kill all attackers.Cooperative Game ModesCheckpoint --- Complete mission-based objectives in sequence against AI enemy. Each successful objective will respawn anyone who was eliminated along the way.Hunt --- Insurgents are dispersed in the environment, and your squad must eliminate all targets while locating and destroying the weapons cache. High on tension, with only one-life.Survival --- Play as Insurgents and fight against endless waves of progressively difficult Security enemies on night themed maps. Reaching safehouse objectives with your team earns you supply to purchase better weapons and spawns any dead teammates.Outpost --- Defend your supply cache against endless waves of enemy trying to destroy it. Each successfully defended wave will bring in reinforcements of your teammates.Conquer --- Capture the objectives in the area and defend them from enemy trying to retake them. Destroy enemy weapon caches to thin out their numbers.", + "short_description": "Take to the streets for intense close quarters combat, where a team's survival depends upon securing crucial strongholds and destroying enemy supply in this multiplayer and cooperative Source Engine based experience.", + "genres": "Action", + "recommendations": 86215, + "score": 7.491889639073449 + }, + { + "type": "game", + "name": "POSTAL 2", + "detailed_description": "Wishlist POSTAL Brain Damaged Buy POSTAL 4 No Regerts New DLC Available Workshop and Controller Support. Update NotesUpdates since release on Steam in 2013AddedFull controller support. Steam workshop integration. Many features to the POSTed SDK that make creating workshop content easier. The ability to play all seven days of POSTAL 2 and Apocalypse weekend in one playthrough. Apocalypse weekend\u2019s dismemberment feature to the entire seven days. Twelve new weapons courtesy of the Eternal Damnation mod. Greater variation in NPC and Zombies. They have a bigger variety of voices, more animations and improved interactions with each other and The Dude. 68 Steam Achievement. Improved widescreen compatibility, including tripled headed setups. FoV slider,Triple Buffering and V-sync to the video options. Footstep sounds that change on different surface types. Holiday events for St Patrick's day, Valentine\u2019s day, Easter and Halloween. Much, much more!. Fixed. 1000\u2019s of minor mapping and code issues, and a few not so minor. Various crashes could occur when dismembering NPCs. Massive framerate drops when any fluid type collided with physics objects and exploding cars. Exploding cars using incorrect collision. All changes since POSTAL 2 was released on Steam, It\u2019s quite a read - About the Game. Live a week in the life of \"The POSTAL Dude\"; a hapless everyman just trying to check off some chores. Buying milk, returning an overdue library book, getting Gary Coleman's autograph, what could possibly go wrong?. Blast, chop and piss your way through a freakshow of American caricatures in this darkly humorous first-person adventure. Meet Krotchy: the toy mascot gone bad, visit your Uncle Dave at his besieged religious cult compound and battle sewer-dwelling Taliban when you least expect them! Endure the sphincter-clenching challenge of cannibal rednecks, corrupt cops and berserker elephants. Accompanied by Champ, the Dude's semi-loyal pitbull, battle your way through open environments populated with amazingly unpredictable AI. Utilize an arsenal of weapons ranging from a humble shovel to a uniquely hilarious rocket launcher. Collect a pack of attack dogs! Use cats as silencers! Piss and pour gasoline on anything and everyone! YOU KNOW YOU WANT TO!Key FeaturesAggressive vs. Passive: POSTAL 2 is only as violent as you are. . One large non-linear world. . Explore the world and accomplish your errands at your own pace. . Interact with Non-Player Characters. Survival Mode: If you choose to play as a pacifist, you will still have to deal with the NPC's who may also go POSTAL!. Based on the Unreal Editor: Easy to use and very powerful, with many mods already available from the community.", + "about_the_game": "Live a week in the life of \"The POSTAL Dude\"; a hapless everyman just trying to check off some chores. Buying milk, returning an overdue library book, getting Gary Coleman's autograph, what could possibly go wrong?Blast, chop and piss your way through a freakshow of American caricatures in this darkly humorous first-person adventure. Meet Krotchy: the toy mascot gone bad, visit your Uncle Dave at his besieged religious cult compound and battle sewer-dwelling Taliban when you least expect them! Endure the sphincter-clenching challenge of cannibal rednecks, corrupt cops and berserker elephants. Accompanied by Champ, the Dude's semi-loyal pitbull, battle your way through open environments populated with amazingly unpredictable AI. Utilize an arsenal of weapons ranging from a humble shovel to a uniquely hilarious rocket launcher.Collect a pack of attack dogs! Use cats as silencers! Piss and pour gasoline on anything and everyone! YOU KNOW YOU WANT TO!Key FeaturesAggressive vs. Passive: POSTAL 2 is only as violent as you are. One large non-linear world.Explore the world and accomplish your errands at your own pace.Interact with Non-Player CharactersSurvival Mode: If you choose to play as a pacifist, you will still have to deal with the NPC's who may also go POSTAL!Based on the Unreal Editor: Easy to use and very powerful, with many mods already available from the community.", + "short_description": "Live a week in the life of "The Postal Dude"; a hapless everyman just trying to check off some chores. Buying milk, returning an overdue library book, getting Gary Coleman's autograph, what could possibly go wrong?", + "genres": "Action", + "recommendations": 75153, + "score": 7.4013665616454265 + }, + { + "type": "game", + "name": "Cry of Fear", + "detailed_description": "Cry of Fear is a psychological single-player and co-op horror game set in a deserted town filled with horrific creatures and nightmarish delusions. You play as a young man desperately searching for answers in the cold Scandinavian night, finding his way through the city as he slowly descends into madness. With a strong emphasis on cinematic experience, immersion and lateral thinking, players will be taken on a nightmare rollercoaster-ride through the grim streets of F\u00e4versholm and beyond. Not everything is as it seems. . Cry of Fear originally started out as a Half-Life 1 modification, set in the same vein as the classic survival horror games of old. 4 years in the making and picking up several modding awards on the way, it is now a free, standalone game for anyone to enjoy. Beware though, it's not for the faint of heart.Key Features:Huge single-player campaign with over 8 hours of gameplay. Multiple endings and over 20 different unlockables to keep you playing. Full length co-op campaign with up to 4 players. Strong modding support with 12 custom campaigns and examples included, with requests from modding community listened to and implemented. Terrifying and unforgettable atmosphere. 24 different and unique weapons to choose from. Unlockable extra campaign after beating single-player. Original soundtrack comprises over 5 hours of haunting, melodic music.", + "about_the_game": "Cry of Fear is a psychological single-player and co-op horror game set in a deserted town filled with horrific creatures and nightmarish delusions. You play as a young man desperately searching for answers in the cold Scandinavian night, finding his way through the city as he slowly descends into madness. With a strong emphasis on cinematic experience, immersion and lateral thinking, players will be taken on a nightmare rollercoaster-ride through the grim streets of F\u00e4versholm and beyond. Not everything is as it seems...Cry of Fear originally started out as a Half-Life 1 modification, set in the same vein as the classic survival horror games of old. 4 years in the making and picking up several modding awards on the way, it is now a free, standalone game for anyone to enjoy. Beware though, it's not for the faint of heart.Key Features:Huge single-player campaign with over 8 hours of gameplayMultiple endings and over 20 different unlockables to keep you playingFull length co-op campaign with up to 4 playersStrong modding support with 12 custom campaigns and examples included, with requests from modding community listened to and implementedTerrifying and unforgettable atmosphere24 different and unique weapons to choose fromUnlockable extra campaign after beating single-playerOriginal soundtrack comprises over 5 hours of haunting, melodic music", + "short_description": "Cry of Fear is a psychological single-player and co-op horror game set in a deserted town filled with horrific creatures and nightmarish delusions. You play as a young man desperately searching for answers in the cold Scandinavian night, finding his way through the city as he slowly descends into madness.", + "genres": "Action", + "recommendations": 312, + "score": 3.7880680598407506 + }, + { + "type": "game", + "name": "DCS World Steam Edition", + "detailed_description": "Feel the excitement of flying the Su-25T \"Frogfoot\" attack jet and the TF-51D \"Mustang\" in the free-to-play Digital Combat Simulator World! Two free maps are also included: The eastern Black Sea and the Mariana Islands. . . Digital Combat Simulator World. . Digital Combat Simulator World (DCS World) is a free-to-play digital battlefield game. Our dream is to offer the most authentic simulation of military aircraft, ground and armor vehicles, and naval units possible. This free download includes a vast area of the Caucasus region as well as a free Mariana Islands map. It includes one of the most powerful Mission Editors ever designed, network play, and hundreds of AI weapons systems, ground units, armored vehicles, air defense systems, and ships. It also includes a free Russian Sukhoi Su-25T ground attack jet and the famous WWII North American TF-51D Mustang fighter. . . DCS is a true \"sandbox\" simulation that is also designed to cover multiple time periods of interest such as WWII, Korean War, Vietnam, Gulf War and others. . . Current regions to battle include the Back Sea, Marianas, Nevada Test and Training Range, Persian Gulf, English Channel, Syria, and Normandy 1944. . . DCS World is a deep and realistic simulation that can be tailored to suit any level of experience. Our mission is to deliver excellence and make your dreams a virtual reality. We do this by offering training for complex weapons systems like the DCS: F/A-18C Hornet, DCS: F-16C Viper, DCS: AH-64D, and many more. The next step is the real thing!KEY FEATURES. A realistic Free-to-Play digital battlefield. . Eagle Dynamics Graphics Engine (EDGE) that looks amazing from 0 to 80,000 feet. . Free American TF-51 Mustang and Russian Su-25T attack jet. . Multi-layer volumetric cloudscapes with wind, precipitation, air pressure, and more. . Highly detailed map of the Caucasus region that encompass southwestern Russia and Georgia. 20 operational airbases, detailed terrain, and both civil and military infrastructure with thousands of kilometers of usable roads and railway. . Detailed recreation of the Mariana Islands including 1,500 x 1,000km of land and ocean for naval operations that includes Andersen AFB and the airfields on Rota, Tinian and Saipan. . Includes hundreds of fully operational weapons systems, ground vehicles, ships and AI-controlled aircraft. . The Mission Editor allows rapid mission generation and the possibility to create your own missions and campaigns for unlimited gameplay. . Multi-Crew enables full network play in the same aircraft in Multiplayer. . Thousands of online servers offering PvP and PvE. . Mouse interactive 6 degrees of Freedom (6DOF) cockpits. Accurate flight models, weapons systems, sensors, targeting systems and sounds. . Hundreds of missions and campaigns with new campaigns continually created. . Community Files section offering endless user created modifications, skins, missions and more. . Full virtual reality support. .", + "about_the_game": "Feel the excitement of flying the Su-25T \"Frogfoot\" attack jet and the TF-51D \"Mustang\" in the free-to-play Digital Combat Simulator World! Two free maps are also included: The eastern Black Sea and the Mariana Islands.Digital Combat Simulator WorldDigital Combat Simulator World (DCS World) is a free-to-play digital battlefield game.Our dream is to offer the most authentic simulation of military aircraft, ground and armor vehicles, and naval units possible. This free download includes a vast area of the Caucasus region as well as a free Mariana Islands map. It includes one of the most powerful Mission Editors ever designed, network play, and hundreds of AI weapons systems, ground units, armored vehicles, air defense systems, and ships. It also includes a free Russian Sukhoi Su-25T ground attack jet and the famous WWII North American TF-51D Mustang fighter. DCS is a true \"sandbox\" simulation that is also designed to cover multiple time periods of interest such as WWII, Korean War, Vietnam, Gulf War and others. Current regions to battle include the Back Sea, Marianas, Nevada Test and Training Range, Persian Gulf, English Channel, Syria, and Normandy 1944. DCS World is a deep and realistic simulation that can be tailored to suit any level of experience. Our mission is to deliver excellence and make your dreams a virtual reality. We do this by offering training for complex weapons systems like the DCS: F/A-18C Hornet, DCS: F-16C Viper, DCS: AH-64D, and many more. The next step is the real thing!KEY FEATURESA realistic Free-to-Play digital battlefield.Eagle Dynamics Graphics Engine (EDGE) that looks amazing from 0 to 80,000 feet.Free American TF-51 Mustang and Russian Su-25T attack jet.Multi-layer volumetric cloudscapes with wind, precipitation, air pressure, and more.Highly detailed map of the Caucasus region that encompass southwestern Russia and Georgia. 20 operational airbases, detailed terrain, and both civil and military infrastructure with thousands of kilometers of usable roads and railway.Detailed recreation of the Mariana Islands including 1,500 x 1,000km of land and ocean for naval operations that includes Andersen AFB and the airfields on Rota, Tinian and Saipan.Includes hundreds of fully operational weapons systems, ground vehicles, ships and AI-controlled aircraft.The Mission Editor allows rapid mission generation and the possibility to create your own missions and campaigns for unlimited gameplay.Multi-Crew enables full network play in the same aircraft in Multiplayer.Thousands of online servers offering PvP and PvE.Mouse interactive 6 degrees of Freedom (6DOF) cockpitsAccurate flight models, weapons systems, sensors, targeting systems and sounds.Hundreds of missions and campaigns with new campaigns continually created.Community Files section offering endless user created modifications, skins, missions and more.Full virtual reality support.", + "short_description": "Feel the excitement of flying the Su-25T "Frogfoot" attack jet and the TF-51D "Mustang" in the free-to-play Digital Combat Simulator World!", + "genres": "Free to Play", + "recommendations": 570, + "score": 4.184387765483029 + }, + { + "type": "game", + "name": "No More Room in Hell", + "detailed_description": "Just UpdatedNow with Steam Workshop! Check out custom maps and download other modifications by the community. About the Game\"When there's no more room in hell, the dead will walk the earth.\". A tribute to the highly acclaimed film series in which the above quote originated from, No More Room in Hell (PC Gamer's Mod of the Year 2011, ModDB's Editor Choice Multiplayer Mod of the Year 2011), is a co-operative realistic first person survival horror modification for the Source Engine. Taking inspiration from George Romero's \"Of the Dead\" series, the mod is set during a time in which the world is on the verge of collapsing into chaos from a disease whose origin is unknown. Many experts and organizations have their theories and ideas on how such a disease emerged and started to systematically destroy our very way of life, but one fact is clear to all. Whoever perishes from the disease gets up and kills, and the people they killed get up and kill. . The chances of you surviving this all out war of society and the undead are slim to none. Already, there are millions of the walking dead shambling about, searching for food to eat. There's no known cure. One bite can possibly end it all for you. However, you aren't alone in this nightmare. There are still a handful of uninfected survivors left in this god forsaken hellhole, and with co-operation and teamwork, you may live long enough to fight your way to salvation.Features:Teamwork: Co-operative play with up to eight players. . Voice and Text Communications Limited by Distance: The further you're away the harder it is for other players to hear you. Keep those walkie talkies close!. Dynamic Objective Maps: The next playthrough may not be the same as the last!. Survival Mode: Defend and maintain your shelter against the undead in the hopes of getting extracted to a safe area. . A Realistic Approach: In short, no crosshairs with limited \"only when you want it\" HUD. In addition, ammo and weapons are extremely scarce. With that in mind, aim down your sights and shoot for the head!. Multitude of Different Opponents: Ranging from the iconic \"walking zombie\" to the more contemporary \"runners\", NMRiH will keep you on your toes with a mix of dangerous foes to face down. However, the most dangerous enemy may not always be the walking dead. . Infection: One bite may be what it takes to bring you down. If infected, you must decide if you want to alert your team to rid you of your burden, or to keep quiet in the hopes of finding a cure. . 30+ weapons and counting, ranging from the diminutive .22 Target Pistol, to the almighty Chainsaw. . No ads (on official and community official servers, user-hosted servers may vary). No pay to win items or microtransactions. 100% Free (unless you buy the soundtrack DLC No More Room in Hell is a Half-Life 2 Zombification. The mod was founded in 2003. It switched hands and a new team took over in 2009. Beta version 1.0 was released on Halloween of 2011. A full list of the No More Room in Hell Team and contributors can be found on the about page of our website: ", + "about_the_game": "\"When there's no more room in hell, the dead will walk the earth.\"A tribute to the highly acclaimed film series in which the above quote originated from, No More Room in Hell (PC Gamer's Mod of the Year 2011, ModDB's Editor Choice Multiplayer Mod of the Year 2011), is a co-operative realistic first person survival horror modification for the Source Engine. Taking inspiration from George Romero's \"Of the Dead\" series, the mod is set during a time in which the world is on the verge of collapsing into chaos from a disease whose origin is unknown. Many experts and organizations have their theories and ideas on how such a disease emerged and started to systematically destroy our very way of life, but one fact is clear to all. Whoever perishes from the disease gets up and kills, and the people they killed get up and kill.The chances of you surviving this all out war of society and the undead are slim to none. Already, there are millions of the walking dead shambling about, searching for food to eat. There's no known cure. One bite can possibly end it all for you. However, you aren't alone in this nightmare. There are still a handful of uninfected survivors left in this god forsaken hellhole, and with co-operation and teamwork, you may live long enough to fight your way to salvation.Features:Teamwork: Co-operative play with up to eight players.Voice and Text Communications Limited by Distance: The further you're away the harder it is for other players to hear you. Keep those walkie talkies close!Dynamic Objective Maps: The next playthrough may not be the same as the last!Survival Mode: Defend and maintain your shelter against the undead in the hopes of getting extracted to a safe area.A Realistic Approach: In short, no crosshairs with limited \"only when you want it\" HUD. In addition, ammo and weapons are extremely scarce. With that in mind, aim down your sights and shoot for the head!Multitude of Different Opponents: Ranging from the iconic \"walking zombie\" to the more contemporary \"runners\", NMRiH will keep you on your toes with a mix of dangerous foes to face down. However, the most dangerous enemy may not always be the walking dead...Infection: One bite may be what it takes to bring you down. If infected, you must decide if you want to alert your team to rid you of your burden, or to keep quiet in the hopes of finding a cure...30+ weapons and counting, ranging from the diminutive .22 Target Pistol, to the almighty Chainsaw.No ads (on official and community official servers, user-hosted servers may vary)No pay to win items or microtransactions100% Free (unless you buy the soundtrack DLC No More Room in Hell is a Half-Life 2 Zombification. The mod was founded in 2003. It switched hands and a new team took over in 2009. Beta version 1.0 was released on Halloween of 2011. A full list of the No More Room in Hell Team and contributors can be found on the about page of our website: ", + "short_description": "The chances of you surviving this all out war of society and the undead are slim to none. Already, there are millions of the walking dead shambling about, searching for food to eat. There's no known cure. One bite can possibly end it all for you. However, you aren't alone in this nightmare.", + "genres": "Action", + "recommendations": 734, + "score": 4.350830941431304 + }, + { + "type": "game", + "name": "Ace of Spades: Battle Builder", + "detailed_description": "Say hello to the creative shooter. Ace of Spades: Battle Builder is the first-person shooter that lets you create your battleground, destroy it, then create it again. Up to 32 players choose from seven unique classes and jump into team-based, multiplayer mayhem across an endlessly evolving battlefield, to construct, destruct and take out the opposition.Key FeaturesCONSTRUCTION, COMBAT AND CREATIVITY - Complete strategic and creative freedom is at your disposal to annihilate the enemy however you like. MULTIPLAYER MAP CREATION - Ace of Spades: Battle Builder includes a map creator mode, which allows you to collaborate with up to 23 friends and make your very own Ace of Spades battleground! Custom tools and over 400 prefabricated structures will help you build the ultimate multiplayer maps, which you can upload and share via Steam Workshop. . CUSTOM GAME MODES - Play the way YOU want to play! Host your own match or create your own mode using the wide selection of settings available to you. From fine tuning your favourite mode & classes, to turning TDM into a Spade-only grudge match with predefined teams, as a lobby host you can: . Set your lobby to invite only, friends, or open, and also have full control over who joins with the host \u2018kick\u2019 function. Sort players into specific teams \u2013 great for clan matches, or for playing on the same team as your friends. Choose the map you want to play, official or player made. Set the size of the match, and it\u2019s duration. Set up vanilla game modes or tweak them to suit by using an extensive set of customisable game rulesTons Of Insane Game ModesTeam Deathmatch - The Grandaddy of them all. Kill the enemy; try not to die doing it. . Zombie Mode - Survive the onslaught of the living dead. Failing that, join them. . Classic CTF \u2013 Back to basics, one class, one loadout, the classic rifle. You know what to do. . Capture the Flag \u2013 No FPS is complete without CTF. Protect your flag, take the enemies\u2019. . Demolition - Demolish the enemy\u2019s base before your own is decimated. . Diamond Mine - Dig up precious diamonds & defend the diamond carrier as they attempt to cash in their discovery at your team\u2019s base for points. . Occupation - A game mode that pits offence against defence. The defensive team must protect their teams based in the green occupied area of the map while the attacking Blue team try to destroy the enemy position by successfully detonating bombs. . VIP \u2013 Play in 1930\u2019s era Chicago or LA\u2019s Alcatraz and protect your mob boss from the opposing Mafioso. . Territory Control - Claim key tactical areas of the map for your team, gain a majority territory control of the map to win, or even better go for glory and take over the entire map!.", + "about_the_game": "Say hello to the creative shooter. Ace of Spades: Battle Builder is the first-person shooter that lets you create your battleground, destroy it, then create it again. Up to 32 players choose from seven unique classes and jump into team-based, multiplayer mayhem across an endlessly evolving battlefield, to construct, destruct and take out the opposition.Key FeaturesCONSTRUCTION, COMBAT AND CREATIVITY - Complete strategic and creative freedom is at your disposal to annihilate the enemy however you like. MULTIPLAYER MAP CREATION - Ace of Spades: Battle Builder includes a map creator mode, which allows you to collaborate with up to 23 friends and make your very own Ace of Spades battleground! Custom tools and over 400 prefabricated structures will help you build the ultimate multiplayer maps, which you can upload and share via Steam Workshop. CUSTOM GAME MODES - Play the way YOU want to play! Host your own match or create your own mode using the wide selection of settings available to you. From fine tuning your favourite mode & classes, to turning TDM into a Spade-only grudge match with predefined teams, as a lobby host you can: Set your lobby to invite only, friends, or open, and also have full control over who joins with the host \u2018kick\u2019 function Sort players into specific teams \u2013 great for clan matches, or for playing on the same team as your friends Choose the map you want to play, official or player made Set the size of the match, and it\u2019s duration Set up vanilla game modes or tweak them to suit by using an extensive set of customisable game rulesTons Of Insane Game ModesTeam Deathmatch - The Grandaddy of them all. Kill the enemy; try not to die doing it. Zombie Mode - Survive the onslaught of the living dead. Failing that, join them. Classic CTF \u2013 Back to basics, one class, one loadout, the classic rifle. You know what to do. Capture the Flag \u2013 No FPS is complete without CTF. Protect your flag, take the enemies\u2019.Demolition - Demolish the enemy\u2019s base before your own is decimated. Diamond Mine - Dig up precious diamonds & defend the diamond carrier as they attempt to cash in their discovery at your team\u2019s base for points.Occupation - A game mode that pits offence against defence. The defensive team must protect their teams based in the green occupied area of the map while the attacking Blue team try to destroy the enemy position by successfully detonating bombs.VIP \u2013 Play in 1930\u2019s era Chicago or LA\u2019s Alcatraz and protect your mob boss from the opposing Mafioso. Territory Control - Claim key tactical areas of the map for your team, gain a majority territory control of the map to win, or even better go for glory and take over the entire map!", + "short_description": "Say hello to the creative shooter. Ace of Spades: Battle Builder is the first-person shooter that lets you create your battleground, destroy it, then create it again. Up to 32 players choose from seven unique classes and jump into team-based, multiplayer mayhem across an endlessly evolving battlefield, to construct, destruct and take out...", + "genres": "Action", + "recommendations": 12806, + "score": 6.2348282518552605 + }, + { + "type": "game", + "name": "Defiance", + "detailed_description": "TRY DEFIANCE 2050 TODAYWant to play the latest and most up to date version of Defiance?. . About the GameArktech. Some die for it \u2013 everyone kills for it. . Join the futuristic online open-world shooter where thousands of players scour a transformed Earth competing for alien technology. Hunt alone or with others as you improve your skills and level up, unlocking powerful weapons that will help you survive the massive battles that await. . Limitless Gameplay. . Revolutionary Warfare.", + "about_the_game": "Arktech. Some die for it \u2013 everyone kills for it.Join the futuristic online open-world shooter where thousands of players scour a transformed Earth competing for alien technology. Hunt alone or with others as you improve your skills and level up, unlocking powerful weapons that will help you survive the massive battles that await.Limitless Gameplay.Revolutionary Warfare.", + "short_description": "Join the futuristic online open-world shooter where thousands of players scour a transformed Earth competing for alien technology.", + "genres": "Action", + "recommendations": 2481, + "score": 5.153080227059412 + }, + { + "type": "game", + "name": "FEZ", + "detailed_description": "Gomez is a 2D creature living in a 2D world. Or is he? When the existence of a mysterious 3rd dimension is revealed to him, Gomez is sent out on a journey that will take him to the very end of time and space. Use your ability to navigate 3D structures from 4 distinct classic 2D perspectives. Explore a serene and beautiful open-ended world full of secrets, puzzles and hidden treasures. Unearth the mysteries of the past and discover the truth about reality and perception. Change your perspective and look at the world in a different way.", + "about_the_game": "Gomez is a 2D creature living in a 2D world. Or is he? When the existence of a mysterious 3rd dimension is revealed to him, Gomez is sent out on a journey that will take him to the very end of time and space. Use your ability to navigate 3D structures from 4 distinct classic 2D perspectives. Explore a serene and beautiful open-ended world full of secrets, puzzles and hidden treasures. Unearth the mysteries of the past and discover the truth about reality and perception. Change your perspective and look at the world in a different way.", + "short_description": "Gomez is a 2D creature living in a 2D world. Or is he? When the existence of a mysterious 3rd dimension is revealed to him, Gomez is sent out on a journey that will take him to the very end of time and space. Use your ability to navigate 3D structures from 4 distinct classic 2D perspectives.", + "genres": "Indie", + "recommendations": 9678, + "score": 6.05022196697035 + }, + { + "type": "game", + "name": "Brothers - A Tale of Two Sons", + "detailed_description": "Guide two brothers on an epic fairy tale journey from visionary Swedish film director, Josef Fares and top-tier developer Starbreeze Studios. . Control both brothers at once as you experience co-op play in single player mode, like never before. . Solve puzzles, explore the varied locations and fight boss battles, controlling one brother with each thumbstick. . A man, clinging to life. His two sons, desperate to cure their ailing father, are left with but one option. They must set out upon a journey to find and bring back the \"Water of Life\" as they come to rely on one another to survive. One must be strong where the other is weak, brave where the other is fearful, they must be. Brothers. . This is one journey you will never forget.", + "about_the_game": "Guide two brothers on an epic fairy tale journey from visionary Swedish film director, Josef Fares and top-tier developer Starbreeze Studios. \r\n\r\nControl both brothers at once as you experience co-op play in single player mode, like never before. \r\n\r\nSolve puzzles, explore the varied locations and fight boss battles, controlling one brother with each thumbstick.\r\n\r\nA man, clinging to life. His two sons, desperate to cure their ailing father, are left with but one option. They must set out upon a journey to find and bring back the \"Water of Life\" as they come to rely on one another to survive. One must be strong where the other is weak, brave where the other is fearful, they must be... Brothers.\r\n\r\nThis is one journey you will never forget.", + "short_description": "Guide two brothers on an epic fairy tale journey from visionary Swedish film director, Josef Fares and top-tier developer Starbreeze Studios. Control both brothers at once as you experience co-op play in single player mode, like never before.", + "genres": "Action", + "recommendations": 32894, + "score": 6.856698638366671 + }, + { + "type": "game", + "name": "Brutal Legend", + "detailed_description": "Br\u00fctal Legend is an action-adventure that marries visceral action combat with open-world freedom. Set in a universe somewhere between Lord of the Rings and Spinal Tap, it\u2019s a fresh take on the action/driving genre, which in this case is full of imitation cover bands, demons intent on enslaving humanity and Heavy metal tunes. Featuring the talents of comedian, actor and musician, Jack Black as super roadie Eddie Riggs, as well as cameos by some of the biggest names in metal music it's a wild ride in the belly of the beast that is not to be missed by gamers and Metalheads alike. . Included as a free bonus in the PC version of Br\u00fctal Legend are both the Hammer of Infinite Fate and Tears of the Hextadon multiplayer map packs. . Story. The vivid and wildly creative world of Br\u00fctal Legend is brought to life through a spate of chrome, leather, rocker babes, epic music, fire-breathing/stud-wearing beasts, mountains made of guitar amps, and more. Follow Eddie as he embarks on a tour of epic destruction with an axe, a guitar, and his minions as he commands the power of rock in epic band battles. It\u2019s lighter-flicking awesomeness that will melt your face clean off. . Combat. Br\u00fctal Legend\u2019s combat is a combination of classic action slasher and real time strategy mechanics. Melee and ranged combat come from your double-sided broadaxe and demon-slaying, pyrotechnic-creating guitar. Add that 1-2 punch to a guitar solo mechanic that can summon objects, buff your teammates, or cripple your opponents, and you have a deep, gratifying core gameplay combat loop that is fun for the hardcore and accessible for the casual. On top of that, players will journey from Roadie to Rock God by commanding legions of metalheads into Br\u00fctal Victory and sending troops charging into battle. . A Streaming Open World. Br\u00fctal Legend gives you the freedom to walk, drive, or fly anywhere in a fully streaming open world whose art style is inspired by some of the most iconic and hilariously rad metal album covers ever created. Every vista in the beautiful universe of Br\u00fctal Legend looks like it was pulled from a Frank Frazetta painting. . Packed With Cameos and Voice Talent. Br\u00fctal Legend is full of cameos from gods of metal like Lemmy Kilmister, Rob Halford, Lita Ford, and many, many others. It has a MASSIVE metal soundtrack from every era of metal music: 1970\u2019s classic metal to 1980\u2019s hair metal to the scarier cousins of 1990\u2019s metal. And of course, Jack Black pays the ultimate homage to metal as Eddie the Roadie, continuing the theme from the work of his band, Tenacious D and his previous films like School of Rock and High Fidelity. . Multiplayer Mayhem. 4v4 \"skirmish\" multiplayer marries action combat with a strategic unit-control mechanic. As the leader of one of the factions in the game, the player will direct his armies in a Battle of the Bands where the trophy is survival. Br\u00fctal Legend\u2019s multiplayer is online-enabled, so you can conquer your friends online (broadband connection required for online play). . Music. The music in Br\u00fctal Legend is truly massive. Made up of 108 of the most rocking tracks from 75 different bands representing every sub-genre of metal, it is something to experience in and of itself.", + "about_the_game": "Br\u00fctal Legend is an action-adventure that marries visceral action combat with open-world freedom. Set in a universe somewhere between Lord of the Rings and Spinal Tap, it\u2019s a fresh take on the action/driving genre, which in this case is full of imitation cover bands, demons intent on enslaving humanity and Heavy metal tunes. Featuring the talents of comedian, actor and musician, Jack Black as super roadie Eddie Riggs, as well as cameos by some of the biggest names in metal music it's a wild ride in the belly of the beast that is not to be missed by gamers and Metalheads alike. Included as a free bonus in the PC version of Br\u00fctal Legend are both the Hammer of Infinite Fate and Tears of the Hextadon multiplayer map packs.StoryThe vivid and wildly creative world of Br\u00fctal Legend is brought to life through a spate of chrome, leather, rocker babes, epic music, fire-breathing/stud-wearing beasts, mountains made of guitar amps, and more. Follow Eddie as he embarks on a tour of epic destruction with an axe, a guitar, and his minions as he commands the power of rock in epic band battles. It\u2019s lighter-flicking awesomeness that will melt your face clean off.CombatBr\u00fctal Legend\u2019s combat is a combination of classic action slasher and real time strategy mechanics. Melee and ranged combat come from your double-sided broadaxe and demon-slaying, pyrotechnic-creating guitar. Add that 1-2 punch to a guitar solo mechanic that can summon objects, buff your teammates, or cripple your opponents, and you have a deep, gratifying core gameplay combat loop that is fun for the hardcore and accessible for the casual. On top of that, players will journey from Roadie to Rock God by commanding legions of metalheads into Br\u00fctal Victory and sending troops charging into battle.A Streaming Open WorldBr\u00fctal Legend gives you the freedom to walk, drive, or fly anywhere in a fully streaming open world whose art style is inspired by some of the most iconic and hilariously rad metal album covers ever created. Every vista in the beautiful universe of Br\u00fctal Legend looks like it was pulled from a Frank Frazetta painting.Packed With Cameos and Voice TalentBr\u00fctal Legend is full of cameos from gods of metal like Lemmy Kilmister, Rob Halford, Lita Ford, and many, many others. It has a MASSIVE metal soundtrack from every era of metal music: 1970\u2019s classic metal to 1980\u2019s hair metal to the scarier cousins of 1990\u2019s metal. And of course, Jack Black pays the ultimate homage to metal as Eddie the Roadie, continuing the theme from the work of his band, Tenacious D and his previous films like School of Rock and High Fidelity.Multiplayer Mayhem4v4 \"skirmish\" multiplayer marries action combat with a strategic unit-control mechanic. As the leader of one of the factions in the game, the player will direct his armies in a Battle of the Bands where the trophy is survival. Br\u00fctal Legend\u2019s multiplayer is online-enabled, so you can conquer your friends online (broadband connection required for online play).MusicThe music in Br\u00fctal Legend is truly massive. Made up of 108 of the most rocking tracks from 75 different bands representing every sub-genre of metal, it is something to experience in and of itself.", + "short_description": "Br\u00fctal Legend is an action-adventure that marries visceral action combat with open-world freedom. Set in a universe somewhere between Lord of the Rings and Spinal Tap, it\u2019s a fresh take on the action/driving genre, which in this case is full of imitation cover bands, demons intent on enslaving humanity and Heavy metal tunes.", + "genres": "Action", + "recommendations": 9233, + "score": 6.019194484417123 + }, + { + "type": "game", + "name": "Just Cause\u2122 3", + "detailed_description": "JUST CAUSE 4 XXL Edition. The Just Cause 3 XXL Edition packs the critically acclaimed Just Cause 3 game as well as a great selection of extra missions, explosive weapons and vehicles to expand your experience in Medici. This ultimate edition of the game will please newcomers who want to jump into all of Rico's missions with a boosted arsenal and exotic new vehicles. . This pack includes the following items:. Just Cause 3. Air, Land and Sea Expansion Pass. Weaponized Vehicle Pack. Explosive Weapon Pack. Reaper Missile Mech. Kousav\u00e1 Rifle. Reviews and Accolades 9.5/10 \"Just Cause 3 may be the only recent release that truly qualifies as a sandbox\" - Forbes. 9/10 \"Just Cause 3 is probably the most goddamn fun I've had in a game this year\" - US Gamer. 9/10 \"Spectacularly Destructive\" - GAME REACTOR. 8/10 \"A wide-open playground primed for explosive action\" - IGN. 8/10 \"A stunning display of cause and effect\" - Gamespot. 8/10 \"it\u2019s hard not to cackle with glee after watching yet another base bloom into a fiery blossom\" - Game Informer. 8/10 \"lives up to the series\u2019 standard of high quality explosiveness by exhibiting just how a sandbox game should operate\" - EGM. 8/10 \"A memorable game that's hard not to like and recommend to others\" - Destructoid. Bavarium Sea Heist. Just Cause 3: Bavarium Sea Heist is available now!. MECH LAND ASSAULT. Just Cause 3: Mech Land Assault is available now!. SKY FORTRESS. Just Cause 3: Sky Fortress is available now!. Download the Expansion Pass today and receive the PDLC packs 7 days early. About the Game . The Mediterranean republic of Medici is suffering under the brutal control of General Di Ravello, a dictator with an insatiable appetite for power. Enter Rico Rodriguez, a man on a mission to destroy the General\u2019s hold on power by any means necessary. With over 400 square miles of complete freedom from sky to seabed and a huge arsenal of weaponry, gadgets and vehicles, prepare to unleash chaos in the most creative and explosive ways you can imagine.FEATURES:Explore a Mediterranean island paradise with complete vertical freedom \u2013 skydive, BASE jump and free dive in an open world with virtually zero limits. Glide through the air and swoop across mountains with your Wingsuit giving a new way to rain death from above. Use your Grapple and Parachute to scale buildings, hijack vehicles, move quickly or tether objects together for creative new ways to cause Chaos. . Cause massive chains of destruction in military bases, harbours, prisons, police stations and communications facilities to bring down a dictator. Arm yourself with a wide range of explosive weaponry from shotguns and missile launchers to tank-busters and air-strikes. Choose from a huge variety of different vehicles to drive including speedboats, jets, helicopters, turbo-fuelled sports cars and super bikes. Get adventurous with dozens of challenge missions and collectibles to discover. Online community features.", + "about_the_game": " Mediterranean republic of Medici is suffering under the brutal control of General Di Ravello, a dictator with an insatiable appetite for power. Enter Rico Rodriguez, a man on a mission to destroy the General\u2019s hold on power by any means necessary. With over 400 square miles of complete freedom from sky to seabed and a huge arsenal of weaponry, gadgets and vehicles, prepare to unleash chaos in the most creative and explosive ways you can imagine.FEATURES:Explore a Mediterranean island paradise with complete vertical freedom \u2013 skydive, BASE jump and free dive in an open world with virtually zero limitsGlide through the air and swoop across mountains with your Wingsuit giving a new way to rain death from aboveUse your Grapple and Parachute to scale buildings, hijack vehicles, move quickly or tether objects together for creative new ways to cause Chaos. Cause massive chains of destruction in military bases, harbours, prisons, police stations and communications facilities to bring down a dictatorArm yourself with a wide range of explosive weaponry from shotguns and missile launchers to tank-busters and air-strikesChoose from a huge variety of different vehicles to drive including speedboats, jets, helicopters, turbo-fuelled sports cars and super bikesGet adventurous with dozens of challenge missions and collectibles to discoverOnline community features", + "short_description": "With over 1000 km\u00b2 of complete freedom from sky to seabed, Rico Rodriguez returns to unleash chaos in the most creative and explosive ways imaginable.", + "genres": "Action", + "recommendations": 89954, + "score": 7.519876427010054 + }, + { + "type": "game", + "name": "Infestation: Survivor Stories 2020", + "detailed_description": "One of the most iconic Survival games in history is coming back, bringing classic I:SS gameplay with a lot of new features:. A Huge Persistent World: This is an nonlinear open world game. Explore, Scavenge, Kill, Survive: You are one of the few survivors and must navigate the desolate countryside exploring cities and scavenging for items. Group with other players to increase your chances of survival. Key Features\tUpgraded 64-bit engine. Cheater-free environment thanks to the custom made Fredaikis Anti-Cheat (FAC). ATM-system where losing your in-game currency is a constant risk unless it\u2019s banked. Flea market where you can sell your looted items. Super Zombies, new Slicer Zombies and Zombie Dogs. Airdrops, radiation zones and helicopter crash sites packed with loot. A new map the size of Colorado called Oregon. New Friend system integrated with Steam so you can easily play with your friends.", + "about_the_game": "One of the most iconic Survival games in history is coming back, bringing classic I:SS gameplay with a lot of new features:\tA Huge Persistent World: This is an nonlinear open world game\tExplore, Scavenge, Kill, Survive: You are one of the few survivors and must navigate the desolate countryside exploring cities and scavenging for items\tGroup with other players to increase your chances of survivalKey Features\tUpgraded 64-bit engine\tCheater-free environment thanks to the custom made Fredaikis Anti-Cheat (FAC)\tATM-system where losing your in-game currency is a constant risk unless it\u2019s banked\tFlea market where you can sell your looted items\tSuper Zombies, new Slicer Zombies and Zombie Dogs\tAirdrops, radiation zones and helicopter crash sites packed with loot\tA new map the size of Colorado called Oregon\tNew Friend system integrated with Steam so you can easily play with your friends", + "short_description": "Infestation is a Survival Horror MMO that immerses players in a zombie-infested, post-apocalyptic world in which a viral outbreak has decimated the human population leaving in its wake, a nightmare of epic proportion.", + "genres": "Action", + "recommendations": 17381, + "score": 6.436185554847748 + }, + { + "type": "game", + "name": "Age of Wonders III", + "detailed_description": "Get more Age of Wonders games Age of Wonders: Planetfall is now available! About the GameAge of Wonders III is the long anticipated sequel to the award-winning strategy series. Delivering a unique mix of Empire Building, Role Playing and Warfare, Age of Wonders III offers the ultimate in turn-based fantasy strategy for veterans of the series and new players alike!. Create an Empire in your own Image. Rule as one of 6 RPG style leader classes: Sorcerer, Theocrat, Rogue, Warlord, Archdruid, or the tech-focused Dreadnought. . Research powerful skills unique to your class to develop your empire and arsenal. . Choose your allies from among the six main races - Humans, High Elves, Dwarves, Orcs, Goblins and Draconians - and fantastical monster dwellings. . Explore and Exploit a Living Fantasy World. Explore a rich fantasy world that is more detailed and alive than ever with over 50 location types to raid for treasure. . Expand your domain by building new settlements, forge pacts with monstrous allies and capture valuable resources. . Wield earth shattering magic and terra-form the lands for your needs. . Fight In-depth Tactical Battles. Recruit legendary heroes, equip them with magical weapons, and let them lead your armies into battle. . Crush your enemies using the detailed 3D turn-based Tactical Combat System. . Become a master tactician. Crush city defenses. Learn to use flanking and master your army\u2019s hundreds of abilities. . Master Age of Wonders III\u2019s many Modes!. Immerse yourself in a rich single player story campaign, playable from two sides of an epic conflict. . Create endless scenarios using the random map generator. . Compete in multiplayer wars with up to 8 players online. . Please note that:. Level Editing Tools are provided as a courtesy to fans. They might have different system specifications from the Age of Wonders III game, are not tech supported and have an English only interface. . Coop: Random maps and stand-alone scenarios can be played using player alliances versus computer opponents. . Local Coop: Random maps and stand-alone scenarios can be played using \u201cHot Seat\u201d mode on the same computer using player alliances versus computer opponents.", + "about_the_game": "Age of Wonders III is the long anticipated sequel to the award-winning strategy series. Delivering a unique mix of Empire Building, Role Playing and Warfare, Age of Wonders III offers the ultimate in turn-based fantasy strategy for veterans of the series and new players alike!Create an Empire in your own ImageRule as one of 6 RPG style leader classes: Sorcerer, Theocrat, Rogue, Warlord, Archdruid, or the tech-focused Dreadnought.Research powerful skills unique to your class to develop your empire and arsenal.Choose your allies from among the six main races - Humans, High Elves, Dwarves, Orcs, Goblins and Draconians - and fantastical monster dwellings.Explore and Exploit a Living Fantasy WorldExplore a rich fantasy world that is more detailed and alive than ever with over 50 location types to raid for treasure.Expand your domain by building new settlements, forge pacts with monstrous allies and capture valuable resources.Wield earth shattering magic and terra-form the lands for your needs.Fight In-depth Tactical BattlesRecruit legendary heroes, equip them with magical weapons, and let them lead your armies into battle.Crush your enemies using the detailed 3D turn-based Tactical Combat System.Become a master tactician. Crush city defenses. Learn to use flanking and master your army\u2019s hundreds of abilities.Master Age of Wonders III\u2019s many Modes!Immerse yourself in a rich single player story campaign, playable from two sides of an epic conflict.Create endless scenarios using the random map generator.Compete in multiplayer wars with up to 8 players online.Please note that:Level Editing Tools are provided as a courtesy to fans. They might have different system specifications from the Age of Wonders III game, are not tech supported and have an English only interface.Coop: Random maps and stand-alone scenarios can be played using player alliances versus computer opponents.Local Coop: Random maps and stand-alone scenarios can be played using \u201cHot Seat\u201d mode on the same computer using player alliances versus computer opponents.", + "short_description": "Age of Wonders III is the long anticipated sequel to the award-winning strategy series. Delivering a unique mix of Empire Building, Role Playing and Warfare, Age of Wonders III offers the ultimate in turn-based fantasy strategy for veterans of the series and new players alike!", + "genres": "RPG", + "recommendations": 6616, + "score": 5.799506021138344 + }, + { + "type": "game", + "name": "Euro Truck Simulator 2", + "detailed_description": "Just UpdatedJoin your friends and keep on truckin' together in 8 player Convoy multiplayer mode, now available!. Give American Truck Simulator a test driveStart your new truck empire in the United States! Try the demo of American Truck Simulator and visit the Steam store page. . About the Game. Travel across Europe as king of the road, a trucker who delivers important cargo across impressive distances! With dozens of cities to explore from the UK, Belgium, Germany, Italy, the Netherlands, Poland, and many more, your endurance, skill and speed will all be pushed to their limits. If you\u2019ve got what it takes to be part of an elite trucking force, get behind the wheel and prove it!Key Features:. Transport a vast variety of cargo across more than 60 European cities. . Run your own business which continues to grow even as you complete your freight deliveries. . Build your own fleet of trucks, buy garages, hire drivers, manage your company for maximum profits. . A varied amount of truck tuning that range from performance to cosmetic changes. . Customize your vehicles with optional lights, bars, horns, beacons, smoke exhausts, and more. . Thousands of miles of real road networks with hundreds of famous landmarks and structures. World of Trucks. Take advantage of additional features of Euro Truck Simulator 2 by joining our online community on World of Trucks, our center for virtual truckers all around the world interested in Euro Truck Simulator 2 and future SCS Software's truck simulators. . Use in-game Photo Mode to capture the best moments and share them with thousands of people who love trucks. . Favorite the images you like the most and return to them anytime in the future. . Discuss the screenshots with everyone using World of Trucks. . See the best images hand-picked by the game creators in Editor's Pick updated almost every day. Try to get your own screenshot on this list!. Upload and use your custom avatar and license plate in the game. . More features coming soon!. To join World of Trucks, simply sign up with your Steam account on the join page. . World of Trucks is an optional service, registration on World of Trucks isn't required to play the game.", + "about_the_game": "Travel across Europe as king of the road, a trucker who delivers important cargo across impressive distances! With dozens of cities to explore from the UK, Belgium, Germany, Italy, the Netherlands, Poland, and many more, your endurance, skill and speed will all be pushed to their limits. If you\u2019ve got what it takes to be part of an elite trucking force, get behind the wheel and prove it!Key Features:Transport a vast variety of cargo across more than 60 European cities.Run your own business which continues to grow even as you complete your freight deliveries.Build your own fleet of trucks, buy garages, hire drivers, manage your company for maximum profits.A varied amount of truck tuning that range from performance to cosmetic changes.Customize your vehicles with optional lights, bars, horns, beacons, smoke exhausts, and more.Thousands of miles of real road networks with hundreds of famous landmarks and structures.World of TrucksTake advantage of additional features of Euro Truck Simulator 2 by joining our online community on World of Trucks, our center for virtual truckers all around the world interested in Euro Truck Simulator 2 and future SCS Software's truck simulators. Use in-game Photo Mode to capture the best moments and share them with thousands of people who love trucks.Favorite the images you like the most and return to them anytime in the future. Discuss the screenshots with everyone using World of Trucks. See the best images hand-picked by the game creators in Editor's Pick updated almost every day. Try to get your own screenshot on this list!Upload and use your custom avatar and license plate in the game.More features coming soon!To join World of Trucks, simply sign up with your Steam account on the join page.World of Trucks is an optional service, registration on World of Trucks isn't required to play the game.", + "short_description": "Travel across Europe as king of the road, a trucker who delivers important cargo across impressive distances! With dozens of cities to explore, your endurance, skill and speed will all be pushed to their limits.", + "genres": "Indie", + "recommendations": 513058, + "score": 8.667649009155651 + }, + { + "type": "game", + "name": "Heroes & Generals", + "detailed_description": "Heroes & Generals is a full on, all-out WAR experience. Thousands of players fighting one massive clash of nations. The first to capture 15 cities takes the glory. . Fight alongside newfound brothers from all over the world in multiple battles raging persistently as Generals strategize and deploy resources to assist their men. . As a soldier everything you do influences the war. Every kill you make, every tank you destroy, every town you capture matters. Even glorious defeat, because sometimes to win the war, many must die. . . CHOOSE HOW YOU FIGHT. How you fight and the speed of progression is up to you. . Experience the rush of close quarter combat, the pleasure of picking off the enemy at range, the power of unleashing hell from a tank or wreaking havoc from an aircraft. The choice is yours. . . MASTER YOUR OWN ARSENAL. You own and master your equipment. . Unleash the terror of the badass Panther Tank, the power of the Yak-9B fighter\u2019s 20mm cannons, or the stealth of an M8 Greyhound. Load out with the deadly PPS-43, the legendary Tommy Gun or the rare but lethal FG-42. . 65+ Weapons, 70+ vehicles and aircraft are available to add to your arsenal. If that\u2019s not enough, you can always use your wrench to humiliate the enemy!. . KEY FEATURES. Choose your fight: as Infantry, Recon, Tank Crew, Paratrooper or even a Fighter Pilot. . Fight in close-quarters, Infantry encounters; in larger skirmishes with vehicles or in huge land and aerial assaults. Win or lose, everything you do contributes to the war. . Unlock a vast variety of weapons, vehicles, planes & ammo upgrades. . Earn over 35 different Combat Badges to boost your ability and get the upper hand. . Choose your allegiance; fight the war for the United States, Germany or the Soviet Union. . Progress to become a General and gain ultimate power to strategize and deploy resources in battle.", + "about_the_game": "Heroes & Generals is a full on, all-out WAR experience. Thousands of players fighting one massive clash of nations. The first to capture 15 cities takes the glory.Fight alongside newfound brothers from all over the world in multiple battles raging persistently as Generals strategize and deploy resources to assist their men.As a soldier everything you do influences the war. Every kill you make, every tank you destroy, every town you capture matters. Even glorious defeat, because sometimes to win the war, many must die.CHOOSE HOW YOU FIGHTHow you fight and the speed of progression is up to you.Experience the rush of close quarter combat, the pleasure of picking off the enemy at range, the power of unleashing hell from a tank or wreaking havoc from an aircraft. The choice is yours.MASTER YOUR OWN ARSENALYou own and master your equipment.Unleash the terror of the badass Panther Tank, the power of the Yak-9B fighter\u2019s 20mm cannons, or the stealth of an M8 Greyhound. Load out with the deadly PPS-43, the legendary Tommy Gun or the rare but lethal FG-42.65+ Weapons, 70+ vehicles and aircraft are available to add to your arsenal. If that\u2019s not enough, you can always use your wrench to humiliate the enemy!KEY FEATURESChoose your fight: as Infantry, Recon, Tank Crew, Paratrooper or even a Fighter Pilot.Fight in close-quarters, Infantry encounters; in larger skirmishes with vehicles or in huge land and aerial assaults. Win or lose, everything you do contributes to the war.Unlock a vast variety of weapons, vehicles, planes & ammo upgrades.Earn over 35 different Combat Badges to boost your ability and get the upper hand.Choose your allegiance; fight the war for the United States, Germany or the Soviet Union.Progress to become a General and gain ultimate power to strategize and deploy resources in battle.", + "short_description": "Shoot, blow sh!t up, fly or bark orders in the ultimate Free-to-Play, large scale, multiplayer, shooter experience. Thousands of players in multiple battles fighting one massive war of nations. The first to capture 15 cities takes the glory.", + "genres": "Action", + "recommendations": 2430, + "score": 5.139393304746265 + }, + { + "type": "game", + "name": "Company of Heroes", + "detailed_description": "DISCLAIMERFOR ADDITIONAL USER REVIEWS, please visit the \"Company of Heroes - Legacy Edition\" page. Total conversions available on Steam for COH1 are also listed on the Legacy Edition page.DESCRIPTIONDelivering a visceral WWII gaming experience, Company of Heroes redefines real time strategy gaming by bringing the sacrifice of heroic soldiers, war-ravaged environments, and dynamic battlefields to life. Beginning with the D-Day Invasion of Normandy, players lead squads of Allied soldiers into battle against the German war machine through some of the most pivotal battles of WWII. Through a rich single player campaign, players experience the cinematic intensity and bravery of ordinary soldiers thrust into extraordinary events. . A Cinematic Single Player Experience that captures the turmoil of WWII as never before. . Advanced squad AI brings your soldiers to life as they interact with the changing environment, take cover, and execute advanced squad tactics to eliminate all enemy opposition. . Stunning Visuals - Relic's next generation cutting-edge engine provides graphic quality and a physics driven world that is unprecedented in an RTS. . Environmental Strategy - Real-time physics and a completely destructible environment guarantee no two battles ever play out in the same way. Destroy anything and re-shape the battlefield! Use buildings and terrain to your advantage, or deny them to the enemy. . 2-8 Player Multiplayer Competition via LAN or Internet - Go online with friends and join the ultimate battle of Axis versus Allies.", + "about_the_game": "DISCLAIMERFOR ADDITIONAL USER REVIEWS, please visit the \"Company of Heroes - Legacy Edition\" page. Total conversions available on Steam for COH1 are also listed on the Legacy Edition page.DESCRIPTIONDelivering a visceral WWII gaming experience, Company of Heroes redefines real time strategy gaming by bringing the sacrifice of heroic soldiers, war-ravaged environments, and dynamic battlefields to life. Beginning with the D-Day Invasion of Normandy, players lead squads of Allied soldiers into battle against the German war machine through some of the most pivotal battles of WWII. Through a rich single player campaign, players experience the cinematic intensity and bravery of ordinary soldiers thrust into extraordinary events.\t\t\t\t\tA Cinematic Single Player Experience that captures the turmoil of WWII as never before.\t\t\t\t\tAdvanced squad AI brings your soldiers to life as they interact with the changing environment, take cover, and execute advanced squad tactics to eliminate all enemy opposition. \t\t\t\t\tStunning Visuals - Relic's next generation cutting-edge engine provides graphic quality and a physics driven world that is unprecedented in an RTS.\t\t\t\t\tEnvironmental Strategy - Real-time physics and a completely destructible environment guarantee no two battles ever play out in the same way. Destroy anything and re-shape the battlefield! Use buildings and terrain to your advantage, or deny them to the enemy.\t\t\t\t\t2-8 Player Multiplayer Competition via LAN or Internet - Go online with friends and join the ultimate battle of Axis versus Allies.", + "short_description": "Delivering a visceral WWII gaming experience, Company of Heroes redefines RTS by bringing the sacrifice of heroic soldiers, war-ravaged environments, and dynamic battlefields to life. Please visit the "Company of Heroes - Legacy Edition" page for additional user reviews.", + "genres": "Action", + "recommendations": 9181, + "score": 6.015471630615417 + }, + { + "type": "game", + "name": "Baldur's Gate: Enhanced Edition", + "detailed_description": "Gather Your Party. Baldur's Gate: Enhanced Edition is a story-driven 90s RPG set in the world of Dungeons & Dragons. . Customize your hero, recruit a party of brave allies, and explore the Sword Coast in your search for adventure, profit\u2026 and the truth.75+ Hours of AdventureThe Enhanced Edition contains over 75 hours of gameplay, including the original campaign, the classic Sword Coast expansion, plus brand new challenges in the Black Pits arena!. Classic Campaign: The Original Baldur\u2019s Gate Adventure. Expansion: Tales of the Sword Coast expansion. New Challenges: The Black Pits, arena style battles. New Difficulty Setting: Story Mode allows players to focus on story and exploration, rather than combat and survival. Paid DLC Expansion Available: Siege of Dragonspear is a brand new chapter in the Baldur's Gate saga!. Epic Characters. 11 Playable Classes plus dozens of subclasses. Recruit Classic Characters like Minsc and his brave hamster, Boo!. 3 New Recruitable Heroes: Neera the Wild Mage, Dorn Il-Khan the Blackguard, and Rasaad yn Bashir the Monk. New player voice sets to customize your hero. Story-driven gameplay means character choices matter. Classic Gameplay2-D isometric graphics. Real-time-with-pause combat. Adapts 2nd Edition Dungeons & Dragons Rules. Enhanced for Modern PlatformsOver 400 improvements to the original game. Native support for high-resolution widescreen displays. The 1998 Classic, enhanced for modern Windows, macOS and Linux players!. Story-Rich Gaming Experience. Forced to leave your home under mysterious circumstances, you find yourself drawn into a conflict that has the Sword Coast on the brink of war. . Your view of the world has been limited to the heavily fortified walls of Candlekeep. Your foster father, Gorion, has done everything in his power to protect you, and keep you out of harm\u2019s way. All that is about to change.", + "about_the_game": "Gather Your PartyBaldur's Gate: Enhanced Edition is a story-driven 90s RPG set in the world of Dungeons & Dragons.Customize your hero, recruit a party of brave allies, and explore the Sword Coast in your search for adventure, profit\u2026 and the truth.75+ Hours of AdventureThe Enhanced Edition contains over 75 hours of gameplay, including the original campaign, the classic Sword Coast expansion, plus brand new challenges in the Black Pits arena!Classic Campaign: The Original Baldur\u2019s Gate AdventureExpansion: Tales of the Sword Coast expansionNew Challenges: The Black Pits, arena style battlesNew Difficulty Setting: Story Mode allows players to focus on story and exploration, rather than combat and survivalPaid DLC Expansion Available: Siege of Dragonspear is a brand new chapter in the Baldur's Gate saga!Epic Characters11 Playable Classes plus dozens of subclassesRecruit Classic Characters like Minsc and his brave hamster, Boo!3 New Recruitable Heroes: Neera the Wild Mage, Dorn Il-Khan the Blackguard, and Rasaad yn Bashir the MonkNew player voice sets to customize your heroStory-driven gameplay means character choices matterClassic Gameplay2-D isometric graphicsReal-time-with-pause combatAdapts 2nd Edition Dungeons & Dragons RulesEnhanced for Modern PlatformsOver 400 improvements to the original gameNative support for high-resolution widescreen displaysThe 1998 Classic, enhanced for modern Windows, macOS and Linux players!Story-Rich Gaming ExperienceForced to leave your home under mysterious circumstances, you find yourself drawn into a conflict that has the Sword Coast on the brink of war. Your view of the world has been limited to the heavily fortified walls of Candlekeep. Your foster father, Gorion, has done everything in his power to protect you, and keep you out of harm\u2019s way. All that is about to change...", + "short_description": "The classic adventure returns! Baldur\u2019s Gate: Enhanced Edition includes the original Baldur\u2019s Gate adventure, the Tales of the Sword Coast expansion, and all-new content including three new party members.", + "genres": "Adventure", + "recommendations": 11826, + "score": 6.18234905298665 + }, + { + "type": "game", + "name": "Wreckfest", + "detailed_description": "BuzzUpon purchasing, Next Car Game Sneak Peek 2.0 will be added to your library!. Discord. About the GameBreak the rules and take full-contact racing to the limit with Wreckfest! . Expect epic crashes, neck-to-neck fights over the finish line and brand-new ways for metal to bend \u2013 These are the once-in-a-lifetime moments that can only be achieved in Wreckfest, with its true-to-life physics simulation crafted by legendary developer Bugbear, who also brought you FlatOut 1 & 2!. Burn rubber and shred metal in the ultimate driving playground!. Wreckfest is jam-packed with upgrade and customization options. Whether you are preparing for your next demolition derby with reinforced bumpers, roll cages, side protectors and much more, or setting your car up for a banger race with engine performance parts like air filters, camshafts, fuel systems, etc., Wreckfest is shaping up to be the best combative motorsport game out there. . Drive hard. Die last.Unique Racing ExperienceExhilarating no-rules racing action with defining, once-in-a-lifetime moments that can be achieved only with a true-to-life physics simulation. Witness insane neck-to-neck fighting on high-speed circuits, face total destruction madness on crazy courses with intersections and oncoming traffic, or go for demolition dominance in derby arenas. . Awesome CarsOur cars are old, banged up, patched together. They ooze style and character! From old American heavy-hitters to agile Europeans and fun Asians, you won\u2019t find anything like this in other games. . Meaningful CustomizationChange not only the look of your cars but also upgrade their body armor \u2013 Reinforce them with heavy iron that protects you from damage, but also adds weight, which impacts the cars handling. Modify your car to make a robust tank or a fragile but lightning-fast rocket, or anything in between!. MultiplayerWreck your friends online and take racing to the limit while chasing for demolition dominance!. Challenge modesHave hilarious fun with lawn mowers and upon release also with crop harvesters, school buses, three-wheelers and more! . Career modeBattle for championships, earn experience, unlock new upgrades and cars, and become the all-time Wreckfest champion!. Mod supportWant to go completely nuts? Have a look at the Steam Workshop where you'll find a huge selection of mods that add monster trucks, tracks with moon-high jumps or even classic maps from famous destruction-themed games!", + "about_the_game": "Break the rules and take full-contact racing to the limit with Wreckfest! Expect epic crashes, neck-to-neck fights over the finish line and brand-new ways for metal to bend \u2013 These are the once-in-a-lifetime moments that can only be achieved in Wreckfest, with its true-to-life physics simulation crafted by legendary developer Bugbear, who also brought you FlatOut 1 & 2!Burn rubber and shred metal in the ultimate driving playground!Wreckfest is jam-packed with upgrade and customization options. Whether you are preparing for your next demolition derby with reinforced bumpers, roll cages, side protectors and much more, or setting your car up for a banger race with engine performance parts like air filters, camshafts, fuel systems, etc., Wreckfest is shaping up to be the best combative motorsport game out there. Drive hard. Die last.Unique Racing ExperienceExhilarating no-rules racing action with defining, once-in-a-lifetime moments that can be achieved only with a true-to-life physics simulation. Witness insane neck-to-neck fighting on high-speed circuits, face total destruction madness on crazy courses with intersections and oncoming traffic, or go for demolition dominance in derby arenas.Awesome CarsOur cars are old, banged up, patched together... They ooze style and character! From old American heavy-hitters to agile Europeans and fun Asians, you won\u2019t find anything like this in other games. Meaningful CustomizationChange not only the look of your cars but also upgrade their body armor \u2013 Reinforce them with heavy iron that protects you from damage, but also adds weight, which impacts the cars handling. Modify your car to make a robust tank or a fragile but lightning-fast rocket, or anything in between!MultiplayerWreck your friends online and take racing to the limit while chasing for demolition dominance!Challenge modesHave hilarious fun with lawn mowers and upon release also with crop harvesters, school buses, three-wheelers and more! Career modeBattle for championships, earn experience, unlock new upgrades and cars, and become the all-time Wreckfest champion!Mod supportWant to go completely nuts? Have a look at the Steam Workshop where you'll find a huge selection of mods that add monster trucks, tracks with moon-high jumps or even classic maps from famous destruction-themed games!", + "short_description": "Wreckfest is a demolition derby themed racing game with soft-body damage modeling, sophisticated driving dynamics and in-depth vehicle upgrading, featuring both demolition derbies and more traditional track races. It\u2019s all about fun, breakneck racing and over-the-top crashes.", + "genres": "Action", + "recommendations": 25571, + "score": 6.690689645580496 + }, + { + "type": "game", + "name": "Divinity: Original Sin (Classic)", + "detailed_description": "Gather your party and get ready for a new, back-to-the-roots RPG adventure! Discuss your decisions with companions; fight foes in turn-based combat; explore an open world and interact with everything and everyone you see. Join up with a friend to play online in co-op and make your own adventures with the powerful RPG toolkit. . In Divinity: Original Sin you take on the role of a young Source Hunter: your job is to rid the world of those who use the foulest of magics. When you embark on what should have been a routine murder investigation, you suddenly find yourself in the middle of a plot that will rattle the very fabric of time. . Divinity: Original Sin is a game that gives you a lot of freedom and plenty of gameplay mechanics to use or abuse. The game's epic story may drive you toward your ultimate end-goal, but how you get there is entirely up to you. . Or up to you and a friend, because Divinity: Original Sin can be played completely cooperatively, and features both online and local drop-in/drop-out multiplayer. Great adventures become even greater when shared with a trusted comrade-in-arms!Key FeaturesBecome part of a reactive, living and vast open world. Explore many different environments, fight all kinds of fantastical creatures and discover tons of desirable items. . Experience gripping party- and turn-based combat. Manipulate the environment and use skill & spell combos to overcome your many foes: Use magic to make it rain on your enemies, then cast a lightning spell to fry them to a crisp. Experiment with different skill combinations to ruin the day for enemies and townspeople alike. . Play with a friend in co-op multiplayer. Make decisions together (or disagree entirely), as your interactions and relationship with your partner influence the game. . Unravel a deep and epic story, set in the early days of the Divinity universe. No prior experience with other Divinity games is necessary, however. The game takes place well before its predecessors, Divine Divinity and Divinity II: The Dragon Knight Saga, but will still feel familiar to fans. . Classless character creation lets you design the character of your choice. Endless item interaction and combinations take exploration and experimentation to another level of freedom. . Create your own adventures and share them online. With Original Sin comes the powerful toolset used by the game's designers. Yours are endless new stories to make and share with other players!. Digital Collector's EditionThe Digital Collector's Edition contains:. . 2 copies of Divinity: Original Sin: one for you and pass on the second key to a friend. Award-winning Divine Divinity and Beyond Divinity. The Golden Grail DLC: an in-game item that allows you to colour your items in gold and sell them for more. . Zandalor's Trunks DLC: enjoy a unique in-game undergarment as rare as it is opinionated. . Design Documents. Art Pack. Soundtrack.", + "about_the_game": "Gather your party and get ready for a new, back-to-the-roots RPG adventure! Discuss your decisions with companions; fight foes in turn-based combat; explore an open world and interact with everything and everyone you see. Join up with a friend to play online in co-op and make your own adventures with the powerful RPG toolkit. In Divinity: Original Sin you take on the role of a young Source Hunter: your job is to rid the world of those who use the foulest of magics. When you embark on what should have been a routine murder investigation, you suddenly find yourself in the middle of a plot that will rattle the very fabric of time.Divinity: Original Sin is a game that gives you a lot of freedom and plenty of gameplay mechanics to use or abuse. The game's epic story may drive you toward your ultimate end-goal, but how you get there is entirely up to you.Or up to you and a friend, because Divinity: Original Sin can be played completely cooperatively, and features both online and local drop-in/drop-out multiplayer. Great adventures become even greater when shared with a trusted comrade-in-arms!Key FeaturesBecome part of a reactive, living and vast open world. Explore many different environments, fight all kinds of fantastical creatures and discover tons of desirable items.Experience gripping party- and turn-based combat. Manipulate the environment and use skill & spell combos to overcome your many foes: Use magic to make it rain on your enemies, then cast a lightning spell to fry them to a crisp. Experiment with different skill combinations to ruin the day for enemies and townspeople alike. Play with a friend in co-op multiplayer. Make decisions together (or disagree entirely), as your interactions and relationship with your partner influence the game.Unravel a deep and epic story, set in the early days of the Divinity universe. No prior experience with other Divinity games is necessary, however. The game takes place well before its predecessors, Divine Divinity and Divinity II: The Dragon Knight Saga, but will still feel familiar to fans.Classless character creation lets you design the character of your choice. Endless item interaction and combinations take exploration and experimentation to another level of freedom.Create your own adventures and share them online. With Original Sin comes the powerful toolset used by the game's designers. Yours are endless new stories to make and share with other players!Digital Collector's EditionThe Digital Collector's Edition contains:2 copies of Divinity: Original Sin: one for you and pass on the second key to a friendAward-winning Divine Divinity and Beyond DivinityThe Golden Grail DLC: an in-game item that allows you to colour your items in gold and sell them for more.Zandalor's Trunks DLC: enjoy a unique in-game undergarment as rare as it is opinionated.Design DocumentsArt PackSoundtrack", + "short_description": "Gather your party and get ready for a new, back-to-the-roots RPG adventure! Discuss your decisions with companions; fight foes in turn-based combat; explore an open world and interact with everything and everyone you see. Join up with a friend to play online in co-op and make your own adventures with the powerful RPG toolkit.", + "genres": "Adventure", + "recommendations": 7945, + "score": 5.920162575039739 + }, + { + "type": "game", + "name": "Universe Sandbox", + "detailed_description": "Universe Sandbox is a realistic physics-based space simulator that allows you to create, destroy, and interact on an unimaginable scale. . It merges real-time gravity, climate, collision, and material interactions to reveal the beauty of our universe and the fragility of our planet. . Universe Sandbox includes the desktop version and a VR mode with support for the HTC Vive, Oculus Rift+Touch, and Windows Mixed Reality.Simulate GravityN-body simulation at almost any speed using Newtonian mechanics. Real science, real physics, no supercomputer required. Collide Planets & StarsEpic, mind blowing collisions of massive planetary bodies that leave behind molten craters. Create Your Own SystemsStart with a star, then add a planet. Spruce it up with moons, rings, comets, or even a black hole. Model Planetary ClimateWatch sea ice grow and recede with the seasons because of a planet\u2019s tilt - change the tilt and change the seasons. Or move planets close to a star and see the oceans boil away as the surface heats up. Learn more. Supernova a StarWatch a supernova unfold by colliding two stars, cranking up their mass, or making them explode at your whim. Explore Historical EventsHitch a ride with spacecraft including Juno and New Horizons, or view a total solar eclipse. Throw Planets in VRJust grab and fling. And more. Material System - build planets out of Hydrogen, Iron, Rock, & Water. Stellar flares & volatile trails. Procedurally generated planets, stars, & galaxies. Pulsars. Light-warping black holes. Epic space lasers. Shape oceans & mountains on planet surfaces. Spin planets apart with centrifugal force. Original soundtrack by Macoubre. Support for 20+ languages. Share & explore simulations on Steam Workshop.", + "about_the_game": "Universe Sandbox is a realistic physics-based space simulator that allows you to create, destroy, and interact on an unimaginable scale.It merges real-time gravity, climate, collision, and material interactions to reveal the beauty of our universe and the fragility of our planet.Universe Sandbox includes the desktop version and a VR mode with support for the HTC Vive, Oculus Rift+Touch, and Windows Mixed Reality.Simulate GravityN-body simulation at almost any speed using Newtonian mechanics. Real science, real physics, no supercomputer required. Collide Planets & StarsEpic, mind blowing collisions of massive planetary bodies that leave behind molten craters.Create Your Own SystemsStart with a star, then add a planet. Spruce it up with moons, rings, comets, or even a black hole.Model Planetary ClimateWatch sea ice grow and recede with the seasons because of a planet\u2019s tilt - change the tilt and change the seasons. Or move planets close to a star and see the oceans boil away as the surface heats up. Learn more...Supernova a StarWatch a supernova unfold by colliding two stars, cranking up their mass, or making them explode at your whim.Explore Historical EventsHitch a ride with spacecraft including Juno and New Horizons, or view a total solar eclipse.Throw Planets in VRJust grab and fling.And more...Material System - build planets out of Hydrogen, Iron, Rock, & WaterStellar flares & volatile trailsProcedurally generated planets, stars, & galaxiesPulsarsLight-warping black holesEpic space lasersShape oceans & mountains on planet surfacesSpin planets apart with centrifugal forceOriginal soundtrack by MacoubreSupport for 20+ languagesShare & explore simulations on Steam Workshop", + "short_description": "Create & destroy on an unimaginable scale with a realistic physics-based space simulator. Explore the beauty of our universe and the fragility of our planet. Use science to bend the laws of gravity, collide planets, boil away oceans, fire epic space lasers, and customize your universe. VR optional.", + "genres": "Casual", + "recommendations": 18043, + "score": 6.460826265015282 + }, + { + "type": "game", + "name": "Warframe", + "detailed_description": "New DLC Available. About the GameConfront warring factions throughout a sprawling interplanetary system as you follow the guidance of the mysterious Lotus and level up your Warframe, build an Arsenal of destructive firepower, and realize your true potential across massive open worlds in this thrilling, genre-defining third-person combat experience. . BECOME A POWERFUL WARRIOREnter your Warframe: a bio-metal suit of untold power. Unleash its Abilities and wield a vast array of devastating weaponry to effortlessly annihilate hordes of enemies on sight. And when the slaughter is over, you can earn or instantly unlock 40+ different Warframes - each with a unique suite of powers - to re-experience the mayhem any way you want.BATTLE ALONGSIDE FRIENDSForm a Squad with your friends and earn valuable bonus Rewards when you complete Missions together via highly collaborative, co-op gameplay. Utilize your Warframe\u2019s Abilities to heal allies, redirect enemy fire, and achieve your objectives. Stuck on a particular challenge? In-game matchmaking makes it easy to connect with friendly Tenno whenever you need an extra hand. . EXPLORE A MASSIVE SYSTEMDeftly maneuver through ground-based Missions with your Warframe\u2019s mesmerizing parkour skills, or take to the stars and engage in massive ship-to-ship battles in your very own customizable spacecraft. Lose yourself within mysterious open-world landscapes and discover a system teeming with fascinating lifeforms - both friendly and hostile.DISCOVER AN EPIC STORYMarvel at the sweeping history of the Origin System as you experience Warframe\u2019s massive cinematic narrative spanning 5 separate expansions and 30+ story-based Quests. Discover the power within and experience your first taste of invincibility with one of three original Warframes before you begin your journey, develop your skills and seek out the truth behind your awakening. . MASTER YOUR ARSENALYour starter Weapons are just the beginning. Craft hundreds of destructive armaments, plus vehicles, Companions and more. Level them up and experiment until you find the right combination of gear that suits your unique playstyle. Fashion your weaponry for a fearsome look to compliment your custom-designed loadout.CUSTOMIZE ENDLESSLYEntering the Origin System means joining legions of friendly Tenno, each with their own personalized Warframes, Weapons and gear. With a staggering number of Customization options available to enhance your Loadout, designing the perfect look for your Warframe makes for an endlessly rewarding challenge for you and your Squad.", + "about_the_game": "Confront warring factions throughout a sprawling interplanetary system as you follow the guidance of the mysterious Lotus and level up your Warframe, build an Arsenal of destructive firepower, and realize your true potential across massive open worlds in this thrilling, genre-defining third-person combat experience.BECOME A POWERFUL WARRIOREnter your Warframe: a bio-metal suit of untold power. Unleash its Abilities and wield a vast array of devastating weaponry to effortlessly annihilate hordes of enemies on sight. And when the slaughter is over, you can earn or instantly unlock 40+ different Warframes - each with a unique suite of powers - to re-experience the mayhem any way you want.BATTLE ALONGSIDE FRIENDSForm a Squad with your friends and earn valuable bonus Rewards when you complete Missions together via highly collaborative, co-op gameplay. Utilize your Warframe\u2019s Abilities to heal allies, redirect enemy fire, and achieve your objectives. Stuck on a particular challenge? In-game matchmaking makes it easy to connect with friendly Tenno whenever you need an extra hand.EXPLORE A MASSIVE SYSTEMDeftly maneuver through ground-based Missions with your Warframe\u2019s mesmerizing parkour skills, or take to the stars and engage in massive ship-to-ship battles in your very own customizable spacecraft. Lose yourself within mysterious open-world landscapes and discover a system teeming with fascinating lifeforms - both friendly and hostile.DISCOVER AN EPIC STORYMarvel at the sweeping history of the Origin System as you experience Warframe\u2019s massive cinematic narrative spanning 5 separate expansions and 30+ story-based Quests. Discover the power within and experience your first taste of invincibility with one of three original Warframes before you begin your journey, develop your skills and seek out the truth behind your awakening.MASTER YOUR ARSENALYour starter Weapons are just the beginning. Craft hundreds of destructive armaments, plus vehicles, Companions and more. Level them up and experiment until you find the right combination of gear that suits your unique playstyle. Fashion your weaponry for a fearsome look to compliment your custom-designed loadout.CUSTOMIZE ENDLESSLYEntering the Origin System means joining legions of friendly Tenno, each with their own personalized Warframes, Weapons and gear. With a staggering number of Customization options available to enhance your Loadout, designing the perfect look for your Warframe makes for an endlessly rewarding challenge for you and your Squad.", + "short_description": "Awaken as an unstoppable warrior and battle alongside your friends in this story-driven free-to-play online action game", + "genres": "Action", + "recommendations": 2911, + "score": 5.258408951853326 + }, + { + "type": "game", + "name": "Ragnarok Online 2", + "detailed_description": "Return to the beautiful and dangerous world of Midgard! Inspired by Norse mythology, the much-anticipated sequel to the groundbreaking Ragnarok Online has arrived! Immerse yourself in the new, but recognizable world of Ragnarok 2. . Visit the large, capitol city of Prontera, form a party and explore the underwater Sea Temple dungeon, or set up a shop and earn a living for your character by accepting a job as an Alchemist, Artisan, Blacksmith, or Chef. Adventurers who have explored the world of RO1 will instantly recognize many of the famous monsters and landmarks as their journeys continue. The fun social experiences of character customization, guild creation and PVP play have also returned!. . Ragnarok 2 is a free-to-play, fantasy MMORPG that takes elements from the original Ragnarok Online and re-imagines them as a three-dimensional, modern MMO experience.Key FeaturesExplore the Massive, 3D World of Ragnarok 2: Return to the world of Midgard and explore the familiar areas like Prontera, Alberta, and Morroc, as you\u2019ve never seen them before as well as adventuring in the numerous new lands, dungeons, and caves!. Revisit Familiar Lands and Creatures: Visit the famous capitol city of Prontera, battle the evil Baphomet, or run through fields filled with Porings. Rediscover the areas, allies, and monsters that you knew before in their new form!. Create & Customize Your Adventurer: Level one of the five base classes to the next tier and choose a specialization, explore and collect the armor and weapons of your Midgardian, and place your own, unique stamp on the world of Ragnarok 2. . Craft Items and Open a Store: Immerse yourself in being an Alchemist, Artisan, Blacksmith, or Chef, create a variety of useful potions, armor, weapons, or food, and then open a store and sell your wares to other players!. PvE and PvP Available to Any Player Type: Battle against the monsters and villains of Midgard, or test your mettle against other players in the Arena. Take it a step further at level 10, and try your hand at the coliseum for five stages of brutal battle! There are tons of opportunities available for solo players, groups, and even guilds who want to take part in PvP!. Free-to-Play How You Choose: Ragnarok 2 has a simple, no commitment policy when it comes to free-to-play. If you want to purchase items, it\u2019s on your terms. You can enjoy the world of Midgard no matter what path you choose, with no monthly subscription required to play!.", + "about_the_game": "Return to the beautiful and dangerous world of Midgard! Inspired by Norse mythology, the much-anticipated sequel to the groundbreaking Ragnarok Online has arrived! Immerse yourself in the new, but recognizable world of Ragnarok 2. Visit the large, capitol city of Prontera, form a party and explore the underwater Sea Temple dungeon, or set up a shop and earn a living for your character by accepting a job as an Alchemist, Artisan, Blacksmith, or Chef. Adventurers who have explored the world of RO1 will instantly recognize many of the famous monsters and landmarks as their journeys continue. The fun social experiences of character customization, guild creation and PVP play have also returned!Ragnarok 2 is a free-to-play, fantasy MMORPG that takes elements from the original Ragnarok Online and re-imagines them as a three-dimensional, modern MMO experience.Key FeaturesExplore the Massive, 3D World of Ragnarok 2: Return to the world of Midgard and explore the familiar areas like Prontera, Alberta, and Morroc, as you\u2019ve never seen them before as well as adventuring in the numerous new lands, dungeons, and caves!Revisit Familiar Lands and Creatures: Visit the famous capitol city of Prontera, battle the evil Baphomet, or run through fields filled with Porings. Rediscover the areas, allies, and monsters that you knew before in their new form!Create & Customize Your Adventurer: Level one of the five base classes to the next tier and choose a specialization, explore and collect the armor and weapons of your Midgardian, and place your own, unique stamp on the world of Ragnarok 2.Craft Items and Open a Store: Immerse yourself in being an Alchemist, Artisan, Blacksmith, or Chef, create a variety of useful potions, armor, weapons, or food, and then open a store and sell your wares to other players!PvE and PvP Available to Any Player Type: Battle against the monsters and villains of Midgard, or test your mettle against other players in the Arena. Take it a step further at level 10, and try your hand at the coliseum for five stages of brutal battle! There are tons of opportunities available for solo players, groups, and even guilds who want to take part in PvP!Free-to-Play How You Choose: Ragnarok 2 has a simple, no commitment policy when it comes to free-to-play. If you want to purchase items, it\u2019s on your terms. You can enjoy the world of Midgard no matter what path you choose, with no monthly subscription required to play!", + "short_description": "Return to the beautiful and dangerous world of Midgard! Inspired by Norse mythology, the much-anticipated sequel to the groundbreaking Ragnarok Online has arrived! Immerse yourself in the new, but recognizable world of Ragnarok 2.", + "genres": "Free to Play", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Company of Heroes 2", + "detailed_description": "Powered by the Essence Engine 3.0, the Company of Heroes 2 series feature some unique mechanics rewarding thoughtful players. From the TrueSight\u2122 system that emulates the units\u2019 line of sight to the cover-system that encourages clever unit placement \u2013 not to mention the combined arms approach and the hard and soft counters gameplay that will make you think twice before trying to destroy a tank with a simple squad of riflemen \u2013 each game presents players with an uninterrupted stream of meaningful tactical choices that can turn the tide of war. PICK YOUR FIGHTNB: multiplayer standalones allow you to play on any map against anyone owning any COH2 product. . The Company of Heroes 2 base game gives you access to two multiplayer armies from the Eastern Front: the Red Army (SOV) and the Wehrmacht Ostheer (GER). It also comes with a gritty single-player campaign that will give you a chance to familiarize yourself with the series core tenets. Step into the boots of a Soviet commander of the Red Army, entrenched in brutal frontline warfare to free Mother Russia from the Enemy invaders! Adjust your tactics to take into account the brutal weather conditions and wield the might of the Soviet Empire as you smash your way to Berlin. . . Company of Heroes 2: The Western Front Armies adds two new factions from the Western Front to the roster of playable multiplayer armies: the Oberkommando West (OKW) and the US Forces (USF). While the former puts you in charge of an aggressive and powerful army with very specialized and elite units \u2013 yet in very limited numbers \u2013 the latter introduces an expeditionary corps that allows for a variety of approaches and very powerful combined arms tactics, but which inevitably falls a bit short in the heavy armor department. . . Company of Heroes 2: Ardennes Assault offers a compelling single-player campaign for the USF faction revolving around the Battle of the Bulge. Engage in a dynamic non-linear campaign across the Ardennes landscape consisting of 18 scenarios, choose between three iconic companies, customize their abilities and bear the consequences of your actions as overall company health persists between missions. . . Company of Heroes 2: The British Forces is the latest entry in the series and features this iconic Allied army from WWII (UKF). Experience a unique tech-tree that challenges the player to balance the constant trade-off between mobility and defense. Surprise your opponents with your development choices and an open end game configuration. Enjoy an army with character and distinctive units & abilities, from the Churchill Crocodile flamethrower tank to the RAF glider. KEY FEATURESAWARD WINNING FRANCHISE. Sequel to the highest rated strategy game of all time returns with an innovative warfare experience that will redefine the Strategy genre once more. ESSENCE ENGINE 3.0. Cutting-edge technology that increases the graphical quality and accuracy of deadly combat with the unprecedented TrueSight\u2122 system, the ultrarealistic ColdTech\u2122 dynamic weather that changes strategic warfare forever and improved environmental destruction. TACTICAL WARFARE. Develop and utilize your new Commander Abilities and experience the up-close moment-to-moment brutality of frontline warfare through new Dynamic Battle Tactics. INTENSE ONLINE COMBAT. Featuring the great competitive and co-operative multiplayer that fans have grown to expect from this high-quality and critically acclaimed franchise. MULTIPLAYER ARMIES COMPARISONFind out the multiplayer army (and associated game/standalone) that suits your play style.", + "about_the_game": "Powered by the Essence Engine 3.0, the Company of Heroes 2 series feature some unique mechanics rewarding thoughtful players. From the TrueSight\u2122 system that emulates the units\u2019 line of sight to the cover-system that encourages clever unit placement \u2013 not to mention the combined arms approach and the hard and soft counters gameplay that will make you think twice before trying to destroy a tank with a simple squad of riflemen \u2013 each game presents players with an uninterrupted stream of meaningful tactical choices that can turn the tide of war.PICK YOUR FIGHTNB: multiplayer standalones allow you to play on any map against anyone owning any COH2 product.The Company of Heroes 2 base game gives you access to two multiplayer armies from the Eastern Front: the Red Army (SOV) and the Wehrmacht Ostheer (GER). It also comes with a gritty single-player campaign that will give you a chance to familiarize yourself with the series core tenets. Step into the boots of a Soviet commander of the Red Army, entrenched in brutal frontline warfare to free Mother Russia from the Enemy invaders! Adjust your tactics to take into account the brutal weather conditions and wield the might of the Soviet Empire as you smash your way to Berlin. Company of Heroes 2: The Western Front Armies adds two new factions from the Western Front to the roster of playable multiplayer armies: the Oberkommando West (OKW) and the US Forces (USF). While the former puts you in charge of an aggressive and powerful army with very specialized and elite units \u2013 yet in very limited numbers \u2013 the latter introduces an expeditionary corps that allows for a variety of approaches and very powerful combined arms tactics, but which inevitably falls a bit short in the heavy armor department. Company of Heroes 2: Ardennes Assault offers a compelling single-player campaign for the USF faction revolving around the Battle of the Bulge. Engage in a dynamic non-linear campaign across the Ardennes landscape consisting of 18 scenarios, choose between three iconic companies, customize their abilities and bear the consequences of your actions as overall company health persists between missions. Company of Heroes 2: The British Forces is the latest entry in the series and features this iconic Allied army from WWII (UKF). Experience a unique tech-tree that challenges the player to balance the constant trade-off between mobility and defense. Surprise your opponents with your development choices and an open end game configuration. Enjoy an army with character and distinctive units & abilities, from the Churchill Crocodile flamethrower tank to the RAF glider.KEY FEATURESAWARD WINNING FRANCHISESequel to the highest rated strategy game of all time returns with an innovative warfare experience that will redefine the Strategy genre once moreESSENCE ENGINE 3.0Cutting-edge technology that increases the graphical quality and accuracy of deadly combat with the unprecedented TrueSight\u2122 system, the ultrarealistic ColdTech\u2122 dynamic weather that changes strategic warfare forever and improved environmental destructionTACTICAL WARFAREDevelop and utilize your new Commander Abilities and experience the up-close moment-to-moment brutality of frontline warfare through new Dynamic Battle TacticsINTENSE ONLINE COMBATFeaturing the great competitive and co-operative multiplayer that fans have grown to expect from this high-quality and critically acclaimed franchiseMULTIPLAYER ARMIES COMPARISONFind out the multiplayer army (and associated game/standalone) that suits your play style.", + "short_description": "Experience the ultimate WWII RTS platform with COH2 and its standalone expansions. This package includes the base game, which you can then upgrade by purchasing The Western Front Armies, Ardennes Assault and/or The British Forces. More info in the "About This Game" section below.", + "genres": "Strategy", + "recommendations": 61468, + "score": 7.2688571910219215 + }, + { + "type": "game", + "name": "Euro Truck Simulator", + "detailed_description": "The original Euro Truck Simulator - the game which has become the classic of the genre and is still relevant today. The first truck simulation game in a European setting, with European long haul trucks!. Drive freight from London to Rome to Berlin to Madrid to Prague - and many more cities - in realistic vehicles. Faithful reproduction of driving trucks on the European road. Pick up a variety of cargoes, and deliver them on time! Highly realistic, meticulously detailed models based on real trucks. Actual working instruments such as flashing indicators, temperature and low fuel warning lights, wipers, and a full set of gauges. Pan the camera around the cabin, just as if you were actually sitting at the wheel. . Note: Unofficial \"mods\" are not supported by the Mac OS version of the game! (file formats are not compatible with Windows PC version)", + "about_the_game": "The original Euro Truck Simulator - the game which has become the classic of the genre and is still relevant today. The first truck simulation game in a European setting, with European long haul trucks!\r\n\r\nDrive freight from London to Rome to Berlin to Madrid to Prague - and many more cities - in realistic vehicles. Faithful reproduction of driving trucks on the European road. Pick up a variety of cargoes, and deliver them on time! Highly realistic, meticulously detailed models based on real trucks. Actual working instruments such as flashing indicators, temperature and low fuel warning lights, wipers, and a full set of gauges. Pan the camera around the cabin, just as if you were actually sitting at the wheel.\r\n\r\nNote: Unofficial \"mods\" are not supported by the Mac OS version of the game! (file formats are not compatible with Windows PC version)", + "short_description": "The original Euro Truck Simulator - the game which has become the classic of the genre and is still relevant today. The first truck simulation game in a European setting, with European long haul trucks!", + "genres": "Indie", + "recommendations": 5626, + "score": 5.692667521114929 + }, + { + "type": "game", + "name": "Eador. Masters of the Broken World", + "detailed_description": "Eador. Imperium Released!. Eador. Imperium is a standalone expansion in Eador series. . Eador. Imperium features new campaign, more heroes and units, as well as new gameplay mechanics for the series. New DLC Available. Allied Forces adds 14 brand new units to Eador. Masters of the Broken World. . Each of the seven races in Eador is now reinforced with two additional units which have their unique skills and abilities. Befriending one will now pay off much more. . Choose your allies wisely to get the most out of your combat potential!. About the GameEador is a universe made of countless shards of land drifting in the Great Nothing. Each of the shards is a little world unto itself, with geography and denizens of its own. The power over the shards is bitterly contested by Masters, the immortal beings mortals believe to be gods. Take the role of the mighty Master and shape the destiny of Eador! It is in your power to deliver the world from ultimate destruction \u2013 or to choke it with an iron fist of tyranny. . Eador: Masters of the Broken World is a turn-based fantasy strategy game, where the decisions you make affect the world even deeper than the battles you win.Key Features. Balanced fusion of grand strategy, turn-based tactics and RPG elements;. Boundless roleplaying opportunities;. Massive selection of stratagems and ways to wage war;. An intriguing, non-linear story;. An original fantasy world, living a life of its own.", + "about_the_game": "Eador is a universe made of countless shards of land drifting in the Great Nothing. Each of the shards is a little world unto itself, with geography and denizens of its own. The power over the shards is bitterly contested by Masters, the immortal beings mortals believe to be gods. Take the role of the mighty Master and shape the destiny of Eador! It is in your power to deliver the world from ultimate destruction \u2013 or to choke it with an iron fist of tyranny.Eador: Masters of the Broken World is a turn-based fantasy strategy game, where the decisions you make affect the world even deeper than the battles you win.Key Features Balanced fusion of grand strategy, turn-based tactics and RPG elements; Boundless roleplaying opportunities; Massive selection of stratagems and ways to wage war; An intriguing, non-linear story; An original fantasy world, living a life of its own.", + "short_description": "Eador is a universe made of countless shards of land drifting in the Great Nothing. Each of the shards is a little world unto itself, with geography and denizens of its own. The power over the shards is bitterly contested by Masters, the immortal beings mortals believe to be gods.", + "genres": "Indie", + "recommendations": 1549, + "score": 4.8427084321083305 + }, + { + "type": "game", + "name": "Killing Floor 2", + "detailed_description": "Just UpdatedHappy Holidays! Just in time for Xmas we're excited to bring you the Polar Distress Update for Killing Floor 2! Details below. . Blood & Bonfires UpdateHappy Halloween! The Killing Floor 2 Blood & Bonfires Update is here! Details below. . Tidal Terror UpdateThe 2022 Killing Floor 2 Summer Update and Event is here! Read all about TIDAL TERROR below. . Chop 'Til You Drop Xmas UpdateThe Killing Floor 2 Chop 'Til You Drop Xmas Update is here! Details below:. . Day Of The Zed UpdateThe Killing Floor 2: Day Of The Zed Update is here just in time for Halloween! For more information on the new content check out the Official Tripwire Forums here:. . Interstellar Insanity UpdateThe Killing Floor 2: Interstellar Insanity Update is here just in time for Summer! For more information on the new content check out the Official Tripwire Forums here:. . Dystopian Devastation UpdateThe Killing Floor 2: Dystopian Devastation Update is here just in time for Spring! For more information on the new content check out the Official Tripwire Forums here:. . Digital Deluxe Edition. KILLING FLOOR 2 Digital Deluxe Edition adds the following to the base game:. DJ Scully character, with unique voice pack and set of face/body skins. Additional cosmetic items (each with multiple selectable variants):. \u201cScullyphones\u201d headphones for DJ Scully, Mr Foster, Hayato Tanaka and Donovan Neal. 3D Glasses for Ana Larive and Hayato Tanaka. Bowler Hat for Mr. Foster and Reverend Alberts. Tom Banner and the Zweihander. Classic Masterson. Classic Briar. Oisten Jaegerhorn. Anton Strasser. Killing Floor 2 Soundtrack. Killing Floor 2 Digital Artbook. AND a copy of the first Killing Floor!. About the GameIn KILLING FLOOR 2, players descend into continental Europe where the outbreak caused by Horzine Biotech\u2019s failed experiment has quickly spread and gained unstoppable momentum, essentially paralyzing the European Union\u2014 Just one month after the events in the original KILLING FLOOR, the specimen clones are everywhere and civilization is in disarray; communications have failed, governments have collapsed, and military forces have been systematically eradicated. The people of Europe know survival and self-preservation too well and lucky survivors have gone into hiding. . Not all have given up hope though. A group of civilians and mercenaries have banded together to combat the outbreak and established privately funded operation bases across Europe. Upon tracking specimen clone outbreaks, players will descend into zed-laden hot zones and exterminate them. . KEY FEATURES:. \u2022 Visceral Gore - KILLING FLOOR 2 ramps up the gore with a proprietary, high powered persistent blood system bringing new levels of fidelity to the genre. Players will send entrails, severed limbs, and blood flying as they wade through hordes of enemies. But they need to watch out! If caught, enemies will rip them, and their entire party limb from limb. . \u2022 6 player co-op or solo play\u2014 A multitude of varied playable characters await for players to choose from as they enter the fray in online co-op mode or solo mode for those willing to brave the horrific specimens alone. . \u2022 Versus Survival Game Mode - Be the Zed! A 12 player PvP mode where two teams take turns playing Humans vs. Zeds in a pair of short matches. In the first match, one team plays Humans and the other Zeds until the humans all die during a single round or they beat the boss. For the second match the teams switch sides and when the battle is completed both teams receive a score based on their performance and the higher score wins!. . \u2022 Terrifying Zeds - New enemies and fan favorites from the original game are back with expanded and smarter artificial intelligence, dishing out powerful attacks, working as a group to weaken the player\u2019s party and pushing the challenge level and fear factor to new levels. . \u2022 Unique Blend Of Weaponry - From modern militaristic assault rifles, brutal improvised makeshift weapons, classic historical guns, and off the wall \u201cMad Scientist\u201d weapons, KILLING FLOOR 2 has a unique blend of killing tools that will satisfy any gamer. . \u2022 Expanded Perk System - Perks from the original game have been reimagined with more added to the fold. All perks now progress with meaningful talent choices that amplify different play styles, giving players a progression path that is expansive and full of rewarding milestones. . \u2022 Brutal Melee Combat - KILLING FLOOR 2 reinvents melee combat completely. Players now have control over the type of melee attacks they can perform, enabling them to deliver bone-breaking crippling attacks to Zeds. . \u2022 Zed Time - Be the action hero you know you are! Zed Time returns to Killing Floor 2 better than ever, kicking everything into slow motion giving you that precious time you need to destroy the oncoming horde while watching your weapons at work in glorious high framerate. KILLING FLOOR 2 Digital Deluxe Edition adds the following to the base game:. DJ Scully character, with unique voice pack and set of face/body skins. Additional cosmetic items (each with multiple selectable variants):. \u201cScullyphones\u201d headphones for DJ Scully, Mr Foster, Hayato Tanaka and Donovan Neal. 3D Glasses for Ana Larive and Hayato Tanaka. Bowler Hat for Mr. Foster and Reverend Alberts. Tom Banner and the Zweihander. Classic Masterson. Classic Briar. Oisten Jaegerhorn. Anton Strasser. Killing Floor 2 Soundtrack. Killing Floor 2 Digital Artbook. AND a copy of the first Killing Floor!", + "about_the_game": "In KILLING FLOOR 2, players descend into continental Europe where the outbreak caused by Horzine Biotech\u2019s failed experiment has quickly spread and gained unstoppable momentum, essentially paralyzing the European Union\u2014 Just one month after the events in the original KILLING FLOOR, the specimen clones are everywhere and civilization is in disarray; communications have failed, governments have collapsed, and military forces have been systematically eradicated. The people of Europe know survival and self-preservation too well and lucky survivors have gone into hiding.Not all have given up hope though... A group of civilians and mercenaries have banded together to combat the outbreak and established privately funded operation bases across Europe. Upon tracking specimen clone outbreaks, players will descend into zed-laden hot zones and exterminate them.KEY FEATURES:\u2022 Visceral Gore - KILLING FLOOR 2 ramps up the gore with a proprietary, high powered persistent blood system bringing new levels of fidelity to the genre. Players will send entrails, severed limbs, and blood flying as they wade through hordes of enemies. But they need to watch out! If caught, enemies will rip them, and their entire party limb from limb\u2022 6 player co-op or solo play\u2014 A multitude of varied playable characters await for players to choose from as they enter the fray in online co-op mode or solo mode for those willing to brave the horrific specimens alone\u2022 Versus Survival Game Mode - Be the Zed! A 12 player PvP mode where two teams take turns playing Humans vs. Zeds in a pair of short matches. In the first match, one team plays Humans and the other Zeds until the humans all die during a single round or they beat the boss. For the second match the teams switch sides and when the battle is completed both teams receive a score based on their performance and the higher score wins!\u2022 Terrifying Zeds - New enemies and fan favorites from the original game are back with expanded and smarter artificial intelligence, dishing out powerful attacks, working as a group to weaken the player\u2019s party and pushing the challenge level and fear factor to new levels\u2022 Unique Blend Of Weaponry - From modern militaristic assault rifles, brutal improvised makeshift weapons, classic historical guns, and off the wall \u201cMad Scientist\u201d weapons, KILLING FLOOR 2 has a unique blend of killing tools that will satisfy any gamer\u2022 Expanded Perk System - Perks from the original game have been reimagined with more added to the fold. All perks now progress with meaningful talent choices that amplify different play styles, giving players a progression path that is expansive and full of rewarding milestones\u2022 Brutal Melee Combat - KILLING FLOOR 2 reinvents melee combat completely. Players now have control over the type of melee attacks they can perform, enabling them to deliver bone-breaking crippling attacks to Zeds\u2022 Zed Time - Be the action hero you know you are! Zed Time returns to Killing Floor 2 better than ever, kicking everything into slow motion giving you that precious time you need to destroy the oncoming horde while watching your weapons at work in glorious high framerateKILLING FLOOR 2 Digital Deluxe Edition adds the following to the base game:DJ Scully character, with unique voice pack and set of face/body skinsAdditional cosmetic items (each with multiple selectable variants):\u201cScullyphones\u201d headphones for DJ Scully, Mr Foster, Hayato Tanaka and Donovan Neal3D Glasses for Ana Larive and Hayato TanakaBowler Hat for Mr. Foster and Reverend AlbertsTom Banner and the ZweihanderClassic MastersonClassic BriarOisten JaegerhornAnton StrasserKilling Floor 2 SoundtrackKilling Floor 2 Digital ArtbookAND a copy of the first Killing Floor!", + "short_description": "6-player co-op Zed-slaughtering mayhem. And now, 12-player Versus Survival mode, too - now you can BE the Zeds!", + "genres": "Action", + "recommendations": 75781, + "score": 7.406852312803372 + }, + { + "type": "game", + "name": "POSTAL", + "detailed_description": "Take control of The Postal Dude in his infamous first outing as he battles to survive in a world gone mad! POSTAL is a classic isometric shooter filled to the brim with fast-paced explosive action. Crazed gunmen out for your blood await you around every corner, and your only choice is to get them before they get you. Fight back with a destructive arsenal as make your way through a violence-stricken town. . It's time to go POSTAL!. New control options - use your mouse or dual analog sticks. None of that tank control insanity!. Get your friends together for LAN Multiplayer - co-op or deathmatch for up to 16 players. . Blast your way through 22 levels: Includes the original 16 level campaign, 4 from the Special Delivery expansion and 2 previously Japanese-exclusive levels. . Test yourself with one of 22 bonus Challenge stages, across 4 categories. Or play through all of them in The Gauntlet. . 9 devastating weapons: Defend yourself with varied tools of mayhem. Take aim with the Scatter Gun! Clear out rooms with Grenades, Mines, and the almighty Napalm Launcher! Whip out Heatseeker Rockets for those big groups!. Wide range of foes: Defend yourself from Molotov-tossing Grenadiers, gun-toting Infantryman, rocket-firing Heavy-Weapons Experts (don't forget to duck!), and angry Ostriches!. Non-stop, guns-blazing, adrenaline-fueled action!. Fully-voiced Japanese audio available!.", + "about_the_game": "Take control of The Postal Dude in his infamous first outing as he battles to survive in a world gone mad! POSTAL is a classic isometric shooter filled to the brim with fast-paced explosive action. Crazed gunmen out for your blood await you around every corner, and your only choice is to get them before they get you. Fight back with a destructive arsenal as make your way through a violence-stricken town. It's time to go POSTAL! New control options - use your mouse or dual analog sticks. None of that tank control insanity!Get your friends together for LAN Multiplayer - co-op or deathmatch for up to 16 players.Blast your way through 22 levels: Includes the original 16 level campaign, 4 from the Special Delivery expansion and 2 previously Japanese-exclusive levels.Test yourself with one of 22 bonus Challenge stages, across 4 categories. Or play through all of them in The Gauntlet.9 devastating weapons: Defend yourself with varied tools of mayhem. Take aim with the Scatter Gun! Clear out rooms with Grenades, Mines, and the almighty Napalm Launcher! Whip out Heatseeker Rockets for those big groups!Wide range of foes: Defend yourself from Molotov-tossing Grenadiers, gun-toting Infantryman, rocket-firing Heavy-Weapons Experts (don't forget to duck!), and angry Ostriches!Non-stop, guns-blazing, adrenaline-fueled action!Fully-voiced Japanese audio available!", + "short_description": "Take control of The Postal Dude in his infamous first outing as he battles to survive in a world gone mad! POSTAL is a classic isometric shooter filled to the brim with fast-paced explosive action.", + "genres": "Action", + "recommendations": 2359, + "score": 5.119853025599367 + }, + { + "type": "game", + "name": "Stronghold Crusader 2", + "detailed_description": "Digital Deluxe Edition. Stronghold Crusader 2: Special Edition \u2013 Includes digital art book, soundtrack and a copy of Stronghold Crusader HD. . Stronghold Crusader 2 \u2013 One extra copy to gift to a friend!. Four DLC Packs \u2013 Do battle with The Pig, The Jackal, The Templar and more across 30 single player missions. . Bonus Mini-Campaigns \u2013 \u2018Delivering Justice\u2019 and \u2018Freedom Fighters\u2019. . New Shields \u2013 Take the fight online with 10 unique coat of arms designs. Special EditionDigital Soundtrack Composed by Robert Euvino. 'The Art of Stronghold Crusader 2' Digital Art Book. Stronghold Crusader HD: Full game on Steam. Special Edition Customers. To access your digital art book and soundtrack please install the game, navigate to the game folder and open up a folder titled \u2018Special Edition\u2019. . By default this is located at:. C > Program Files > Steam > steamapps > common > Stronghold Crusader 2 > Special Edition. About the GameWant more? Check out our latest Stronghold game, Stronghold: Definitive Edition! . Stronghold Crusader 2 is the long awaited sequel to Stronghold: Crusader, the original 'castle sim'. After 12 years Stronghold returns to the deserts of the Middle East circa 1189, with a new 3D engine and realistic castle destruction powered by Havok Physics. Crusader 2 will recapture the original game\u2019s addictive, fast-paced gameplay and authentic castle simulation. . True to its roots this new Stronghold will define old school real time strategy, combining RTS and city builder gameplay. Playing as a brutal Crusader Knight or Arabic freedom fighter, you must use a deadly array of troops and destructive siege equipment to decide the fate of the holy lands. Lead your forces into battle as either Richard the Lionheart or the Sultan of Syria in two historic single-player campaigns, with dynamic events such as tornados and locust swarms. Become the greatest Lord by managing your desert economy and seizing control of vital oases. . To dominate the battlefield you will need to command more than 25 unique unit types, mastering their special abilities. Raise morale with the Sergeant at Arms, charge in with the Sassanid Knight, use Archers to launch an arrow volley or scale castle walls with the deadly Assassin. Once your skills have been perfected put them to the test in skirmish mode or take the battle online with up to 8 human and AI players (with a maximum of 4 humans). Create teams, choose different AI opponents and design your own map in the ultimate skirmish or multiplayer game!. Features. Build the Ultimate Castle - Design mighty strongholds and fill them with fiendish traps to crush your enemies!. Skirmish Mode - Lay siege to your enemies in fast-paced custom skirmish matches against the AI. . 8 Player Multiplayer (with a maximum of 4 humans) - Mix and match human and AI players, maps and game modes to set up your ideal multiplayer game. . Battle a Wide Range of AI Lords - Classic AI characters return alongside new blood, each with distinct personalities, castles and play styles. . Challenge the Crusader Trail - Test your mettle across a range of increasingly tough skirmish campaigns. . Co-op Play - Share control over castle building, troop control and resource management in Co-op Mode. . Castle Sandbox - Dive into the Map Editor or Free Build mode and construct the ultimate castle without fear of attack. .", + "about_the_game": "Want more? Check out our latest Stronghold game, Stronghold: Definitive Edition! Crusader 2 is the long awaited sequel to Stronghold: Crusader, the original 'castle sim'. After 12 years Stronghold returns to the deserts of the Middle East circa 1189, with a new 3D engine and realistic castle destruction powered by Havok Physics. Crusader 2 will recapture the original game\u2019s addictive, fast-paced gameplay and authentic castle simulation.True to its roots this new Stronghold will define old school real time strategy, combining RTS and city builder gameplay. Playing as a brutal Crusader Knight or Arabic freedom fighter, you must use a deadly array of troops and destructive siege equipment to decide the fate of the holy lands. Lead your forces into battle as either Richard the Lionheart or the Sultan of Syria in two historic single-player campaigns, with dynamic events such as tornados and locust swarms. Become the greatest Lord by managing your desert economy and seizing control of vital oases.To dominate the battlefield you will need to command more than 25 unique unit types, mastering their special abilities. Raise morale with the Sergeant at Arms, charge in with the Sassanid Knight, use Archers to launch an arrow volley or scale castle walls with the deadly Assassin. Once your skills have been perfected put them to the test in skirmish mode or take the battle online with up to 8 human and AI players (with a maximum of 4 humans). Create teams, choose different AI opponents and design your own map in the ultimate skirmish or multiplayer game!FeaturesBuild the Ultimate Castle - Design mighty strongholds and fill them with fiendish traps to crush your enemies!Skirmish Mode - Lay siege to your enemies in fast-paced custom skirmish matches against the AI.8 Player Multiplayer (with a maximum of 4 humans) - Mix and match human and AI players, maps and game modes to set up your ideal multiplayer game.Battle a Wide Range of AI Lords - Classic AI characters return alongside new blood, each with distinct personalities, castles and play styles.Challenge the Crusader Trail - Test your mettle across a range of increasingly tough skirmish campaigns.Co-op Play - Share control over castle building, troop control and resource management in Co-op Mode.Castle Sandbox - Dive into the Map Editor or Free Build mode and construct the ultimate castle without fear of attack.", + "short_description": "Stronghold Crusader 2 is the long awaited sequel to the original castle sim. After 12 years Stronghold returns to the desert with a new 3D engine and powerful Havok Physics. Crusader 2 recaptures the original game\u2019s addictive, fast-paced gameplay and authentic castle simulation.", + "genres": "Simulation", + "recommendations": 9970, + "score": 6.069815784395109 + }, + { + "type": "game", + "name": "Shadow Warrior", + "detailed_description": "Shadow Warrior: Special Edition. The Shadow Warrior Special Edition includes Shadow Warrior, the Serious Sam 3 sledgehammer and Hotline Miami katana in-game weapons, the Shadow Warrior digital art book, and the official Shadow Warrior soundtrack. About the GameShadow Warrior is a bold reimagining of the classic 3D Realms\u2019 shooter from independent developer Flying Wild Hog (Hard Reset) starring the legendary and quick-witted warrior Lo Wang. Combine the brute force of overwhelming firepower with the elegant precision of a katana to annihilate the merciless armies of the shadow realm in an exhilarating and visually stunning transformation of the classic first-person shooter.Story. Shadow Warrior tells the offbeat tale of Zilla Enterprise\u2019s corporate shogun Lo Wang as he is ordered to acquire a legendary blade of limitless power by his deceitful employer. Betrayed and left for dead, Lo Wang learns of the blade\u2019s connection to ancient gods from another realm preparing to push our world to the brink of destruction. Now the reluctant hero must become legend through a masterful combination of gun, blade, magic and wit to uncover the truth behind the demonic invasion and banish evil back into the darkness.Features. Shadow Warrior Reborn \u2013 A bold new vision of Shadow Warrior elegantly blends classic first-person shooter gameplay with thrilling action, inventive combat, and a contemporary retelling of the hilarious legend of Lo Wang. . Elegant Swordplay \u2013 Unsheathe your legendary katana to slice enemies apart with precisely targeted swings or unleash fluid combos and special attacks to cut down hordes of enemies with one swift pass through the enraged hordes. . Upgradeable Arsenal \u2013 Utilize every gun in your formidable armory \u2013 from stylish revolvers and quad barrel shotguns to explosive-tipped crossbow bolts and laser-guided rocket launchers. Each weapon offers several unique upgrades to increase power, speed, and add devastating alternative firing options. . Mystical Powers \u2013 Call upon mystical powers to protect yourself and paralyze your enemies or use their own severed heads and still-beating hearts to bring them to their knees.", + "about_the_game": "Shadow Warrior is a bold reimagining of the classic 3D Realms\u2019 shooter from independent developer Flying Wild Hog (Hard Reset) starring the legendary and quick-witted warrior Lo Wang. Combine the brute force of overwhelming firepower with the elegant precision of a katana to annihilate the merciless armies of the shadow realm in an exhilarating and visually stunning transformation of the classic first-person shooter.StoryShadow Warrior tells the offbeat tale of Zilla Enterprise\u2019s corporate shogun Lo Wang as he is ordered to acquire a legendary blade of limitless power by his deceitful employer. Betrayed and left for dead, Lo Wang learns of the blade\u2019s connection to ancient gods from another realm preparing to push our world to the brink of destruction. Now the reluctant hero must become legend through a masterful combination of gun, blade, magic and wit to uncover the truth behind the demonic invasion and banish evil back into the darkness.FeaturesShadow Warrior Reborn \u2013 A bold new vision of Shadow Warrior elegantly blends classic first-person shooter gameplay with thrilling action, inventive combat, and a contemporary retelling of the hilarious legend of Lo Wang. Elegant Swordplay \u2013 Unsheathe your legendary katana to slice enemies apart with precisely targeted swings or unleash fluid combos and special attacks to cut down hordes of enemies with one swift pass through the enraged hordes. Upgradeable Arsenal \u2013 Utilize every gun in your formidable armory \u2013 from stylish revolvers and quad barrel shotguns to explosive-tipped crossbow bolts and laser-guided rocket launchers. Each weapon offers several unique upgrades to increase power, speed, and add devastating alternative firing options.Mystical Powers \u2013 Call upon mystical powers to protect yourself and paralyze your enemies or use their own severed heads and still-beating hearts to bring them to their knees.", + "short_description": "Shadow Warrior is a bold reimagining of the classic 3D Realms\u2019 shooter from independent developer Flying Wild Hog (Hard Reset) starring the legendary and quick-witted warrior Lo Wang.", + "genres": "Action", + "recommendations": 14453, + "score": 6.314581402494477 + }, + { + "type": "game", + "name": "Far Cry 3 - Blood Dragon", + "detailed_description": "Far Cry\u00ae 3: Blood Dragon is THE Kick-Ass Cyber Shooter. Welcome to an 80\u2019s vision of the future. The year is 2007 and you are Sargent Rex Colt, a Mark IV Cyber Commando. Your mission: get the girl, kill the baddies, and save the world. . Experience every clich\u00e9 of a VHS era vision of a nuclear future, where cyborgs, blood dragons, mutants, and Michael Biehn (Terminator, Aliens, Navy Seals) collide. . Playing Far Cry\u00ae 3 Blood Dragon does not require a copy of Far Cry\u00ae 3.", + "about_the_game": "Far Cry\u00ae 3: Blood Dragon is THE Kick-Ass Cyber Shooter.Welcome to an 80\u2019s vision of the future. The year is 2007 and you are Sargent Rex Colt, a Mark IV Cyber Commando. Your mission: get the girl, kill the baddies, and save the world.Experience every clich\u00e9 of a VHS era vision of a nuclear future, where cyborgs, blood dragons, mutants, and Michael Biehn (Terminator, Aliens, Navy Seals) collide.Playing Far Cry\u00ae 3 Blood Dragon does not require a copy of Far Cry\u00ae 3.", + "short_description": "Far Cry\u00ae 3: Blood Dragon is THE Kick-Ass Cyber Shooter.Welcome to an 80\u2019s vision of the future. The year is 2007 and you are Sargent Rex Colt, a Mark IV Cyber Commando. Your mission: get the girl, kill the baddies, and save the world.", + "genres": "Action", + "recommendations": 14171, + "score": 6.301592594981584 + }, + { + "type": "game", + "name": "Prison Architect", + "detailed_description": "Featured DLC About the Game. Welcome Wardens!. Only the world\u2019s most ruthless Warden can contain the world\u2019s most ruthless inmates. Design and develop your personalized penitentiary in Prison Architect. . Key Features:Customized ConfinementAllocate resources to optimize your compound, but don\u2019t restrict the flow of the crowd lest you encounter a flood, fire, fight, or full-blown riot.Invest and InnovateTap federal money with grant applications & direct your funds to combat disease, gang activity, litigation, and more!Management and MuscleEnsure your prison is *mostly* ethical and safe with top-notch staff including armed guards, psychologists, doctors, lawyers and snitches. . Detention by DesignEach prisoner\u2019s criminal history requires custom treatment programs, labor schedules, and reform workshops.Lockdown ShowdownAttempt a high-stakes escape of your own supermax prison in Escape Mode, or try Online mode to test one of 12,000 player-created prisons. Expand your empire limitlessly in Sandbox mode. .", + "about_the_game": "Welcome Wardens!Only the world\u2019s most ruthless Warden can contain the world\u2019s most ruthless inmates. Design and develop your personalized penitentiary in Prison Architect.Key Features:Customized ConfinementAllocate resources to optimize your compound, but don\u2019t restrict the flow of the crowd lest you encounter a flood, fire, fight, or full-blown riot.Invest and InnovateTap federal money with grant applications & direct your funds to combat disease, gang activity, litigation, and more!Management and MuscleEnsure your prison is *mostly* ethical and safe with top-notch staff including armed guards, psychologists, doctors, lawyers and snitches.Detention by DesignEach prisoner\u2019s criminal history requires custom treatment programs, labor schedules, and reform workshops.Lockdown ShowdownAttempt a high-stakes escape of your own supermax prison in Escape Mode, or try Online mode to test one of 12,000 player-created prisons. Expand your empire limitlessly in Sandbox mode.", + "short_description": "Only the world\u2019s most ruthless Warden can contain the world\u2019s most ruthless inmates. Design and develop your personalized penitentiary in Prison Architect.", + "genres": "Indie", + "recommendations": 53925, + "score": 7.182550670526419 + }, + { + "type": "game", + "name": "Kenshi", + "detailed_description": "A free-roaming squad based RPG focusing on open-ended sandbox gameplay features rather than a linear story. Be a trader, a thief, a rebel, a warlord, an adventurer, a farmer, a slave, or just food for the cannibals. . . Research new equipment and craft new gear. Purchase and upgrade your own buildings to use as safe fortified havens when things go bad, or use them to start up a business. Aid or oppose the various factions in the world while striving for the strength and wealth necessary to simply survive in the harsh desert. Train your men up from puny victims to master warriors. Carry your wounded squad mates to safety and get them all home alive.FEATURES. Freeform gameplay in a seamless game world in the largest single-player RPG world since Daggerfall, stretching over 870 square kilometers. The game will never seek to limit you or restrict your personal play style. . Custom design as many characters as you want and build up a whole squad to fight for you. Characters will grow and become stronger with experience, not just in their stats but their appearance too. . Build a base where you can research new technologies, upgrade your defences and craft new gear. . Original take on the RTS-RPG hybrid genre. No \"hero\" characters with artificially stronger stats than everybody else- Every character and NPC you meet is potentially an equal, and has a name, a life. . You are not the chosen one. You're not great and powerful. You don't have more 'hitpoints' than everyone else. You are not the center of the universe, and you are not special. Unless you work for it. . Purchase and upgrade your own buildings to use as safe fortified havens when things go bad, or use them to start up a business. . Variation and possibilities of gameplay. Be good, be evil, be a businessman, be a thief, live in a town, live in the desert, travel alone, travel in hordes, build a fortress, raze a city. Devote yourself to freeing slaves, or maybe end up a slave yourself. . Dynamic, ever changing world. Support or hinder whoever you wish, or keep to yourself, the world won't stop moving. This is not just a \"game\", you are living and surviving in a simulated world. . Get captured by cannibals and eaten alive, or sold off by slavers and forced to work in the mines. These are not scripted events, just a regular part of this chaotic world that ruins your life by chance. Anything can happen, yet anything can be overcome if you have the strength. . Absolutely no Level-scaling. The world does not level up along with you, and the shops don't change their inventory to only items matching your level. At the start of the game almost everyone will be stronger than you, and survival will always be a struggle. The game won't hold your hand or help you when you're down. . Realistic medical system that affects gameplay. A character with a wounded leg will limp or crawl and slow the party down, wounded arms means you must use your sword one-handed or not at all. Severe injuries will result in amputees needing robotic limb replacements. Blood loss means you can pass out, and the blood will attract predators. A character\u2019s stats are affected by equipment, encumbrance, blood loss, injuries and starvation. . Intelligent AI that allows for characters to reason and work towards long-term goals and desires. Squads work together and carry their wounded to safety. Characters can be setup to take care of micromanagement for you and run production in your base. . Aid or oppose the various factions in the world while striving for the strength and wealth necessary to simply survive in the harsh environment. . Independently developed with no design influences, or alterations dictated by men in gray suits who have never played a game before in their lives. . Original game world. There are no fantasy-knock-off cliches. No magic. . . ", + "about_the_game": "A free-roaming squad based RPG focusing on open-ended sandbox gameplay features rather than a linear story. Be a trader, a thief, a rebel, a warlord, an adventurer, a farmer, a slave, or just food for the cannibals. Research new equipment and craft new gear. Purchase and upgrade your own buildings to use as safe fortified havens when things go bad, or use them to start up a business. Aid or oppose the various factions in the world while striving for the strength and wealth necessary to simply survive in the harsh desert. Train your men up from puny victims to master warriors. Carry your wounded squad mates to safety and get them all home alive.FEATURESFreeform gameplay in a seamless game world in the largest single-player RPG world since Daggerfall, stretching over 870 square kilometers. The game will never seek to limit you or restrict your personal play style. Custom design as many characters as you want and build up a whole squad to fight for you. Characters will grow and become stronger with experience, not just in their stats but their appearance too. Build a base where you can research new technologies, upgrade your defences and craft new gear. Original take on the RTS-RPG hybrid genre. No \"hero\" characters with artificially stronger stats than everybody else- Every character and NPC you meet is potentially an equal, and has a name, a life. You are not the chosen one. You're not great and powerful. You don't have more 'hitpoints' than everyone else. You are not the center of the universe, and you are not special. Unless you work for it.Purchase and upgrade your own buildings to use as safe fortified havens when things go bad, or use them to start up a business. Variation and possibilities of gameplay. Be good, be evil, be a businessman, be a thief, live in a town, live in the desert, travel alone, travel in hordes, build a fortress, raze a city. Devote yourself to freeing slaves, or maybe end up a slave yourself. Dynamic, ever changing world. Support or hinder whoever you wish, or keep to yourself, the world won't stop moving. This is not just a \"game\", you are living and surviving in a simulated world.Get captured by cannibals and eaten alive, or sold off by slavers and forced to work in the mines. These are not scripted events, just a regular part of this chaotic world that ruins your life by chance. Anything can happen, yet anything can be overcome if you have the strength. Absolutely no Level-scaling. The world does not level up along with you, and the shops don't change their inventory to only items matching your level. At the start of the game almost everyone will be stronger than you, and survival will always be a struggle. The game won't hold your hand or help you when you're down. Realistic medical system that affects gameplay. A character with a wounded leg will limp or crawl and slow the party down, wounded arms means you must use your sword one-handed or not at all. Severe injuries will result in amputees needing robotic limb replacements. Blood loss means you can pass out, and the blood will attract predators. A character\u2019s stats are affected by equipment, encumbrance, blood loss, injuries and starvation. Intelligent AI that allows for characters to reason and work towards long-term goals and desires. Squads work together and carry their wounded to safety. Characters can be setup to take care of micromanagement for you and run production in your base. Aid or oppose the various factions in the world while striving for the strength and wealth necessary to simply survive in the harsh environment. Independently developed with no design influences, or alterations dictated by men in gray suits who have never played a game before in their lives. Original game world. There are no fantasy-knock-off cliches. No magic.", + "short_description": "A free-roaming squad based RPG. Focusing on open-ended sandbox gameplay features rather than a linear story. Be a trader, a thief, a rebel, a warlord, an adventurer, a farmer, a slave, or just food for the cannibals. Train your men up from puny victims to master warriors.", + "genres": "Action", + "recommendations": 60695, + "score": 7.260514516879687 + }, + { + "type": "game", + "name": "Mad Max", + "detailed_description": "Online functionality will be retired on October\u00a031, 2020. . Become Mad Max, the lone warrior in a savage post-apocalyptic world where cars are the key to survival. In this action-packed, open world, third person action game, you must fight to stay alive in The Wasteland, using brutal on-ground and vehicular against vicious gangs of bandits. A reluctant hero with an instinct for survival, Max wants nothing more than to leave the madness behind and find solace in the storied \u201cPlains of Silence.\u201d Players are challenged with treacherous missions as they scavenge the dangerous landscape for supplies to build the ultimate combat vehicle.", + "about_the_game": "Online functionality will be retired on October\u00a031, 2020.\r\n\r\nBecome Mad Max, the lone warrior in a savage post-apocalyptic world where cars are the key to survival. In this action-packed, open world, third person action game, you must fight to stay alive in The Wasteland, using brutal on-ground and vehicular against vicious gangs of bandits. A reluctant hero with an instinct for survival, Max wants nothing more than to leave the madness behind and find solace in the storied \u201cPlains of Silence.\u201d Players are challenged with treacherous missions as they scavenge the dangerous landscape for supplies to build the ultimate combat vehicle.", + "short_description": "Play as Mad Max, a reluctant hero and survivor who wants nothing more than to leave the madness behind and find solace.", + "genres": "Action", + "recommendations": 43788, + "score": 7.045279200168528 + }, + { + "type": "game", + "name": "Project CARS", + "detailed_description": "Project CARS is the ultimate driver journey! . Guided, tested, and approved by a passionate community of racing fans and real-life drivers, Project CARS represents the next-generation of racing simulation as the ultimate combination of fan desire and developer expertise. . Discover an unrivaled immersion fuelled by world-class graphics and handling that allows you to truly feel the road. Create a driver, pick from a huge variety of motorsports in a dynamic career mode and write your own tale in an intense online multiplayer. . Featuring the largest track roster of any recent racing game with a ground-breaking dynamic time of day & weather system, deep tuning & pit stop functionality, and support for Oculus Rift and 12K ultra HD resolution,\u00a0Project CARS\u00a0leaves the\u00a0competition behind in the dust. . \u2022 BEYOND REALITY: . Next-gen graphics, authentic handling, playable via Oculus Rift and 12K Ultra HD resolution. \u2022 BY RACERS 4 RACERS: . Guided, tested and approved by fans & pilots for the perfect gameplay balance. \u2022 YOUR CHOICES, YOUR VICTORIES: . Master a variety of motorsports & unprecedented track roster in a sandbox career mode", + "about_the_game": "Project CARS is the ultimate driver journey! Guided, tested, and approved by a passionate community of racing fans and real-life drivers, Project CARS represents the next-generation of racing simulation as the ultimate combination of fan desire and developer expertise.Discover an unrivaled immersion fuelled by world-class graphics and handling that allows you to truly feel the road. Create a driver, pick from a huge variety of motorsports in a dynamic career mode and write your own tale in an intense online multiplayer. Featuring the largest track roster of any recent racing game with a ground-breaking dynamic time of day & weather system, deep tuning & pit stop functionality, and support for Oculus Rift and 12K ultra HD resolution,\u00a0Project CARS\u00a0leaves the\u00a0competition behind in the dust.\u2022 BEYOND REALITY: Next-gen graphics, authentic handling, playable via Oculus Rift and 12K Ultra HD resolution\u2022 BY RACERS 4 RACERS: Guided, tested and approved by fans & pilots for the perfect gameplay balance\u2022 YOUR CHOICES, YOUR VICTORIES: Master a variety of motorsports & unprecedented track roster in a sandbox career mode", + "short_description": "THE ULTIMATE DRIVER JOURNEY delivers the soul of motor racing in the world\u2019s most beautiful, authentic, and technically-advanced racing game.", + "genres": "Racing", + "recommendations": 8799, + "score": 5.987458767275555 + }, + { + "type": "game", + "name": "Shadowrun Returns", + "detailed_description": "MAN MEETS MAGIC & MACHINE. The year is 2054. Magic has returned to the world, awakening powerful creatures of myth and legend. Technology merges with flesh and consciousness. Elves, trolls, orks and dwarves walk among us, while ruthless corporations bleed the world dry. You are a shadowrunner - a mercenary living on the fringes of society, in the shadows of massive corporate arcologies, surviving day-by-day on skill and instinct alone. When the powerful or the desperate need a job done, you get it done. by any means necessary. . In the urban sprawl of the Seattle metroplex, the search for a mysterious killer sets you on a trail that leads from the darkest slums to the city\u2019s most powerful megacorps. You will need to tread carefully, enlist the aid of other runners, and master powerful forces of technology and magic in order to emerge from the shadows of Seattle unscathed. . The unique cyberpunk-meets-fantasy world of Shadowrun has gained a huge cult following since its creation nearly 25 years ago. Now, creator Jordan Weisman returns to the world of Shadowrun, modernizing this classic game setting as a single player, turn-based tactical RPG.Key Features\tGripping Tactical Combat: When you\u2019re running the shadows, every turn matters. Choose your actions wisely - move to better cover, charge into melee, or lob a fireball into a crowd of enemies. With the variety of weapons and spells at your disposal, every turn is filled with meaningful choices. A successful run requires commanding a team of runners with the right balance of combat, tech, and magical abilities. . Skill-Based Character Progression: Choose a starting character archetype and build from there! Street Samurai and Physical Adepts use advanced combat skills to dominate the battlefield, Shamans and Mages summon powerful allies and cast deadly spells, while Riggers and Deckers provide critical technological support, projecting their consciousness directly into drones and computer systems. Shadowrun Returns\u2019 classless skill system allows you to grow your character in any direction you choose. Want to start summoning spirits as an ork Shaman and evolve into a cybered-up weapon specialist? Do it!. Engaging 2D/3D Art Style: Shadowrun Returns mixes dynamic 3D characters and lighting with a vibrant, hand-painted environment. Illustrated character portraits bring every conversation to life. Explore a world filled with detail, from the slums of the Redmond Barrens to the extravagant offices of powerful corporations.", + "about_the_game": "MAN MEETS MAGIC & MACHINE. The year is 2054. Magic has returned to the world, awakening powerful creatures of myth and legend. Technology merges with flesh and consciousness. Elves, trolls, orks and dwarves walk among us, while ruthless corporations bleed the world dry. You are a shadowrunner - a mercenary living on the fringes of society, in the shadows of massive corporate arcologies, surviving day-by-day on skill and instinct alone. When the powerful or the desperate need a job done, you get it done... by any means necessary.In the urban sprawl of the Seattle metroplex, the search for a mysterious killer sets you on a trail that leads from the darkest slums to the city\u2019s most powerful megacorps. You will need to tread carefully, enlist the aid of other runners, and master powerful forces of technology and magic in order to emerge from the shadows of Seattle unscathed.The unique cyberpunk-meets-fantasy world of Shadowrun has gained a huge cult following since its creation nearly 25 years ago. Now, creator Jordan Weisman returns to the world of Shadowrun, modernizing this classic game setting as a single player, turn-based tactical RPG.Key Features\tGripping Tactical Combat: When you\u2019re running the shadows, every turn matters. Choose your actions wisely - move to better cover, charge into melee, or lob a fireball into a crowd of enemies. With the variety of weapons and spells at your disposal, every turn is filled with meaningful choices. A successful run requires commanding a team of runners with the right balance of combat, tech, and magical abilities.\tSkill-Based Character Progression: Choose a starting character archetype and build from there! Street Samurai and Physical Adepts use advanced combat skills to dominate the battlefield, Shamans and Mages summon powerful allies and cast deadly spells, while Riggers and Deckers provide critical technological support, projecting their consciousness directly into drones and computer systems. Shadowrun Returns\u2019 classless skill system allows you to grow your character in any direction you choose. Want to start summoning spirits as an ork Shaman and evolve into a cybered-up weapon specialist? Do it!\tEngaging 2D/3D Art Style: Shadowrun Returns mixes dynamic 3D characters and lighting with a vibrant, hand-painted environment. Illustrated character portraits bring every conversation to life. Explore a world filled with detail, from the slums of the Redmond Barrens to the extravagant offices of powerful corporations.", + "short_description": "The unique cyberpunk-meets-fantasy world of Shadowrun has gained a huge cult following since its creation nearly 25 years ago. Now, creator Jordan Weisman returns to the world of Shadowrun, modernizing this classic game setting as a single player, turn-based tactical RPG.", + "genres": "Adventure", + "recommendations": 8912, + "score": 5.995869987475188 + }, + { + "type": "game", + "name": "METAL GEAR RISING: REVENGEANCE", + "detailed_description": "Developed by Kojima Productions and PlatinumGames, METAL GEAR RISING: REVENGEANCE takes the renowned METAL GEAR franchise into exciting new territory with an all-new action experience. The game seamlessly melds pure action and epic story-telling that surrounds Raiden \u2013 a child soldier transformed into a half-human, half-cyborg ninja who uses his High Frequency katana blade to cut through any thing that stands in his vengeful path!. A huge success on both Xbox 360\u00ae and PlayStation\u00ae3, METAL GEAR RISING: REVENGEANCE comes to PC with all the famed moves and action running within a beautifully-realised HD environment. . This new PC version includes all three DLC missions: Blade Wolf, Jetstream, and VR Missions, in addition to all customized body upgrades for Raiden, including: White Armor, Inferno Armor, Commando Armor, Raiden\u2019s MGS4 body, and the ever-popular Cyborg Ninja. . \"CUTSCENES\" option added to the Main Menu. Play any and all cutscenes. . \"CODECS\" option added to the Main Menu. Play all and any codec conversation scenes. . Menu option added to the CHAPTER Menu enabling user to play only the Boss battles. . \"GRAPHIC OPTIONS\" added to the OPTIONS Menu. Modify resolution, anti-aliasing, etc. There is an option reading \"ZANGEKI\" that will modify the amount of cuts you can make.", + "about_the_game": "Developed by Kojima Productions and PlatinumGames, METAL GEAR RISING: REVENGEANCE takes the renowned METAL GEAR franchise into exciting new territory with an all-new action experience. The game seamlessly melds pure action and epic story-telling that surrounds Raiden \u2013 a child soldier transformed into a half-human, half-cyborg ninja who uses his High Frequency katana blade to cut through any thing that stands in his vengeful path!\r\n\r\nA huge success on both Xbox 360\u00ae and PlayStation\u00ae3, METAL GEAR RISING: REVENGEANCE comes to PC with all the famed moves and action running within a beautifully-realised HD environment.\r\n\r\nThis new PC version includes all three DLC missions: Blade Wolf, Jetstream, and VR Missions, in addition to all customized body upgrades for Raiden, including: White Armor, Inferno Armor, Commando Armor, Raiden\u2019s MGS4 body, and the ever-popular Cyborg Ninja.\r\n\r\n\"CUTSCENES\" option added to the Main Menu. Play any and all cutscenes.\r\n\r\n\"CODECS\" option added to the Main Menu. Play all and any codec conversation scenes.\r\n\r\nMenu option added to the CHAPTER Menu enabling user to play only the Boss battles.\r\n\r\n\"GRAPHIC OPTIONS\" added to the OPTIONS Menu. Modify resolution, anti-aliasing, etc.\r\n There is an option reading \"ZANGEKI\" that will modify the amount of cuts you can make.", + "short_description": "Developed by Kojima Productions and PlatinumGames, METAL GEAR RISING: REVENGEANCE takes the renowned METAL GEAR franchise into exciting new territory with an all-new action experience. The game seamlessly melds pure action and epic story-telling that surrounds Raiden \u2013 a child soldier transformed into a half-human, half-cyborg ninja who...", + "genres": "Action", + "recommendations": 53082, + "score": 7.172163840051624 + }, + { + "type": "game", + "name": "Warhammer: End Times - Vermintide", + "detailed_description": "Warhammer: Vermintide 2 Collector's Edition. About the GameVermintide is a co-operative action first person shooter and melee combat adventure set in the End Times of the iconic Warhammer Fantasy world. . Vermintide takes place in and around Ubersreik, a city overrun by Skaven. You will assume the role of one of five heroes, each featuring different play-styles, abilities, gear and personality. Working cooperatively, you must use their individual attributes to survive an apocalyptic invasion from the hordes of relentless rat-men, known as the Skaven. Battles will take place across a range of environments stretching from the top of the Magnus Tower to the bowels of the Under Empire.Core Features:Cooperative Survival For up to 4 Players - Band together with your friends or die alone. Vermintide will continuously test the teamwork and skill of you and your friends. Drop-in, drop-out Multiplayer and the addition of A.I. bots ensures a full team at any time, regardless of available players. . Play as Five Unique Heroes - Five distinct characters to choose from, each with their own personality, agenda and story to tell. Learning what it means to work together is key to the group's survival. . Huge Hero Arsenal - Each hero has its own unique weapons arsenal to draw from, allowing you to adjust their combat style to fit their gameplay preference. There are hundreds of different weapons, includ\u00edng swords, daggers, axes, hammers, bows, guns, magical staves & more. Embark on an Epic Quest - Boasting 13 diverse levels - on the ground, in buildings, on walls and underground - ranging from the immense Magnus Tower to the treacherous Under Empire, Vermintide will take you on a journey you\u2019ll never forget. . Experience the Skaven Like Never Before - A rising tide of malicious and cunning rat-men await you, hacking, clawing and eviscerating all that stand in their way. Face vicious packs of clan-rats and deadly specialized elites. . Gather Shiny Loot - Rewarding teamwork above all else, you are given loot dice at the end of a mission that will reward you and your team mates with a weapon, a hat or a trinket. Completing side objectives means that better loot dice can be added to the roll. . Battle Unpredictable Enemies - Vermintide features a dynamic spawn system providing a constant set of new challenges lurking behind every corner. . Experience an Immersive Story - Games Workshop veterans have banded together to write a fantastic new addition to the Warhammer lore, offering a new perspective on the cataclysmic events of The End Times. . Find a Path to Safety - The Skaven boast incredible mobility, able to climb and leap fantastic distances to make life a living hell for the Heroes. No matter where you go, they will be there, ready to pounce. . The time of mortals is ending, and the reign of Chaos draws ever closer. The Dark Gods are at last united in a singular purpose, losing their madness across the world as never before. In the Empire of Sigmar, Karl Franz's gaze is focused on the incursion of the savage northmen, but it is not the only threat. As the Chaos moon Morrslieb waxes full, shrill voices echo through tunnels gnawed far beneath the Empire's cities, and a Skaven host swarms towards the surface. It emerges first in the city of Ubersreik, a screeching mass that consumes all before it. Soon Ubersreik is a charnel-town, drowning beneath the malevolent shadow of the Horned Rat. . Yet even in the darkest times, there are always champions to light the way. As Ubersreik cowers, five heroes, united by capricious fate, carry the fight to the rat-men. It remains to be seen whether they have the strength to survive, let alone work together long enough to thwart the invaders. One truth, however, is beyond all doubt: should these five fall, then Ubersreik will fall with them.", + "about_the_game": "Vermintide is a co-operative action first person shooter and melee combat adventure set in the End Times of the iconic Warhammer Fantasy world. Vermintide takes place in and around Ubersreik, a city overrun by Skaven. You will assume the role of one of five heroes, each featuring different play-styles, abilities, gear and personality. Working cooperatively, you must use their individual attributes to survive an apocalyptic invasion from the hordes of relentless rat-men, known as the Skaven. Battles will take place across a range of environments stretching from the top of the Magnus Tower to the bowels of the Under Empire.Core Features:Cooperative Survival For up to 4 Players - Band together with your friends or die alone. Vermintide will continuously test the teamwork and skill of you and your friends. Drop-in, drop-out Multiplayer and the addition of A.I. bots ensures a full team at any time, regardless of available players.Play as Five Unique Heroes - Five distinct characters to choose from, each with their own personality, agenda and story to tell. Learning what it means to work together is key to the group's survival. Huge Hero Arsenal - Each hero has its own unique weapons arsenal to draw from, allowing you to adjust their combat style to fit their gameplay preference. There are hundreds of different weapons, includ\u00edng swords, daggers, axes, hammers, bows, guns, magical staves & moreEmbark on an Epic Quest - Boasting 13 diverse levels - on the ground, in buildings, on walls and underground - ranging from the immense Magnus Tower to the treacherous Under Empire, Vermintide will take you on a journey you\u2019ll never forget. Experience the Skaven Like Never Before - A rising tide of malicious and cunning rat-men await you, hacking, clawing and eviscerating all that stand in their way. Face vicious packs of clan-rats and deadly specialized elites.Gather Shiny Loot - Rewarding teamwork above all else, you are given loot dice at the end of a mission that will reward you and your team mates with a weapon, a hat or a trinket. Completing side objectives means that better loot dice can be added to the roll. Battle Unpredictable Enemies - Vermintide features a dynamic spawn system providing a constant set of new challenges lurking behind every corner.Experience an Immersive Story - Games Workshop veterans have banded together to write a fantastic new addition to the Warhammer lore, offering a new perspective on the cataclysmic events of The End Times.Find a Path to Safety - The Skaven boast incredible mobility, able to climb and leap fantastic distances to make life a living hell for the Heroes. No matter where you go, they will be there, ready to pounce. The time of mortals is ending, and the reign of Chaos draws ever closer. The Dark Gods are at last united in a singular purpose, losing their madness across the world as never before. In the Empire of Sigmar, Karl Franz's gaze is focused on the incursion of the savage northmen, but it is not the only threat. As the Chaos moon Morrslieb waxes full, shrill voices echo through tunnels gnawed far beneath the Empire's cities, and a Skaven host swarms towards the surface. It emerges first in the city of Ubersreik, a screeching mass that consumes all before it. Soon Ubersreik is a charnel-town, drowning beneath the malevolent shadow of the Horned Rat. Yet even in the darkest times, there are always champions to light the way. As Ubersreik cowers, five heroes, united by capricious fate, carry the fight to the rat-men. It remains to be seen whether they have the strength to survive, let alone work together long enough to thwart the invaders. One truth, however, is beyond all doubt: should these five fall, then Ubersreik will fall with them.", + "short_description": "Vermintide is an epic co-operative action combat adventure set in the End Times of the iconic Warhammer Fantasy world.", + "genres": "Action", + "recommendations": 12826, + "score": 6.235856932323447 + }, + { + "type": "game", + "name": "Tom Clancy\u2019s Splinter Cell Blacklist", + "detailed_description": "Digital Deluxe EditionTom Clancy\u2019s Splinter Cell\u00ae Blacklist\u2122 Deluxe Edition comes with all the essential weapons, gadgets, and gear for you to become Sam Fisher and stop the escalating Blacklist threats. With two bonus missions and five bonus suits, armor upgrades, and weapons, you\u2019ll be prepared to stop the attacks!. Content Includes:. The High Power DLC Pack:AC S12 Shotgun. GC36C Assault Rifle. MP5-10 SMG. PP-19 Black Market SMG. USP45 Hand Gun . . The Homeland DLC Pack:Single-player and multiplayer co-op missions: Dead Coast and Billionaire\u2019s Yacht. . Tactical Crossbow with Sleeping Gas Bolts. Upper Echelon Suit, 4E Eclipse Suit for the single-player storyline. Gold, Amber & White Sonar Goggles. Exclusive Mercs & Spy Skin. And more! . . Bonus suits, weapons, and gear:Four powerful weapons for any play style: VSS Sniper Rifle, M1014 Shotgun, 416 Assault Rifle, and F40 Pistol. . Three enhanced combat suits: Elite Digital Ghillie Suit, Spy Suit, and Mercenary Suit for Spies vs. Mercs. . Three armor accessories: Ghost Boots, Armored Boots, and Tactical Gloves. . About the GameThe United States has a military presence in two-thirds of countries around the world, and some of them have had enough. A group of terrorists calling themselves The Engineers initiate a terror ultimatum called the Blacklist - a deadly countdown of escalating attacks on U.S. interests.Key FeaturesOperate without Restrictions . Sam is back in his tactical suit and goggles, and he\u2019s more lethal and agile than ever. Granted the freedom to do whatever it takes to stop the Blacklist, Sam flies from exotic locales to U.S. cities as he races against the clock to find out who\u2019s behind this devastating threat. . Own Your Play Style . Splinter Cell Blacklist builds on the stealth roots of the franchise, while exploring new directions to embrace the realms of action and adventure. Players can define their personal play styles and be rewarded for those choices. Ghost players want to remain undetected. . Assault players rely on instincts and frontal blow to deal with a situation. . Panther players look for lethality in the most efficient and silent way. . Tools of the Trade. Take down The Engineers by using new gadgets such . as the upgraded Snake Cam and Micro-trirotor Drone. Splinter Cell Blacklist is also bringing back fan-favorites like the Sticky Shocker and the brutal, curved Karambit knife. Fans of stealth will be happy to make the most of Sam\u2019s sneaking abilities to abduct and carry enemies, while Killing In Motion allows the player to strike with surgical precision by marking and executing multiple enemies in one fluid motion. . Build a New Echelon . Sam is building a whole new Echelon unit; his team, his way. Anna \u201cGrim\u201d Grimsdottir is his technical operations manager, CIA operative Isaac Briggs brings additional firepower, and resident hacker Charlie Cole rounds out the crew. 4th Echelon is a fully mobile ops unit with unlimited resources and cutting-edge technology aboard the re-purposed stealth airliner, the Paladin. . Enjoy a Fully Integrated Experience. Sam and his team are aware of terrorist attacks in real time thanks to the Strategic Mission Interface (SMI). The SMI allows 4th Echelon to receive data about mission objectives while on the move. With the SMI, players can take advantage of the universal game economy system that allows players to fully customize and upgrade Sam, his suit, goggles, weapons, the Paladin and much more. . Spies vs. Mercs Returns. Spies vs. Mercs is back with an new take on asymmetrical gameplay. Players will be able to face off in teams of 4 all the while creating their very own Spy or Merc according to their playstyles via thorough customization elements. The original Classic Spies vs. Mercs experience also makes its long awaited comeback for the fans. . COOP. With the SMI, the lines are blurred between the single campaign and COOP as the narrative is deepened with Sam and Briggs. Earn in-game currency and unlock additional weapons or gadgets via specialized missions assigned by Grim, Briggs, Charlie and Kobin.", + "about_the_game": "The United States has a military presence in two-thirds of countries around the world, and some of them have had enough. A group of terrorists calling themselves The Engineers initiate a terror ultimatum called the Blacklist - a deadly countdown of escalating attacks on U.S. interests.Key FeaturesOperate without Restrictions Sam is back in his tactical suit and goggles, and he\u2019s more lethal and agile than ever. Granted the freedom to do whatever it takes to stop the Blacklist, Sam flies from exotic locales to U.S. cities as he races against the clock to find out who\u2019s behind this devastating threat. Own Your Play Style Splinter Cell Blacklist builds on the stealth roots of the franchise, while exploring new directions to embrace the realms of action and adventure. Players can define their personal play styles and be rewarded for those choices.Ghost players want to remain undetected. Assault players rely on instincts and frontal blow to deal with a situation. Panther players look for lethality in the most efficient and silent way. Tools of the TradeTake down The Engineers by using new gadgets such as the upgraded Snake Cam and Micro-trirotor Drone. Splinter Cell Blacklist is also bringing back fan-favorites like the Sticky Shocker and the brutal, curved Karambit knife. Fans of stealth will be happy to make the most of Sam\u2019s sneaking abilities to abduct and carry enemies, while Killing In Motion allows the player to strike with surgical precision by marking and executing multiple enemies in one fluid motion.Build a New Echelon Sam is building a whole new Echelon unit; his team, his way. Anna \u201cGrim\u201d Grimsdottir is his technical operations manager, CIA operative Isaac Briggs brings additional firepower, and resident hacker Charlie Cole rounds out the crew. 4th Echelon is a fully mobile ops unit with unlimited resources and cutting-edge technology aboard the re-purposed stealth airliner, the Paladin.Enjoy a Fully Integrated ExperienceSam and his team are aware of terrorist attacks in real time thanks to the Strategic Mission Interface (SMI). The SMI allows 4th Echelon to receive data about mission objectives while on the move. With the SMI, players can take advantage of the universal game economy system that allows players to fully customize and upgrade Sam, his suit, goggles, weapons, the Paladin and much more.Spies vs. Mercs ReturnsSpies vs. Mercs is back with an new take on asymmetrical gameplay. Players will be able to face off in teams of 4 all the while creating their very own Spy or Merc according to their playstyles via thorough customization elements. The original Classic Spies vs. Mercs experience also makes its long awaited comeback for the fans. COOPWith the SMI, the lines are blurred between the single campaign and COOP as the narrative is deepened with Sam and Briggs. Earn in-game currency and unlock additional weapons or gadgets via specialized missions assigned by Grim, Briggs, Charlie and Kobin.", + "short_description": "The United States has a military presence in two-thirds of countries around the world, and some of them have had enough. A group of terrorists calling themselves The Engineers initiate a terror ultimatum called the Blacklist - a deadly countdown of escalating attacks on U.S. interests.", + "genres": "Action", + "recommendations": 15506, + "score": 6.360938663582321 + }, + { + "type": "game", + "name": "War Thunder", + "detailed_description": "War Thunder is the most comprehensive free-to-play, cross-platform, MMO military game dedicated to aviation, armoured vehicles, from the early 20th century to the most advanced modern combat units. Join now and take part in major battles on land, in the air, and at sea, fighting with millions of players from all over the world in an ever-evolving environment. . . In War Thunder, aircraft, attack helicopters, ground forces and naval ships collaborate in realistic competitive battles. You can choose from over 2,000 vehicles and an extensive variety of combat situations many of which are exclusive. You can find yourself blasting your pursuers from a bomber turret, defending your teammates on the ground from an air raid with anti-aircraft guns, shooting down enemy planes with a firestorm from multiple rocket launchers, or trying to sink an enemy warship with a torpedo from a fast attack boat. . Features include:. Seamless cross-platform gameplay between Windows PC, Linux, Mac, PlayStation\u00ae4, PlayStation\u00ae5, Xbox One with Xbox Series X|S \u2013 everyone on the same server. . Over 2,000 highly detailed aircraft, helicopters, tanks, warships and other combat vehicles crafted carefully from historical documents and surviving sources. . 100 maps representing the main historical battle theaters. . Intense PvP experiences in full-scale combat missions at various difficulty settings for all play styles and degrees of experience. . Rich PvE content including dynamic historical campaigns and solo missions. . Regular content updates including new vehicles, maps, missions and nations. . Astonishing graphics, authentic sound effects and beautiful music creating an atmosphere to fully immerse yourself in. . Create custom content for War Thunder and share it on War Thunder Live, with the prospect of earning real money through the Revenue Share Partner System!.", + "about_the_game": "War Thunder is the most comprehensive free-to-play, cross-platform, MMO military game dedicated to aviation, armoured vehicles, from the early 20th century to the most advanced modern combat units. Join now and take part in major battles on land, in the air, and at sea, fighting with millions of players from all over the world in an ever-evolving environment.In War Thunder, aircraft, attack helicopters, ground forces and naval ships collaborate in realistic competitive battles. You can choose from over 2,000 vehicles and an extensive variety of combat situations many of which are exclusive. You can find yourself blasting your pursuers from a bomber turret, defending your teammates on the ground from an air raid with anti-aircraft guns, shooting down enemy planes with a firestorm from multiple rocket launchers, or trying to sink an enemy warship with a torpedo from a fast attack boat.Features include:Seamless cross-platform gameplay between Windows PC, Linux, Mac, PlayStation\u00ae4, PlayStation\u00ae5, Xbox One with Xbox Series X|S \u2013 everyone on the same server.Over 2,000 highly detailed aircraft, helicopters, tanks, warships and other combat vehicles crafted carefully from historical documents and surviving sources.100 maps representing the main historical battle theaters.Intense PvP experiences in full-scale combat missions at various difficulty settings for all play styles and degrees of experience.Rich PvE content including dynamic historical campaigns and solo missions.Regular content updates including new vehicles, maps, missions and nations.Astonishing graphics, authentic sound effects and beautiful music creating an atmosphere to fully immerse yourself in.Create custom content for War Thunder and share it on War Thunder Live, with the prospect of earning real money through the Revenue Share Partner System!", + "short_description": "War Thunder is the most comprehensive free-to-play, cross-platform, MMO military game dedicated to aviation, armoured vehicles, and naval craft, from the early 20th century to the most advanced modern combat units. Join now and take part in major battles on land, in the air, and at sea.", + "genres": "Action", + "recommendations": 1841, + "score": 4.956489512830603 + }, + { + "type": "game", + "name": "Europa Universalis IV", + "detailed_description": "New DLC Available Europa Universalis IV: Monthly SubscriptionParadox\u2019s flagship grand strategy game will soon be available in an entirely new way. Europa Universalis IV\u2019s expansion content is now available via subscription letting you enjoy all of the expansions and add-ons that have been developed over the last eight years. . All new subscribers will gain immediate access to all additional content ever created for Europa Universalis IV, with no additional upfront cost. If you already own the base game and some of the expansions or content packs, this subscription does not remove that ownership, but will open up all content that you have not purchased. . Subscribers must already own the Europa Universalis IV base game. Subscription is handled in-game and can be accessed once you start up Europa Universalis IV. This is only available to players on Steam using Microsoft Windows. . Sign up now to enjoy: . All 14 major expansions, including the religious battles of Art of War and Chinese imperial drama of Mandate of Heaven. . Access to the upcoming Leviathan expansion, and all future expansions and content developed for Europa Universalis IV. . 3 immersion packs, adding new mechanics for Spain, Great Britain and Russian nations. . 9 content packs, adding new unit designs, advisor portraits and music for dozens of different nations. . and many more improvements to the core game experience. . This subscription will be available on 18 March 2021 for $4.99/\u00a33.99/\u20ac4.99 per month. This subscription will automatically renew at the end of every month until it is cancelled. About the Game. Paradox Development Studio is back with the fourth installment of the award-winning Europa Universalis series. This classic grand strategy game gives you control of a nation through four dramatic centuries. Rule your land and dominate the world with unparalleled freedom, depth and historical accuracy. Write a new history of the world and build an empire for the ages. . Start before the Renaissance on a map of the world as it was then. Choose from any of hundreds of nations and then rule up to the Age of Revolutions. Or, if you wish, start your game at any date in the span, with historical monarchs and other leaders. . Hundreds of dynamic historical events are yours to experience, from merely troubling civil wars to world changing moments like the Protestant Reformation. Discover and settle the New World, or resist European conquest. . Control the flow of trade by developing your trade power in key provinces, using ships and governmental policy to bring the wealth of the world to your own ports. . Build alliances into iron bonds, cemented by royal marriage or play a flexible hand, keeping your options open. Strike when your enemies are weak, using your armies to grab new land and new potential riches. . Your nation\u2019s pace of development will be heavily influenced by the person on the throne. Experience rapid development under a skilled monarch only to see things slow down when a less competent heir takes over. Plan for the future by spending monarch power wisely. . Four hundred years of research into new ways of war, administration and trade are available. Unlock new weapons, new buildings and new ship types. Over time, you can embrace national ideas that represent both your historic legacy and your ambitions for the future. . From grand voyages of discovery to religious wars to revolutionary governments, the entire history of the early modern world waits for you to rewrite it in Europa Universalis IV.", + "about_the_game": "Paradox Development Studio is back with the fourth installment of the award-winning Europa Universalis series. This classic grand strategy game gives you control of a nation through four dramatic centuries. Rule your land and dominate the world with unparalleled freedom, depth and historical accuracy. Write a new history of the world and build an empire for the ages.Start before the Renaissance on a map of the world as it was then. Choose from any of hundreds of nations and then rule up to the Age of Revolutions. Or, if you wish, start your game at any date in the span, with historical monarchs and other leaders.Hundreds of dynamic historical events are yours to experience, from merely troubling civil wars to world changing moments like the Protestant Reformation. Discover and settle the New World, or resist European conquest.Control the flow of trade by developing your trade power in key provinces, using ships and governmental policy to bring the wealth of the world to your own ports.Build alliances into iron bonds, cemented by royal marriage or play a flexible hand, keeping your options open. Strike when your enemies are weak, using your armies to grab new land and new potential riches.Your nation\u2019s pace of development will be heavily influenced by the person on the throne. Experience rapid development under a skilled monarch only to see things slow down when a less competent heir takes over. Plan for the future by spending monarch power wisely.Four hundred years of research into new ways of war, administration and trade are available. Unlock new weapons, new buildings and new ship types. Over time, you can embrace national ideas that represent both your historic legacy and your ambitions for the future.From grand voyages of discovery to religious wars to revolutionary governments, the entire history of the early modern world waits for you to rewrite it in Europa Universalis IV.", + "short_description": "Europa Universalis IV gives you control of a nation through four dramatic centuries. Rule your land and dominate the world with unparalleled freedom, depth and historical accuracy. Write a new history of the world and build an empire for the ages.", + "genres": "Simulation", + "recommendations": 80708, + "score": 7.448376730159623 + }, + { + "type": "game", + "name": "HITMAN\u2122", + "detailed_description": "Play the beginning of HITMAN for free and become the master assassin. The first location in the game is a secret training facility, where players step into the shoes of Agent 47 for the very first time and must learn what it takes to become an agent for the International Contract Agency. HITMAN\u2122 ESSENTIAL COLLECTION. Buy this bundle to save 30% off the three recent Hitman games! The bundle includes HITMAN \u2013 The Complete First Season, Hitman Absolution and Hitman Blood Money. . Become Agent 47 and master the art of the assassination in the Hitman Essential Collection. Reviews and Accolades\"Recommended Agent 47 is back with a vengeance, and vengeance has seldom tasted sweeter.\" - Eurogamer. \"Hitman has gone from an enjoyable dalliance to a minor obsession to a bona fide stealth classic.\" - Kotaku. \"5 / 5 They've managed to prove to the rest of the industry that AAA games done episodically can work, and can work incredibly well.\" - Digital Spy. \"5 / 5 A beautiful puzzle box of a game\" - The Guardian. \"9.5 / 10 The new episodic Hitman is one of Agent 47's greatest adventures to date and is one of the best stealth games to be released in years.\" - Gaming Nexus. \"9 / 10 A triumph in both mechanics and delivery, Hitman turns its controversial episodic release model into a true strength that's suited to IO's vast and nuanced sandboxes.\" - PCGamesN. \"9 / 10 The new money lives up to the Blood Money in this darkly comic, icy cool stealth/brain-teaser/drop-a-toilet-on-a-target's-head-'em-up. It's a hit, man.\" - PC Invasion. \"8.5 / 10 I strongly recommend you buy this game\" - God is a Geek. \"One of my favourite games of the year\" - PC Gamer. \"One level of Hitman lasts longer than most games\" -GamesRadar+. \u201c. one of the best games of the year\u201d - VG247. \"Simply Gorgeous\" - TheSixthAxis. About the Game. Experiment and have fun in the ultimate playground as Agent 47 to become the master assassin. Travel around the globe to exotic locations and eliminate your targets with everything from a katana or a sniper rifle to an exploding golf ball or some expired spaghetti sauce. . The HITMAN - Game of The Year Edition includes:. - All missions & locations from the award-winning first season of HITMAN. - \"Patient Zero\" Bonus campaign . - 3 new Themed Escalation Contracts. - 3 new Outfits. - 3 new Weapons", + "about_the_game": "Experiment and have fun in the ultimate playground as Agent 47 to become the master assassin. Travel around the globe to exotic locations and eliminate your targets with everything from a katana or a sniper rifle to an exploding golf ball or some expired spaghetti sauce.The HITMAN - Game of The Year Edition includes:- All missions & locations from the award-winning first season of HITMAN- \"Patient Zero\" Bonus campaign - 3 new Themed Escalation Contracts- 3 new Outfits- 3 new Weapons", + "short_description": "There is a world beyond ours. Beyond nations, justice, ethics. It never sleeps. It exists everywhere. And once you enter....there is no going back. Welcome to the World of Assassination. You are Agent 47, the world's ultimate assassin.", + "genres": "Action", + "recommendations": 23739, + "score": 6.641684738725786 + }, + { + "type": "game", + "name": "Mortal Kombat Komplete Edition", + "detailed_description": "The newest chapter of the iconic fighting franchise is now available! Experience the deadliest tournament with all the kombatants and their unique fatalities. Players enter the realm to face the Kombatants in Mortal Kombat Komplete Edition, delivering all of the downloadable content (DLC), including intrepid warriors Skarlet, Kenshi and Rain, as well as the notorious dream stalker Freddy Krueger. Additionally, the game offers 15 Klassic Mortal Kombat Skins and three Klassic Fatalities (Scorpion, Sub-Zero and Reptile). . Mortal Kombat Komplete Edition features dynamic gameplay including Tag Team, Challenge Tower and a full feature length story mode. Players choose from an extensive lineup of the game\u2019s iconic warriors and challenge their friends in traditional 1 vs. 1 matches, or gamers can spectate battles and interact directly with Kombatants online during the King of the Hill mode. The game supports the Mortal Kombat Tournament Edition Fight Stick and delivers full controller capability. Players will also be able to access achievements and leaderboard stats.", + "about_the_game": "The newest chapter of the iconic fighting franchise is now available! Experience the deadliest tournament with all the kombatants and their unique fatalities. Players enter the realm to face the Kombatants in Mortal Kombat Komplete Edition, delivering all of the downloadable content (DLC), including intrepid warriors Skarlet, Kenshi and Rain, as well as the notorious dream stalker Freddy Krueger. Additionally, the game offers 15 Klassic Mortal Kombat Skins and three Klassic Fatalities (Scorpion, Sub-Zero and Reptile). \r\n\r\nMortal Kombat Komplete Edition features dynamic gameplay including Tag Team, Challenge Tower and a full feature length story mode. Players choose from an extensive lineup of the game\u2019s iconic warriors and challenge their friends in traditional 1 vs. 1 matches, or gamers can spectate battles and interact directly with Kombatants online during the King of the Hill mode. The game supports the Mortal Kombat Tournament Edition Fight Stick and delivers full controller capability. Players will also be able to access achievements and leaderboard stats.", + "short_description": "The newest chapter of the iconic fighting franchise is now available! Experience the deadliest tournament with all the kombatants and their unique fatalities. Players enter the realm to face the Kombatants in Mortal Kombat Komplete Edition, delivering all of the downloadable content (DLC), including intrepid warriors Skarlet, Kenshi and...", + "genres": "Action", + "recommendations": 11949, + "score": 6.1891695923191445 + }, + { + "type": "game", + "name": "Elsword", + "detailed_description": "Traveling through dreams to ignore reality, Noah's 4th Path arrives in Elsword!. Ignore reality and embrace your dreams with Noah's 4th path now available in Elsword! As Noah learns to control his magical power, will he lose control of himself? See what this power can do in our Gameplay Trailer below!. The past haunts Noah as he wishes to change it, but as he continues to fail, no matter how hard he tries, Noah blames himself. Confessing these feelings to the Clamor of the past, Noah receives guidance from Clamor, helping him to sleep and awaken with a new resolve. Feeling that he can finally have a good dream, Noah continues to learn how to control his power with materializing magic. With a new twisted reality become the new truth for Noah, he becomes a dreamer that avoids reality to achieve a morphed goal, with Clamor choosing to not share the truth with Noah, preventing him from feeling any more pain. . Noah's 4th Path Events are now live as players can obtain a free Character Slot Expansion Card to create a new Noah or any character they wish, available until 4/4/2023 (23:59 PDT)! More events for Noah's 4th path to encourage players to create and level their own and even play with others are happening as well! Check out the full details in the link below!. The Twisted Apostle who Hungers for a Response from the Goddess - Ain's 4th Path is now available!. Corrupted by demonic energy and chaos, and abandoned by the Goddess which he served, Ain's 4th path has arrived to Elsword! Will this corruption make Ain a thread to the world of Elrios? Check out his gameplay trailer below!. . Ain's 4th path takes a dark turn as he fails to fulfill his mission, resulting in the Goddess of Elrios cutting him off and never speaking to him. Desperate to hear her once more, Ain becomes anxious and sick, using El Energy to help maintain his body, but fears he has been forgotten for good. Coming into contact with the Dark El, Ain begins to feel an uncontrollable rage, but with it comes a new evolving power. Corrupted by demonic energy, Ain could not return the El to it's former state, but if the Goddess would not speak to him, he would do whatever it takes to get her attention. Will Ain go so far as to destroy Elrios to do so?. Check out Ain's 4th Path and Events in the link below!. The Angelic Savior Chung descends with his 4th Path!. Evil should tremble in fear as Chung's 4th Path is here! Chung's bright attitude gives energy to those around him as his Guardian Stone reacts to his burning will, helping him embrace and help those in need. Check out his trailer below!. . The Sanctuary that embraces everyone who needs protection. As Chung helps out others endlessly and with a pure heart, his Guardian Stone grows, and he transforms into a new form. In the midst of a fierce battle, Chung soared up in the air as if he\u2019s an angel and becomes Dius Aer, the sanctuary that embraces everyone who needs protection and continues his virtuous deeds!. Celebrate Chung's 4th Path release with an event!. The Final Quattuors Part 2 begins with another Merch giveaway and some K-Ching!. Another 4th path is coming out soon for our Final Quattuors! Only Chung, Ain, and Noah remain, so who could it be? But while we await the next release we have another pre-registration event, this time with even more Merchandise! You can also win some K-Ching by sharing our trailer on SNS. Check out the links below for both our Trailer and Event link!. Trailer:. [previewyoutube=NOhRGLs1IQQ;full][/previewyoutube]. Event:. With Sword of El in hand, Elesis's 4th path opens a new path!. It's time for The Red Knight herself to step up to the plate with her new 4th path, Adrestia, now available! Check out our trailer and events in the links below!. . Elesis is now able to use the Sword of El freely. As if showing that she\u2019s slowly merging with the El, her left arm has turned blue. When she learns that she was chosen as the next El Lady, she thought about her options carefully and concluded that even if she became the El Lady, the problems in Elrios would not be resolved. She questioned if there\u2019s any reason to follow this chain of repetition? Strengthening her resolve, Elesis decided to sever this practice that\u2019s been passed down for generations. She opens a new path \u2014 not as the El Lady who manages and maintains the Power of El, but as the warrior Adrestia who fells mighty enemies with one swoop and protects Elrios like no other!. The Final Quattuors - Pre-registration Event. Hey Elpeeps!. With Winter coming, we're going in with a BANG!! 4 more characters remain for receiving their 4th path updates, and we're starting it off with some pre-registration and goodies for you!. Head to the link below to pre-register and you will earn yourself a coupon code for a [Cobo] Skill Cut-In Select Cube! Even better, you'll obtain a [Cobo] Costume Select Cube between 1/4/2023 through 1/17/2023 just for pre-registering, and be able to select one of three amazing looking costumes! We're talking about the Autumn Travels, Romantic Summer, and Fluffy Rabbit sets! You'll get to even choose which version you want and what character too!. . BUT WAIT!! THERE'S MORE!!. We will randomly choose pre-registered players to win some fabulous Real Life merchandise, such as a Mousepad or a blanket!. . 2022 may be ending during Winter, but Elword is just heating things up to start off 2023 already!. Incoming: 64bit Client Arrives November 9th!\u2605 64bit Client Service Application. Starting from 11/09 Maintenance, the long-awaited 64bit client service will be available. Please note that in order to use the 64bit client, you need to upgrade the operating system to 64bit. Both the 32bit and 64bit service will be available for a while, so if you encounter any problems while trying to use the 64bit service, please switch over to 32bit. The Great Villain has appeared with Laby's 4th Path!. This week sees the arrival of the 4th path for one of Elsword's most curious characters, Laby! Check out the trailer and events below!. As Laby was excited to leave the forest, a monster invasion leaves her injured and alone at a destroyed port. To protect herself, she became rebellious and aggressive. And together with Nisha, they embark on a journey filled with fear and mistrust. Soon enough, Laby falls due to exhaustion from battling enemies. Nisha allowed Laby to feel a familiar feeling from their defeated enemies which reminded her of Black Forest\u2019s aura. Laby was certain that if they become stronger by containing this power, they wouldn\u2019t suffer anymore! Soon, Laby realized that Nisha is supposed to embody her sadness, but she refuses to accept that as fact. Laby finally decides to only chase the happiest things for Nisha and together they use their overwhelming power to beat all sorts of enemies to bring about their dream wonderland!. Lord of futility and the merciless vassal arrive with Luciel's 4th Path!. Luciel's 4th Path arrives this week in Elsword! Check out the Events and Trailer below!. When Ciel receives a fatal wound from the on-going assault from the demon assassins, Lu decides to attempt another soul contract to save him. However, the taxing nature of the contract begins to dull Lu\u2019s senses, and her emotions start to fade as a sense of futility engulfs her. As Lu\u2019s emotions fade away after the contract, Ciel believes this to be his fault. And when Lu\u2019s condition continues to worsen, his self-blame and guilt begins to form a twisted sense of responsibility. Watching Ciel, Lu reminisces the warm emotion she felt before and extends her hand towards Ciel. He notices the gesture without a smile, but this change gives him hope that his efforts are coming to fruition and that her willpower is returning. Ciel believes that everything will be back to how it was if Lu regains her throne and power. This finally gives him the resolve to destroy everything that stands in his way!. Light the way for the living and the dead with Ara\u2019s 4th Path!. Irvine, Calif., March 14th, 2022 - KOG Games, a leading developer and publisher of popular free-to-play action MMORPG Elsword, has released their next 4th path update with Ara\u2019s Little Helper, Marici, and Surya. Check out Ara\u2019s 4th Path Trailer here: [ Ara takes on a new path, utilizes Spiritual Power to make it difficult for her enemies to cause any harm, while buffing her allies. Using her skills, Ara is able to Freeze her opponents, reduce their elemental resistances, or buff her allies Magical Attack Power and Damage Reduction stats, or provide them healing over time or even Super Armor. Combined with her support capabilities, Ara\u2019s 4th path will be a force to be reckoned with!. Ara\u2019s 4th Path will be bringing a lot of our classic events, such as providing players a free Character Slot Expansion to start their journey, and rewards for leveling or even playing with her! And on the weekend, players will be able obtain a Magic Wardrobe Ticket (Costume Suit), allowing players to pick which costume suit look they want for their favorite character!. Check out all of Ara\u2019s 4th Path Events here: [ To learn more about Elsword please visit and keep watching the official Facebook page here The Revenant Mercenary, Raven 4th Path Release!. Irvine, Calif., January 26th, 2022 - KOG Games, a leading developer and publisher of popular free-to-play action MMORPG Elsword, has released their next 4th path update with Raven\u2019s Venom Taker, Mutant Reaper, and Revenant!. Check out Raven\u2019s 4th Path Trailer here: While Raven is known by many players as a skilled swordsman with a Nasod Arm, his 4th Path goes on a path of revenge. After unlocking Venom Taker, players will be able to access his Valasia Seed system, utilizing his Nasod Arm combined with Alterasia. By attacking enemies with the Nasod Core while he is Awakened, or with Special Active skills, will plant seeds into his enemies, aiding Raven to destroy them from the inside out!. Players can prepare to plant the seeds of the dead into their enemies with a free Character Slot given to players as the Max Character Slot limit is increased to 59. Players can also enjoy many events specifically for Raven\u2019s 4th path to earn rewards such as Sage\u2019s Magic Stones to socket their equipment, giving him powerful stats like Critical and Maximize. . Check out all of Raven\u2019s 4th Path Events here: [ There are numerous Winter Events as well such as the Find the Hedgehog Event for players to obtain an exclusive Eligos (White) Ice Burner Costume set! Check out the Winter Events to make your new Raven, or any character even more powerful. [Link to Winter Special Events here]. To learn more about Elsword please visit and keep watching the official Facebook page here The Brilliant Magician, Aisha 4th Path Release!. Irvine, Calif., December 8th, 2021 - KOG Games, a leading developer and publisher of popular free-to-play action MMORPG Elsword, has released their next 4th path update with Aisha\u2019s Wiz Magician, Mystic Alchemist, and Lord Azoth!. Check out Aisha\u2019s 4th Path Trailer here: Unlike her other path, Aisha\u2019s 4th path has more of a scientific approach to it with the art of Alchemy. Combining it with her Magic and even a bit of Chemistry, Aisha\u2019s 4th path will be brewing up a whole slew of concoctions to defeat her foes!. Aisha\u2019s 4th Path provides numerous benefits to herself and her allies such as Super Armor, Damage Reduction, MP Regeneration, and more with her wide array of Alchemic Skills! By utilizing her Arche system and the powers of Aer, Mater, and Merus, even more benefits can be obtained. But Aisha isn\u2019t going to sit on the backline. Many skills will inflict the Poison status on her enemies, giving them a dose of some painful medicine!. The events kick off with a free Character Slot Expansion ticket so all players are able to create a new Aisha to try out her 4th path along with other useful items such as Inventory Expansions, or the Crimson Trace or Soul Trace Reset Tickets for Raid Content to obtain the most powerful equipment in the game!. Check out all of Aisha\u2019s 4th Path Events here:. To learn more about Elsword please visit and keep watching the official Facebook page here The Queen of Nasods, Eve 4th Path Release!. KOG Games, a leading developer and publisher of popular free-to-play action MMORPG Elsword, will be releasing their next 4th path update with Eve\u2019s Code: Unknown, Code: Failess, and Code: Antithese. . Check out Eve\u2019s 4th Path Trailer here: Eve\u2019s new 4th path has the Queen of the Nasods access an unknown code within her system, affecting her in different ways such as her movement, and even her drones, Moby and Remy. While Eve\u2019s other paths will glide along the ground and allow for more aerial movement, Eve\u2019s 4th path instead runs using her legs like most of the other members of the El Search Party!. However, there\u2019s more than meets the eye with this unknown code Eve is using. The main system for Eve\u2019s 4th Path is the Negative Code system, which grants her different effects based on the corruption level. These affects are both beneficial and detrimental to Eve as they can increase her attack power, but also result in her losing health when casting skills. . To celebrate Eve\u2019s 4th path release, Elsword will be providing numerous events with many helpful rewards such as Character Slot Expansion Cards, Spectral Amethyst to make the best armor set in the game, and Sage\u2019s Magic Stones to Socket your best stats on it. along with a Weekend Burning event to level her up faster or obtain amazing loot to build up your own!. Check out all of Eve\u2019s 4th Path Events here: To learn more about Elsword please visit and keep watching the official Facebook page here OPEN ANOTHER POWERFUL PATH! ELSWORD 4TH PATH RELEASE. KOG Games, a leading developer and publisher of popular free-to-play action MMORPG Elsword, will be releasing Elsword 4th path, featuring the Root Knight, Sacred Templar, and Genesis. . Check out Elsword\u2019s 4th Path Trailer here: A new path arrives for Elsword, tapping into a new power. New skills, new gameplay, and even more fun! Check out the 4th Path Profile and events here!. . With 14 characters to play, Elsword takes a step further with each class having multiple paths with different gameplay styles to choose from. For Elsword character, he has Knight Emperor, focusing around using his sword, Rune Master, combining the magical power of Runes with swordplay, and Immortal, utilizing a second sword to maximize the power!. Now with his 4th path, Elsword uses the power of the El to strike down his enemies with El Resonance system. Combined with his Way of the Sword system to boost the damage and reduce the mana cost of his skill, he can activate different effects based on the skill he uses. These effects include reducing enemies speed and defense to reducing the amount of damage take. . During the event, players will receive a Character Slot Expansion Card to make their own 4th Path Elsword, and will be rewarded with numerous rewards such as Sage\u2019s Magic Stones to add more stats to their equipment, or the Ultimate Secret Manual to obtain the Hyperactive skill Sanctuary for their Genesis for free! On Saturday August 7th, players will be able to receive Magic Wardrobe Tickets, allowing them to choose costume pieces from the Magic Wardrobe to customize their characters. . Check out all the Elsword 4th Path Events here: To learn more about Elsword please visit and keep watching the official Facebook page here Elsword Celebrates Biggest Milestone with Its 10th Anniversary!. KOG Games, a leading developer and publisher of popular free-to-play action MMORPG Elsword, is celebrating its 10th anniversary of the game. The Anniversary runs through May 1st to May 4th and features special events and prizes to celebrate this significant milestone. . Check out all the 10th Anniversary events & rewards video here: On May 1st, players can choose between acquiring a total of 100 Sage\u2019s Magic Stones or Spectral Amethyst and they can be acquired every 10 minutes by simply playing Elsword. . Players will also be able to acquire a full set of Elpheus Ice Burner costumes on May 4th for the character of their choice by playing Elsword. From Elsword through Laby, players can obtain the full Elpheus Ice Burner set, while Noah players will acquire the full Archangel Ice Burner set. . Along with full set of Ice Burner, players can enjoy 3x EXP, 2x Drop Rate, and Unlimited Stamina for the entire day, and +10 Weapon Enhancement Buff to make players strong in their leveling. Players will also be able to enjoy a weekend burning event this weekend with 2x EXP on Saturday and 2x Drop Rate on Sunday. . Check out all the 10 Anniversary Celebration Events in more detail here: . 10 years is a big achievement for MMOs, so congratulations to not only Elsword but its fans and players for making it to be as successful as it is. Don\u2019t miss out on these wondrous events as Elsword will be celebrating its anniversary on May 4th, 2021!. To learn more about Elsword please visit and keep watching the official Facebook page here Receive the Full Moon\u2019s Blessings through Noah\u2019s 3rd Path!. KOG Games, a leading developer and publisher of popular free-to-play action MMORPG Elsword, is releasing the 3rd and Final Noah Job Path - Nyx Pieta! This class utilizes the power of the Full Moon to simultaneously protect and buff your allies while raining damage upon enemies. . Check out the Noah 3rd Path Teaser Trailer Video here: After suffering the impact of many lost loved ones, Noah decides to solely dedicate his life to healing and protecting the lives of others. This causes him to become the Pilgrim of the Silver Moon, Nyx Pieta. This path of Noah utilizes the power of Relics to both support and heal allies and unleash the full power of the moon against any who tries to do harm. . Nyx Pieta channels the power of the Moon into his playstyle with both the Blessing of Moonlight System and the Relics of Confession and Rest. The Blessing of Moonlight System buffs certain skills depending on the Moon Phases, which changes every time a skill is cast. . The Relics of Confession and Rest provides Nyx Pieta with the power of destruction and protection. Utilize the Relic of Confession to gain additional damage buffs while Relic of Rest provides your allies peace of mind with healing and other supporting buffs. . During the period of Nyx Pieta\u2019s Launch, Elsword will be celebrating the Noah 3rd Path Update Event which is specifically designed to help jumpstart your Nyx Pieta with rewards like a 50% EXP Boost Medal, Consumable Potions, Mounts and more! Furthermore, once you finish the event, you can claim a [Luriel] Saint\u2019s Crown which is an exclusive Nyx Pieta-based accessory created for this event!. In addition, login during the weekend for the Noah 3rd Path Update Special Weekend Event! On Saturdays during his release celebration (March 13th and 20th), we\u2019ll give 100 Spectral Amethyst for players that log in for 60 minutes. These Spectral Amethyst will be used to both craft and upgrade the most powerful armor set currently available - the Amethystine Prophecy set. On Sundays, we\u2019ll provide a Sunday Burning Event with 2x EXP on March 14th 2021 and 2x Drop Rate on March 21st 2021. This will allow players to rapidly level up while gaining valuable drops from dungeons on Sundays!. Furthermore, you\u2019re invited to the Moonlight Gala (Full Moon), a special board game event where players win rewards as they complete daily quests and progress through the board. Finish the board game and players will be rewarded with the Legendary Moon Rabbit Costume Suit. This will be a unique opportunity to obtain a costume suit that suitably represents Nyx Pieta. . Check out all the Noah 3rd Path Celebration Events in more detail here: The Full Moon\u2019s light shines upon all players with the Third Path, Nyx Pieta\u2019s Release. Don\u2019t miss out on your final chance to try out the newest character Noah while gaining all the Noah Release Celebration rewards and more. Login and create your Nyx Pieta during the event duration from March 10th 2021 to April 2th 2021!. To learn more about Elsword please visit and keep watching the official Facebook page here Revel in the Power of the Stars with Noah\u2019s 2nd Path Update!. KOG Games, a leading developer and publisher of popular free-to-play action MMORPG Elsword, is unveiling Noah\u2019s Second Path - Celestia. This Second Path has complete mastery over the celestial power of the stars to both lend aid to his allies and devastation to his enemies. . Check out the Noah Second Path Teaser Trailer Video here: As Celestia, Noah overcomes his desire for revenge and accepts the tutelage of Clamor, a former elven scholar who is Noah\u2019s close friend. Through his increasing knowledge of Magic, Noah concentrates his studies on the great flow of the sun, moon, celestial bodies and the power of time within himself. He becomes the \u201cObserver of the Constellations\u201d travelling between the memories of the cosmos and the present. . Celestia wields both the Sickle and Magical Cards as his primary weapons, which allows him to harness the power of constellations. As he draws his power from Space itself, Celestia\u2019s options are just as vast and powerful. This allows Celestia to support his allies through healing and buffs, while also allowing him to rain down meteorites, stars and even planets upon his enemies. But be cautious as the entropic nature of Space may be difficult to control leading to side-effects - both good and bad. . During the period of Celestia\u2019s Launch, Elsword will be celebrating the Noah 2nd Path Update Event which is specially designed to help jumpstart your Celestia with rewards like 50% EXP Boost Medal, Consumable Potions, Mounts and more! Furthermore, once you finish the event, you can claim a [Luriel] Mark of Bonding which is an exclusive Celestia-based accessory created for this event!. In addition, login during the weekend for the Noah 2nd Path Update Special Weekend Event! From February 13th to 14th, we begin with the \u201cWeekend Burning!\u201d Event which awards players with up to 100 Sage Stones or 160 Spectral Amethyst which can be used to socket or reforge their gear to be stronger. And from February 20th to 21st, players can enjoy a \u201cHot Burning Event!\u201d with 2x EXP on Saturday February 20th and 2x Drop Rate on Sunday February 21st. . Check out all the Noah 2nd Path Celebration Events in more detail here: The highly-anticipated Treasure Hunt Event will also make a return featuring a newly recolored version of one of the most-liked Ice Burner Set - the Black Dragon Servius. Any K-Ching spent during the event period will reward players with Keys which can open Treasure Chests awarding coins to trade for the set pieces of this prized set. This will come alongside an Enhancement Event, Premium Ice Burner Event and special exclusive packages to power up your Noah!. Check out all these Treasure Hunt Event in more detail here: The Stars are aligned for all players with the Second Path, Celestia\u2019s Release. So don\u2019t miss out on the best chance to try out the newest character Noah, and his newest path. Login and create your Celestia before the third and final path arrives at a future date! These Events will run from February 10th 2021 to February 24th 2021 so do not miss out. Elsword\u2019s Noah Arrives Bringing the Power of the Moon and Darkness!. KOG Games, a leading developer, and publisher of popular free-to-play action MMORPG Elsword, has just released its newest character Noah and his First Path - Liberator. To celebrate Noah\u2019s release, Elsword will be holding multiple events to shower players with rewards starting on his release date of January 13th, 2021 to January 26th, 2021. . Check out the Noah First Path Teaser Trailer Video here: Noah was born over 500 years ago, into the prominent Ebalon family which produced notable members such as Harque Ebalon, Noah\u2019s brother, and one of the legendary El Masters. However, Noah\u2019s brother was brutally murdered and Noah, himself was sealed into a temple for unknown reasons. As he awakens, he suffers from survivor\u2019s guilt and realizes there\u2019s only one path he can follow. Revenge. . Noah wields a sickle as his main weapon and can harness both the power of the Moon and Darkness in battle. This allows him to utilize a battle style involving light and stealthy movement to exploit enemies\u2019 weaknesses and cut them down in seconds. . Simply logging into Elsword and playing Noah will grant you rewards in the \u201cBoy Who Walks on Moonlight\u201d Event granting an exclusive \u201cNoah Diorama Light\u201d and \u201cHarque Ebalon Voice Speaker\u201d for your character. These provide tailor-made exclusive accessories to add to your Noah\u2019s Wardrobe to ensure you look the part of a Revenger. . Get a Bonus while logging in during Saturdays for the \u201cNoah Weekend Support Event\u201d (January 16th, 2021 and January 23rd, 2021) and earn rewards such as [Cobo] Noah Special Support Cube, multiple valuable Event Recovery Potions to streamline your Noah\u2019s adventures. . Furthermore, as you play Noah, you\u2019ll complete Quests in the \u201cNoah 1st Path Update Event\u201d allowing you to acquire highly coveted items like Inventory Expansion Cubes, EXP Boost Medals, and another Event exclusive accessory to set up your Noah and prepare for your upcoming adventures. . Finally, join in the \u201cInvitation to the Moonlight Gala\u201d event, a unique event where players jump into a board game as player tokens and complete daily quests to move up the board. As you progress through the game, acquire rewards such as all sorts of Potion Consumables, Dungeon Entry Tickets, a Hedgehog Adventure Costume Suit for any of your characters, and more!. Check out all these Noah Release Celebration Events in more detail here: With all these events and a brand new character, it\u2019s the best chance to try out the newest character, Noah, to gain rewards that you wouldn\u2019t be able to gain at any other time. Log in and create your Noah Character as we continue to reveal the other Job Paths for our newest character! These events will run from January 13th, 2021 to January 26th, 2021 so do not miss out. Pre-Register for Elsword\u2019s Newest Character, Noah!. Noah will be the newest character in Elsword after 2 years, and he features an assassin playstyle and utilizes a combination of fast mobility and the power of the shadows for swift, smooth and flashy gameplay. In addition, he will be the first character to feature a unique system allowing players to choose their Awakening Effect allowing players to change their Awakening to fit their situation. . Check out the Noah Teaser Trailer Here: Join Noah's Pre-Registration Event which is specially designed to help players prepare for Noah with the \u201cGift From the Moon - Full Moon\u201d item which will be a specially designed package that will be delivered to new Noah Characters that have successfully pre-registered. This package will include rewards such as an EXP 100% Boost Medal, Refined Recovery Potions and Accessories (like Magic Necklace and special rings that boost Skill damage) to help Noah players power through dungeons and level up faster than before. . Furthermore, participate in the Noah Pre-Registration Share Events for a chance at exclusive Noah Merchandise through pre-registering and creating their Noah characters or simply sharing the Noah Pre-Registration Video. The Noah Merchandise Pack will include a specially designed Noah Mousepad and Noah Facemask. . Check out the details of the Noah Pre-Registration and all the events here!: Play Your Manga!! Play to Win!!. Elsword Gets Cozier with the El Housing Update!. There's no place like home and so it's time get a home of your very own with the new El Housing System! The new feature will come alongside a special event that runs through May 20th to June 2nd to help players get their house started. . See the new El Housing rundown video here: The new El Housing update will allow players to create, customize and have fun in their own unique player-owned houses. Players will be able to freely customize their home, add furniture that can give buffs to your adventures and even invite friends over to PARTY (or sip on some tea). . There will also be a Housing Celebration Event starting May 20th that sends Butler Phorus all around Elrios. Find the Butler Phorus in dungeons within your level range to collect Furniture Exchange Tickets to gain a head-start on the competition with a variety of Furniture to start decorate your home. . Check out the details of the El Housing System and all the events here!: Play Your Manga!! Play to Win!!. ELSWORD - Master Class | Elsword, Raven and Ain. Every Character, Every Path, Elsword\u2018s biggest update series is concluding with Elsword, Raven and Ain's Master Class!. Elsword, Raven and Ain have received new looks and new skills for all 3 Paths! In addition, all three characters will be able to summon a new Master Artifact that grows with your character with separate leveling and experience systems!. View all the Master Class Upgrades for Elsword, Raven and Ain here: To achieve Master Class, Elsword and Raven players will need to complete Solace's Master Class Quest held in one of the two newest dungeons - Gate of the Setting Sun! Enter this epic dungeon and face-off against the El Master of the Sun, Solace in an epic duel for the ages!. Ain players will be set on a different path to achieve their Master Class by meeting Hernia in the second new dungeon - Anguish of the Wavering Servant! Battle a mysterious entity who seems eerily familiar and receive rewards from beyond time, itself!. Learn more about the newest Master Road Dungeon here: Be sure to log in for the next two weekends to receive extra experience, unlimited stamina, and double the drop rate! . Read about all the rewards and limited time events planned for next month here: . Play Your Manga!! Play to Win!!. ELSWORD - Master Class | Add and Eve. Every Character, Every Path, Elsword\u2018s biggest update series is continuing with Add and Eve's Master Class!. Add and Eve have received new looks and new skills for all 3 Paths! In addition, Add and Eve will be able to summon a new Master Artifact that grows with your character with separate leveling and experience systems!. View all the Master Class Upgrades for Add and Eve here: To achieve Master Class, players must complete Adrian's Master Class Quest held in the newest dungeon - The Nasod Testing Chamber! Enter this epic dungeon and face-off against Herbaon and Durenda and be rewarded generously!. Learn more about the newest Master Road Dungeon here: Be sure to log in for the next two weekends to receive extra experience, unlimited stamina, and double the drop rate! . Read about all the rewards and limited time events planned for next month here: . Play Your Manga!! Play to Win!!. Elsword Lights Up the Holiday Season with the Master Class Pre-Event and Christmas Event. The Master Class is Coming In January 15th ! Every Character, Every Path\u2014Elsword\u2019s Biggest Update Series Ever Will Ring in The New Year in 2020!. Here\u2019s the announcement of the Master Class Update and the kick off the Christmas season in Elsword with the Master Class pre-event and limited time Christmas Event. . Every Character, Every Path, Elsword's biggest update series, is about to hit, and every member of the El Search Party is about to go to the next level with the Master Class. Starting January 15th, Elsword characters will start their Master Class evolution beginning with Ara and Laby! Now is the best time to prepare for the upcoming winter updates. Stay ahead of the curve and prepare before the new year rolls in! . Watch the Master Class teaser: Starting today through January 15, 2020 receive limited time quests, rewards, and boosts through the Master Class Pre-Event, FORWARD. Login to Elsword for just 10 minutes and players will receive Full Costume Sets for 2 whole weeks. Play during the Event period and receive a power up for the duration of the event; +11 Weapon Enhancement Buff and a +10% Physical & Magical Attack Power! New daily and weekly Quests, Rewards and Boosts; from double the experience to twice the Drop Rates for different dungeons and so much more!. Don\u2019t miss out on any of the rewards by visiting the event page: Celebrate Christmas in game from December 20 through December 25; log in and receive permanent Christmas-themed gifts! . For more info, dates and details about the Elsword Christmas Events, check out the website: ELSWORD \u2013 RE:BOOT VOLUME 2. Elsword Launches Second Round of Character Re:Boot!. KOG Games, announced the reboots of Elesis, Ara, and Ain. As the Reboot content schedule rolls out, all 13 Characters and their staggering, combined 40 Job Paths (Classes) will all be affected. These adjustments will impact both PvE and PvP content; adding, revamping, and streamlining attack types, evasion, skills and traits across all Characters and Job Paths, featuring new, dazzling animations. . To start off, the base Attack and Defense attributes for all characters will be normalized. Then, the attack types of these characters will be adjusted to focus on their designated specialty (i.e. Physical/Magic). All skill slots and skill traits of the respective, rebooted characters will be reset. New skills will be added for all Character Paths. Attack commands and the priority of these commands will be readjusted for rebooted Characters. . View all the powerful changes for Elesis, Ara, and Ain here:. Players can test out their new skills and prepare their brand-new characters for Endgame content by partaking in the Character Growth Support Event from July 31 to August 27. Log in daily to clear Quests from each village and receive tons of Epic Rewards. . Be sure to log in this weekend (Aug 3 \u2013 Aug 4) to receive extra experience, unlimited stamina, and double the drop rate! . Read about all the rewards and limited time events planned for next month here: . Play Your Manga!! Play to Win!!. ELSWORD \u2013 RE:BOOT VOLUME 1. The colossal Elsword RE:BOOT is here, and kicks off with the first round of 3 characters. . As the colossal Reboot content schedule rolls out, all 13 Characters and their staggering, combined 40 Job Paths (Classes) will all be effected. These adjustments will impact both PvE and PvP content; adding, revamping, and streamlining attack types, evasion, skills and traits across all Characters and Job Paths, featuring new, dazzling animations. . To start off, the base Attack and Defense attributes for all characters will be normalized. Then, the attack types of these characters will be adjusted to focus on their designated specialty (i.e. Physical/Magic). All skill slots and skill traits of the respective, rebooted characters will be reset. New skills will be added for all Character Paths. Attack commands and the priority of these commands will be readjusted for rebooted Characters. . View all the powerful changes for Elsword, Rena, and Eve here:. Players level 10 and up can test out their new skills, pick up daily and weekly quests, and earn awesome rewards during the Character Reboot Event lasting until July 30. Do not miss out on these limited time events this weekend! Level 10 and up players will receive 3x the experience and unlimited stamina on July 20. Drop rates will be doubled and stamina will be unlimited on July 21. . Check out the many ways to participate in this month\u2019s reboot event here: . To learn more about Elsword please visit and keep watching the official Facebook page here. Elsword's Laby Gets Her 3rd Job Path. Corrupted by demonic energy and chaos, and abandoned by the Goddess which he served, Ain's 4th path has arrived to Elsword! Will this corruption make Ain a thread to the world of Elrios? Check out his gameplay trailer below!. [previewyoutube=5zIzMXLMz7k;full][/previewyoutube]. . Ain's 4th path takes a dark turn as he fails to fulfill his mission, resulting in the Goddess of Elrios cutting him off and never speaking to him. Desperate to hear her once more, Ain becomes anxious and sick, using El Energy to help maintain his body, but fears he has been forgotten for good. Coming into contact with the Dark El, Ain begins to feel an uncontrollable rage, but with it comes a new evolving power. Corrupted by demonic energy, Ain could not return the El to it's former state, but if the Goddess would not speak to him, he would do whatever it takes to get her attention. Will Ain go so far as to destroy Elrios to do so?. Check out Ain's 4th Path and Events in the link below!. About the GameElsword is a free-to-play, online action RPG that uses classic side-scrolling beat \u2018em up gameplay mechanics and deep customization to bring a unique manga experience to life. . In Elsword, you star in your own comic book while experiencing all the excitement of a massively multiplayer online game. Get ready for fast-paced gameplay, stunning animation, and epic bosses. Whether conquering hordes of enemies in dungeon runs or showing off your skills in the PvP arena, Elsword is the most intense free-to-play action RPG to date.Key Features\u2022 Co-Op Gameplay - Party-up with friends to explore over 50 unique and beautifully rendered dungeons, towns, and secret levels. \u2022 Unique Characters, Unique Stories - Players can choose from thirteen customizable characters, each their own unique story, play style and special skills to develop. \u2022 Skill-Based PVP Combat - Elsword offers intense and strategic PvP with matchmaking and multiple competitive modes. Challenge your friends in matches of up to 8 players at a time. \u2022 Customize like Crazy - Each character features multiple job changes, dozens of skills and endless opportunities for customization. Create or discover your personal look. \u2022 Community Support - Constant game updates, item and content expansions, and special events including GM Livestream play sessions, community contests and PVP Tournaments are all a part of the Elsword experience.", + "about_the_game": "Elsword is a free-to-play, online action RPG that uses classic side-scrolling beat \u2018em up gameplay mechanics and deep customization to bring a unique manga experience to life. In Elsword, you star in your own comic book while experiencing all the excitement of a massively multiplayer online game. Get ready for fast-paced gameplay, stunning animation, and epic bosses. Whether conquering hordes of enemies in dungeon runs or showing off your skills in the PvP arena, Elsword is the most intense free-to-play action RPG to date.Key Features\u2022 Co-Op Gameplay - Party-up with friends to explore over 50 unique and beautifully rendered dungeons, towns, and secret levels. \u2022 Unique Characters, Unique Stories - Players can choose from thirteen customizable characters, each their own unique story, play style and special skills to develop. \u2022 Skill-Based PVP Combat - Elsword offers intense and strategic PvP with matchmaking and multiple competitive modes. Challenge your friends in matches of up to 8 players at a time. \u2022 Customize like Crazy - Each character features multiple job changes, dozens of skills and endless opportunities for customization. Create or discover your personal look. \u2022 Community Support - Constant game updates, item and content expansions, and special events including GM Livestream play sessions, community contests and PVP Tournaments are all a part of the Elsword experience.", + "short_description": "Elsword is a free-to-play, online action RPG that uses classic side-scrolling game mechanics in an immersive manga inspired world.", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Transistor", + "detailed_description": "ALSO FROM SUPERGIANT GAMESOur fourth game is now out of Early Access!. About the GameFrom the creators of Bastion, Transistor is a sci-fi themed action RPG that invites you to wield an extraordinary weapon of unknown origin as you fight through a stunning futuristic city. Transistor seamlessly integrates thoughtful strategic planning into a fast-paced action experience, melding responsive gameplay and rich atmospheric storytelling. During the course of the adventure, you will piece together the Transistor's mysteries as you pursue its former owners.Key Features:An all-new world from the team that created Bastion. . Configure the powerful Transistor with thousands of possible Function combinations. . Action-packed real-time combat fused with a robust strategic planning mode. . Vibrant hand-painted artwork in full 1080p resolution. Original soundtrack changes dynamically as the action unfolds. Hours of reactive voiceover create a deep and atmospheric story. 'Recursion' option introduces procedural battles after finishing the story. Fully customizable controls custom-tailored for PC.", + "about_the_game": "From the creators of Bastion, Transistor is a sci-fi themed action RPG that invites you to wield an extraordinary weapon of unknown origin as you fight through a stunning futuristic city. Transistor seamlessly integrates thoughtful strategic planning into a fast-paced action experience, melding responsive gameplay and rich atmospheric storytelling. During the course of the adventure, you will piece together the Transistor's mysteries as you pursue its former owners.Key Features:An all-new world from the team that created BastionConfigure the powerful Transistor with thousands of possible Function combinationsAction-packed real-time combat fused with a robust strategic planning modeVibrant hand-painted artwork in full 1080p resolutionOriginal soundtrack changes dynamically as the action unfoldsHours of reactive voiceover create a deep and atmospheric story'Recursion' option introduces procedural battles after finishing the storyFully customizable controls custom-tailored for PC", + "short_description": "Discover the world of Transistor, a sci-fi-themed action RPG from the creators of Bastion.", + "genres": "Action", + "recommendations": 26306, + "score": 6.709370278767473 + }, + { + "type": "game", + "name": "Deus Ex: Human Revolution - Director's Cut", + "detailed_description": "Available Now!. About the GameYou play Adam Jensen, an ex-SWAT specialist who's been handpicked to oversee the defensive needs of one of America's most experimental biotechnology firms. Your job is to safeguard company secrets, but when a black ops team breaks in and kills the very scientists you were hired to protect, everything you thought you knew about your job changes.Key Features:A divided near-future: discover a time of great technological advancement, but also a time of chaos and conspiracy. Mechanical augmentations of the human body have divided society between those who can afford them, and those who can\u2019t. Opposing forces conspire from the shadow to control the destiny of mankind: a human revolution is coming. . A perfect mix of action and role-play: the game uniquely combines action-packed close-quarters takedowns with intense shooting, offering a vast array of character augmentations and upgrades for the many weapons at your disposal. Unlock new abilities and increase your stealth, social, hacking or combat skills: the game rewards all styles of play and approaches. Determine how you want your character to evolve, based on how you want to play the game. . Choices and consequences: shoot your way through the enemies, sneak up behind them without being traced, hack systems to retrieve crucial information, or use your social skills to extract information from key characters \u2013 there are always choices, multiple approaches, multiple paths and multiple tools at your disposal. Choose your playing style and face the consequences of your actions: you decide how the story unfolds in his enhanced storyline featuring the full integration of \"The Missing Link\" and \"Tongs Mission\". Find more ways to defeat the new and improved Boss Fights, use the Newgame+ feature to replay the story with your previously acquired augmentations. Learn more about the game with the developers commentaries in ENGLISH ONLY and the original \"Making of\"video.", + "about_the_game": "You play Adam Jensen, an ex-SWAT specialist who's been handpicked to oversee the defensive needs of one of America's most experimental biotechnology firms. Your job is to safeguard company secrets, but when a black ops team breaks in and kills the very scientists you were hired to protect, everything you thought you knew about your job changes.Key Features:A divided near-future: discover a time of great technological advancement, but also a time of chaos and conspiracy. Mechanical augmentations of the human body have divided society between those who can afford them, and those who can\u2019t. Opposing forces conspire from the shadow to control the destiny of mankind: a human revolution is coming.A perfect mix of action and role-play: the game uniquely combines action-packed close-quarters takedowns with intense shooting, offering a vast array of character augmentations and upgrades for the many weapons at your disposal. Unlock new abilities and increase your stealth, social, hacking or combat skills: the game rewards all styles of play and approaches. Determine how you want your character to evolve, based on how you want to play the game.Choices and consequences: shoot your way through the enemies, sneak up behind them without being traced, hack systems to retrieve crucial information, or use your social skills to extract information from key characters \u2013 there are always choices, multiple approaches, multiple paths and multiple tools at your disposal. Choose your playing style and face the consequences of your actions: you decide how the story unfolds in his enhanced storyline featuring the full integration of \"The Missing Link\" and \"Tongs Mission\". Find more ways to defeat the new and improved Boss Fights, use the Newgame+ feature to replay the story with your previously acquired augmentations. Learn more about the game with the developers commentaries in ENGLISH ONLY and the original \"Making of\"video.", + "short_description": "You play Adam Jensen, an ex-SWAT specialist who's been handpicked to oversee the defensive needs of one of America's most experimental biotechnology firms. Your job is to safeguard company secrets, but when a black ops team breaks in and kills the very scientists you were hired to protect, everything you thought you knew about your job...", + "genres": "Action", + "recommendations": 21760, + "score": 6.5843040551718355 + }, + { + "type": "game", + "name": "Sniper Elite 3", + "detailed_description": "Observe. Plan. Execute. ADAPT. . The latest chapter in the award-winning series, SNIPER ELITE 3 takes players to the unforgiving yet exotic terrain of North Africa in a savage conflict against Germany\u2019s infamous Afrika Korps. . Stalk your targets through the twisting canyons, lush oases and ancient cities of the Western Desert in the deadly rush to sabotage a Nazi super-weapons programme that could end Allied resistance for good. . Use stealth, planning and execution to hunt your targets \u2013 whether human or machine. From signature long distance kills, to melee takedowns, distractions and explosive traps, you are as deadly up close as you are from afar. . It must end here. You are the turning point. Because one bullet can change history. Key Features. Award-winning gunplay \u2013 Experience celebrated rifle ballistics honed to perfection. Take account of distance, gravity, wind, even your heart rate for intensely satisfying third person combat. . Expansive new environments \u2013 Stalk huge multi-route levels with multiple primary and secondary objectives than can be tackled in any order. Never play the same way twice. . Real tactical choice \u2013 Adapt to any situation. Use stealth, distraction, traps and sound masking . If things go hot, use the new Relocate mechanic to slip into the shadows and start the hunt again on your own terms. . Revamped human X-Ray Kill cam \u2013 The acclaimed X-Ray kill-cam is back and bolder than ever, including a detailed muscle layers, 3D mesh particles and the complete human circulatory system. . New X-Ray vehicle takedowns \u2013 See vehicles disintegrate in intricate detail with X-Ray vehicle takedowns. Multi-stage destruction allows you to take out armoured cars, trucks and Tiger tanks piece-by-piece. . Tense adversarial multiplayer \u2013 Five unique modes of online competitive action. Earn Medals and Ribbons as you play. Gain XP across all game modes, customise your character, weapons and loadout. Become a true Sniper Elite!. Explosive co-op play \u2013 Play the entire campaign in two player online co-op, or put your teamwork to the ultimate test in two dedicated co-op modes, Overwatch and Survival. . Customise your experience \u2013 Veteran or Rookie, play your way. Turn off all assistance and turn up the AI, or customise the experience to your preferred playstyle. Tweak the regularity of X-Ray kill cams, or turn them off all together. Extra featuresSupports Steam Big Picture Mode. Supports Stereoscopic 3D + Ultra Widescreen + Eyefinity screens.", + "about_the_game": "Observe. Plan. Execute. ADAPT.The latest chapter in the award-winning series, SNIPER ELITE 3 takes players to the unforgiving yet exotic terrain of North Africa in a savage conflict against Germany\u2019s infamous Afrika Korps.Stalk your targets through the twisting canyons, lush oases and ancient cities of the Western Desert in the deadly rush to sabotage a Nazi super-weapons programme that could end Allied resistance for good.Use stealth, planning and execution to hunt your targets \u2013 whether human or machine. From signature long distance kills, to melee takedowns, distractions and explosive traps, you are as deadly up close as you are from afar. It must end here. You are the turning point. Because one bullet can change history...Key FeaturesAward-winning gunplay \u2013 Experience celebrated rifle ballistics honed to perfection. Take account of distance, gravity, wind, even your heart rate for intensely satisfying third person combat. Expansive new environments \u2013 Stalk huge multi-route levels with multiple primary and secondary objectives than can be tackled in any order. Never play the same way twice.Real tactical choice \u2013 Adapt to any situation. Use stealth, distraction, traps and sound masking . If things go hot, use the new Relocate mechanic to slip into the shadows and start the hunt again on your own terms.Revamped human X-Ray Kill cam \u2013 The acclaimed X-Ray kill-cam is back and bolder than ever, including a detailed muscle layers, 3D mesh particles and the complete human circulatory system.New X-Ray vehicle takedowns \u2013 See vehicles disintegrate in intricate detail with X-Ray vehicle takedowns. Multi-stage destruction allows you to take out armoured cars, trucks and Tiger tanks piece-by-piece.Tense adversarial multiplayer \u2013 Five unique modes of online competitive action. Earn Medals and Ribbons as you play. Gain XP across all game modes, customise your character, weapons and loadout. Become a true Sniper Elite!Explosive co-op play \u2013 Play the entire campaign in two player online co-op, or put your teamwork to the ultimate test in two dedicated co-op modes, Overwatch and Survival.Customise your experience \u2013 Veteran or Rookie, play your way. Turn off all assistance and turn up the AI, or customise the experience to your preferred playstyle. Tweak the regularity of X-Ray kill cams, or turn them off all together.Extra featuresSupports Steam Big Picture ModeSupports Stereoscopic 3D + Ultra Widescreen + Eyefinity screens", + "short_description": "Sniper Elite 3 is a tactical third-person shooter that combines stealth, gameplay choice and genre-defining ballistics with huge, open levels and the exotic terrain of World War 2 North Africa.", + "genres": "Action", + "recommendations": 18011, + "score": 6.459656120941869 + }, + { + "type": "game", + "name": "Outlast", + "detailed_description": "Hell is an experiment you can't survive in Outlast, a first-person survival horror game developed by veterans of some of the biggest game franchises in history. As investigative journalist Miles Upshur, explore Mount Massive Asylum and try to survive long enough to discover its terrible secret. if you dare. . Synopsis:. In the remote mountains of Colorado, horrors wait inside Mount Massive Asylum. A long-abandoned home for the mentally ill, recently re-opened by the \u201cresearch and charity\u201d branch of the transnational Murkoff Corporation, the asylum has been operating in strict secrecy\u2026 until now. . Acting on a tip from an anonymous source, independent journalist Miles Upshur breaks into the facility, and what he discovers walks a terrifying line between science and religion, nature and something else entirely. Once inside, his only hope of escape lies with the terrible truth at the heart of Mount Massive. . Outlast is a true survival horror experience which aims to show that the most terrifying monsters of all come from the human mind. . Features:. True Survival Horror Experience: You are no fighter - if you want to survive the horrors of the asylum, your only chance is to run. or hide. Immersive Graphics: AAA-quality graphics give players a detailed, terrifying world to explore. Hide and Sneak: Stealth-based gameplay, with parkour-inspired platforming elements. Unpredictable Enemies: Players cannot know when - and from where - one of the asylum\u2019s terrifying inhabitants will finally catch up to them. Real Horror: Outlast\u2019s setting and characters are inspired by real asylums and cases of criminal insanity. Warning:. Outlast contains intense violence, gore, graphic sexual content, and strong language. Please enjoy.", + "about_the_game": "Hell is an experiment you can't survive in Outlast, a first-person survival horror game developed by veterans of some of the biggest game franchises in history. As investigative journalist Miles Upshur, explore Mount Massive Asylum and try to survive long enough to discover its terrible secret... if you dare.Synopsis:In the remote mountains of Colorado, horrors wait inside Mount Massive Asylum. A long-abandoned home for the mentally ill, recently re-opened by the \u201cresearch and charity\u201d branch of the transnational Murkoff Corporation, the asylum has been operating in strict secrecy\u2026 until now.Acting on a tip from an anonymous source, independent journalist Miles Upshur breaks into the facility, and what he discovers walks a terrifying line between science and religion, nature and something else entirely. Once inside, his only hope of escape lies with the terrible truth at the heart of Mount Massive.Outlast is a true survival horror experience which aims to show that the most terrifying monsters of all come from the human mind. Features:True Survival Horror Experience: You are no fighter - if you want to survive the horrors of the asylum, your only chance is to run... or hideImmersive Graphics: AAA-quality graphics give players a detailed, terrifying world to exploreHide and Sneak: Stealth-based gameplay, with parkour-inspired platforming elementsUnpredictable Enemies: Players cannot know when - and from where - one of the asylum\u2019s terrifying inhabitants will finally catch up to themReal Horror: Outlast\u2019s setting and characters are inspired by real asylums and cases of criminal insanityWarning:Outlast contains intense violence, gore, graphic sexual content, and strong language. Please enjoy.", + "short_description": "Hell is an experiment you can't survive in Outlast, a first-person survival horror game developed by veterans of some of the biggest game franchises in history. As investigative journalist Miles Upshur, explore Mount Massive Asylum and try to survive long enough to discover its terrible secret... if you dare.", + "genres": "Action", + "recommendations": 74001, + "score": 7.391183293571065 + }, + { + "type": "game", + "name": "Magicka 2", + "detailed_description": "Digital Deluxe EditionExclusive Deluxe Edition content:Warlord Robe Set. Magicka Orchestra Soundtrack. Digital Interactive Map. Cultist Robe Set. About the GameThe world\u2019s most irreverent co-op action adventure returns! In the next chapter of Magicka, players ascend from the ruins of Aldrheim to experience a Midg\u00e5rd almost wiped free of Wizards after the Wizard Wars, with the few that do remain having either gone mad or extremely hostile toward all others. . To rid the world of evil, again, up to four Wizards, and their guide Vlad, will traverse Midg\u00e5rd armed with the next iteration of the famous Magicka dynamic spellcasting system, as players reprise their roles as the most overpowered, unpredictably funny Wizards ever known to fantasy!Learn to Spell Again. Again!. Ye olde hybrid elements Steam and Ice from Magicka 1 are back, joined by the brand new Poison! This means tons of new spells to cast at friends and foes - complete with larger explosions and greatly improved graphics!Learn to Spell Again. As an all-powerful Wizard, you will have thousands of spells at your fingertips to experiment and defeat evil with, use them together with special Magicks to annihilate foes or give necessary aid to your companions. Combine up to five elements at a time and work together with\u2014or against\u2014your friends for that full Magicka co-op experience. . Four Player Friendly Fire Compatible Co-op. Full co-op support! All levels and game modes in Magicka 2 will be supported for four player co-op with hot join, checkpoints, and other supportive features and functionality. . Friendly fire is always on, promoting emergent gameplay humor as players accidentally hurt or kill their friends in their attempts to annihilate enemies. Be the Wizard You Want to Be!. With tons of robes, staffs, and weapons you can play as the robed Wizard of your choice to wreak havoc amongst hordes of fantasy creatures as you see fit. Magicka 2's dynamic spellcasting system can be used in many different ways, offering hours of experimentation for players to figure out which spells belong in their repertoire. Add both co-op and friendly fire on top of that and you have a recipe for hilarious disasters.Replay the Next Chapter with Artifacts. Magicka 2 offers players a story-driven campaign mode set in a lush fantasy world influenced heavily by Nordic folklore. New to the franchise are \"Artifacts,\" which act as different switches and options for players to customize and change the gameplay experience, adding more replayability when utilized.", + "about_the_game": "The world\u2019s most irreverent co-op action adventure returns! In the next chapter of Magicka, players ascend from the ruins of Aldrheim to experience a Midg\u00e5rd almost wiped free of Wizards after the Wizard Wars, with the few that do remain having either gone mad or extremely hostile toward all others.To rid the world of evil, again, up to four Wizards, and their guide Vlad, will traverse Midg\u00e5rd armed with the next iteration of the famous Magicka dynamic spellcasting system, as players reprise their roles as the most overpowered, unpredictably funny Wizards ever known to fantasy!Learn to Spell Again... Again!Ye olde hybrid elements Steam and Ice from Magicka 1 are back, joined by the brand new Poison! This means tons of new spells to cast at friends and foes - complete with larger explosions and greatly improved graphics!Learn to Spell AgainAs an all-powerful Wizard, you will have thousands of spells at your fingertips to experiment and defeat evil with, use them together with special Magicks to annihilate foes or give necessary aid to your companions.Combine up to five elements at a time and work together with\u2014or against\u2014your friends for that full Magicka co-op experience.Four Player Friendly Fire Compatible Co-opFull co-op support! All levels and game modes in Magicka 2 will be supported for four player co-op with hot join, checkpoints, and other supportive features and functionality.Friendly fire is always on, promoting emergent gameplay humor as players accidentally hurt or kill their friends in their attempts to annihilate enemies.Be the Wizard You Want to Be!With tons of robes, staffs, and weapons you can play as the robed Wizard of your choice to wreak havoc amongst hordes of fantasy creatures as you see fit. Magicka 2's dynamic spellcasting system can be used in many different ways, offering hours of experimentation for players to figure out which spells belong in their repertoire. Add both co-op and friendly fire on top of that and you have a recipe for hilarious disasters.Replay the Next Chapter with ArtifactsMagicka 2 offers players a story-driven campaign mode set in a lush fantasy world influenced heavily by Nordic folklore. New to the franchise are \"Artifacts,\" which act as different switches and options for players to customize and change the gameplay experience, adding more replayability when utilized.", + "short_description": "The world\u2019s most irreverent co-op action adventure returns! In the next chapter of Magicka, players ascend from the ruins of Aldrheim to experience a Midg\u00e5rd almost wiped free of Wizards after the Wizard Wars, with the few that do remain having either gone mad or extremely hostile toward all others", + "genres": "Action", + "recommendations": 7896, + "score": 5.916084766484793 + }, + { + "type": "game", + "name": "Contagion", + "detailed_description": "What they're saying about Contagion\"Contagion aims to save the zombie game genre from itself\" -GamesBeat. \"Contagion does have a small role to play in the great gaming zombie apocalypse. I quite like it.\" -RockPaperShotgun. \"Contagion is a gory, addictive horror game that\u2019s well worth its $20 price tag\" -Bloody-Disgusting. \"Contagion presents a tense survival based horror game\" -Canadian Online Gamers. \"Barlowe Square is one of the best levels featured in a multiplayer game\" -Hooked GamersDynamic Gameplay - Each play through is never the same with our built-in randomization system that changes the game/round each time you play!State Of The Art Gore - Our advanced gibbing system will immerse you into the game with limbs and organs being blown or hacked off!Immersive Sound Effects - Realistic ambient and sound effects that instantly draw you into the games dark apocalyptic atmosphere!Traditional Zombies - Slow moving undead that can only be truly laid to rest with a bullet to the brain or enough wasted lead in their body wasting away the ability to function.Extensive Survival Equipment - Over 28 vital pieces of equipment from a large selection of firearms, melee weapons, don't forget explosives, support items, tools, and much more to be added!Unique Game Modes - Choose from a multitude of classic and new game-modes that require co-op and survival skills in which you escape, extract civilians or hunt each other! Not to mention our Panic modes, Flatline (Survival) mode and more!Stop paying more - We will be releasing new content and 2 DLC Bundles in 2014. For Free! This was decided in 2010. Once you own Contagion you will never have to pay for updates or DLC bundles we develop for it. Ever.", + "about_the_game": "What they're saying about Contagion\"Contagion aims to save the zombie game genre from itself\" -GamesBeat\"Contagion does have a small role to play in the great gaming zombie apocalypse. I quite like it.\" -RockPaperShotgun\"Contagion is a gory, addictive horror game that\u2019s well worth its $20 price tag\" -Bloody-Disgusting\"Contagion presents a tense survival based horror game\" -Canadian Online Gamers\"Barlowe Square is one of the best levels featured in a multiplayer game\" -Hooked GamersDynamic Gameplay - Each play through is never the same with our built-in randomization system that changes the game/round each time you play!State Of The Art Gore - Our advanced gibbing system will immerse you into the game with limbs and organs being blown or hacked off!Immersive Sound Effects - Realistic ambient and sound effects that instantly draw you into the games dark apocalyptic atmosphere!Traditional Zombies - Slow moving undead that can only be truly laid to rest with a bullet to the brain or enough wasted lead in their body wasting away the ability to function.Extensive Survival Equipment - Over 28 vital pieces of equipment from a large selection of firearms, melee weapons, don't forget explosives, support items, tools, and much more to be added!Unique Game Modes - Choose from a multitude of classic and new game-modes that require co-op and survival skills in which you escape, extract civilians or hunt each other! Not to mention our Panic modes, Flatline (Survival) mode and more!Stop paying more - We will be releasing new content and 2 DLC Bundles in 2014... For Free! This was decided in 2010. Once you own Contagion you will never have to pay for updates or DLC bundles we develop for it... Ever.", + "short_description": "Contagion isn't your average Zombie Shooter but instead takes a more realistic and different approach to the popular genre with unique characters, environments, weapons, items, and a built in system that makes every round completely unpredictable with resources, objectives, and paths ever changing.", + "genres": "Action", + "recommendations": 9371, + "score": 6.028973628022364 + }, + { + "type": "game", + "name": "BattleBlock Theater\u00ae", + "detailed_description": "Shipwrecked. Captured. Betrayed. Forced to perform for an audience of cats? Yes, all that and more when you unlock BattleBlock Theater! There\u2019s no turning back once you've started on your quest to free over 300 of your imprisoned friends from evil technological cats. Immerse yourself in this mind bending tale of treachery as you use your arsenal of weapon-tools to battle your way through hundreds of levels in order to discover the puzzling truth behind BattleBlock Theater. . If solo acts aren't your style, go online or bring a buddy couch-side to play a thoroughly co-optimized quest or enter the arenas. The game also includes a level editor so you can craft your own mind bending trials!Key Features. CO-OPTIONAL GAMEPLAY - Work together. or not. Online Play! Couch Hi-Fives! Best Game Ever! Up to two players in Story, and four in Arena. . ARENAS: Whether you're king crowning or whale chasing, BattleBlock Theater performers have 8 arena modes to teach their enemies the real meaning of stage fright! . . INSANE MODE: One life to live doesn\u2019t just happen on screen, it can happen on stage as well. Test your skills in the ultimate campaign challenge. . UNIQUE ANIMATIONS: New art created for the Steam version of BattleBlock Theater! Cat guard makes its way to center stage. . . OVER 450 LEVELS! - Single player, multiplayer, arena, we have more levels than Hatty can count on his finger hands. . 300 PRISONERS TO FREE! - Having been captured by the native feline population, it\u2019s up to YOU to liberate them! Earn gems to free your friends by participating in deadly, gladiatorial plays. . THEATRICAL WEAPONRY AND COMBAT! - Jump, push, pull and punch your way to victory! If that doesn\u2019t work you can explode, freeze, poison, or digest a baby! Plus, you\u2019ll be able to bring up two weapons at a time in a game and swap quickly. . CREATE AND SHARE LEVELS - Create works of art in our Level Editor and then share them with all your friends (or strangers). Over 20 interactive block types galore!. .", + "about_the_game": "Shipwrecked. Captured. Betrayed. Forced to perform for an audience of cats? Yes, all that and more when you unlock BattleBlock Theater! There\u2019s no turning back once you've started on your quest to free over 300 of your imprisoned friends from evil technological cats. Immerse yourself in this mind bending tale of treachery as you use your arsenal of weapon-tools to battle your way through hundreds of levels in order to discover the puzzling truth behind BattleBlock Theater.If solo acts aren't your style, go online or bring a buddy couch-side to play a thoroughly co-optimized quest or enter the arenas. The game also includes a level editor so you can craft your own mind bending trials!Key FeaturesCO-OPTIONAL GAMEPLAY - Work together... or not. Online Play! Couch Hi-Fives! Best Game Ever! Up to two players in Story, and four in Arena. ARENAS: Whether you're king crowning or whale chasing, BattleBlock Theater performers have 8 arena modes to teach their enemies the real meaning of stage fright! INSANE MODE: One life to live doesn\u2019t just happen on screen, it can happen on stage as well. Test your skills in the ultimate campaign challenge.UNIQUE ANIMATIONS: New art created for the Steam version of BattleBlock Theater! Cat guard makes its way to center stage. OVER 450 LEVELS! - Single player, multiplayer, arena, we have more levels than Hatty can count on his finger hands.300 PRISONERS TO FREE! - Having been captured by the native feline population, it\u2019s up to YOU to liberate them! Earn gems to free your friends by participating in deadly, gladiatorial plays. THEATRICAL WEAPONRY AND COMBAT! - Jump, push, pull and punch your way to victory! If that doesn\u2019t work you can explode, freeze, poison, or digest a baby! Plus, you\u2019ll be able to bring up two weapons at a time in a game and swap quickly.CREATE AND SHARE LEVELS - Create works of art in our Level Editor and then share them with all your friends (or strangers). Over 20 interactive block types galore!", + "short_description": "Welcome to BattleBlock Theater! You\u2019ve got no where to go but up...on stage. Play single player or co-op to free your friends and save Hatty Hattington! Jump, solve and battle your way through a mysterious theater inhabited by highly technological felines.", + "genres": "Action", + "recommendations": 51802, + "score": 7.1560729229336655 + }, + { + "type": "game", + "name": "Path of Exile", + "detailed_description": "You are an Exile, struggling to survive on the dark continent of Wraeclast, as you fight to earn power that will allow you to exact your revenge against those who wronged you. Created by hardcore gamers, Path of Exile is an online Action RPG set in a dark fantasy world. With a focus on visceral action combat, powerful items and deep character customization, Path of Exile is completely free and will never be pay-to-win.Key FeaturesFreedom. Power. Revenge. Banished for your misdeeds to the dark, brutal world of Wraeclast, you play as the Duelist, Witch, Ranger, Templar, Marauder, Shadow or the Scion class. From forsaken shores through to the city of Oriath, explore Wraeclast and uncover the ancient secrets waiting for you. . Unlimited Character Customization. Create and customize hundreds of unique skill combinations from tradable itemized gems and our gigantic passive skill tree. Combine skill gems, support gems and trigger gems to create your own unique combination of power, defense and destruction. . Deadly Missions. The Masters each have their own style of mission and each of these missions has many variations. As you explore deeper into Wraeclast, the pool of available variations increases to challenge you in new ways. All of the Missions and their variations can occur anywhere in the game, including within end-game Maps. . Dressed to Kill. Path of Exile is all about items. Find, collect and trade magic, rare and unique items with arcane properties, then customize your character build around the deadliest combinations you possess. . Brutal Competitive Play. Compete in Leagues and Race Events that run as separate game worlds with their own ladders and economies to win valuable prizes. . Customise Your Hideout. Once unlocked, you may be taken to a Hideout, where you can create your own personalised town. . Fair-To-Play. Never Pay-To-Win. We're committed to creating a fair playing field for all players. You cannot gain gameplay advantage by spending real money in Path of Exile.", + "about_the_game": "You are an Exile, struggling to survive on the dark continent of Wraeclast, as you fight to earn power that will allow you to exact your revenge against those who wronged you. Created by hardcore gamers, Path of Exile is an online Action RPG set in a dark fantasy world. With a focus on visceral action combat, powerful items and deep character customization, Path of Exile is completely free and will never be pay-to-win.Key FeaturesFreedom. Power. Revenge.Banished for your misdeeds to the dark, brutal world of Wraeclast, you play as the Duelist, Witch, Ranger, Templar, Marauder, Shadow or the Scion class. From forsaken shores through to the city of Oriath, explore Wraeclast and uncover the ancient secrets waiting for you.Unlimited Character CustomizationCreate and customize hundreds of unique skill combinations from tradable itemized gems and our gigantic passive skill tree. Combine skill gems, support gems and trigger gems to create your own unique combination of power, defense and destruction.Deadly MissionsThe Masters each have their own style of mission and each of these missions has many variations. As you explore deeper into Wraeclast, the pool of available variations increases to challenge you in new ways. All of the Missions and their variations can occur anywhere in the game, including within end-game Maps.Dressed to KillPath of Exile is all about items. Find, collect and trade magic, rare and unique items with arcane properties, then customize your character build around the deadliest combinations you possess.Brutal Competitive PlayCompete in Leagues and Race Events that run as separate game worlds with their own ladders and economies to win valuable prizes.Customise Your HideoutOnce unlocked, you may be taken to a Hideout, where you can create your own personalised town.Fair-To-Play. Never Pay-To-Win. We're committed to creating a fair playing field for all players. You cannot gain gameplay advantage by spending real money in Path of Exile.", + "short_description": "You are an Exile, struggling to survive on the dark continent of Wraeclast, as you fight to earn power that will allow you to exact your revenge against those who wronged you. Created by hardcore gamers, Path of Exile is an online Action RPG set in a dark fantasy world.", + "genres": "Action", + "recommendations": 1064, + "score": 4.5953126068109915 + }, + { + "type": "game", + "name": "Papers, Please", + "detailed_description": "The Short Film. Watch the official short film based on the game. By KINODOM PRODUCTIONS. Starring Igor Savochkin. About the GameCongratulations. The October labor lottery is complete. Your name was pulled. For immediate placement, report to the Ministry of Admission at Grestin Border Checkpoint. An apartment will be provided for you and your family in East Grestin. Expect a Class-8 dwelling. Glory to Arstotzka. . The communist state of Arstotzka has just ended a 6-year war with neighboring Kolechia and reclaimed its rightful half of the border town, Grestin. . Your job as immigration inspector is to control the flow of people entering the Arstotzkan side of Grestin from Kolechia. Among the throngs of immigrants and visitors looking for work are hidden smugglers, spies, and terrorists. . Using only the documents provided by travelers and the Ministry of Admission's primitive inspect, search, and fingerprint systems you must decide who can enter Arstotzka and who will be turned away or arrested.", + "about_the_game": "Congratulations. The October labor lottery is complete. Your name was pulled. For immediate placement, report to the Ministry of Admission at Grestin Border Checkpoint. An apartment will be provided for you and your family in East Grestin. Expect a Class-8 dwelling. Glory to ArstotzkaThe communist state of Arstotzka has just ended a 6-year war with neighboring Kolechia and reclaimed its rightful half of the border town, Grestin. Your job as immigration inspector is to control the flow of people entering the Arstotzkan side of Grestin from Kolechia. Among the throngs of immigrants and visitors looking for work are hidden smugglers, spies, and terrorists.Using only the documents provided by travelers and the Ministry of Admission's primitive inspect, search, and fingerprint systems you must decide who can enter Arstotzka and who will be turned away or arrested.", + "short_description": "Congratulations. The October labor lottery is complete. Your name was pulled. For immediate placement, report to the Ministry of Admission at Grestin Border Checkpoint. An apartment will be provided for you and your family in East Grestin. Expect a Class-8 dwelling.", + "genres": "Adventure", + "recommendations": 55206, + "score": 7.198027420720301 + }, + { + "type": "game", + "name": "Dying Light", + "detailed_description": "Dying Light 2 Stay HumanUse your agility and combat skills to survive, and change the fate of The City. . EDITIONS COMPARISON. Just Updated. To the Dying Light community,. The past seven years together have been pure, untamed excitement full of unforgettable memories. We always set out to make the best experience possible. We put blood and sweat into this world, but you guys gave all that staggering work true meaning. You turned Dying Light into a juggernaut. For that, we can\u2019t thank you enough. This community has been the true undying light that will shine on forever. We will give it our all to preserve that. . Yours truly,. #PeopleOfTechland. About the Game. From the creators of hit titles Dead Island and Call of Juarez. Winner of over 50 industry awards and nominations. The game whose uncompromising approach to gameplay set new standards for first-person zombie games. Still supported with new content and free community events years after the release. . . Survive in a city beset by a zombie virus! Discover the hard choice you will have to make on your secret mission. Will loyalty to your superiors prove stronger than the will to save the survivors? The choice is yours\u2026. VAST OPEN WORLD. Roam the city with unprecedented freedom and bask in its unique atmosphere. Use parkour to scale every building and reach remote areas. . CREATIVE COMBAT. Engage in gory combat and discover limitless options to confront your enemies. Use the environment paired with various weapon types and abilities to gain an advantage. . DAY AND NIGHT CYCLE. Experience the dramatic shift in the world, as you change from a hunter to hunted at sundown. Face the coming threat or run away without wasting your time to look behind. . 4-PLAYER CO-OP. Join forces with other players and raise your chances of survival in an exciting co-op mode. Tackle the story campaign together and take part in regularly scheduled community challenges. .", + "about_the_game": "From the creators of hit titles Dead Island and Call of Juarez. Winner of over 50 industry awards and nominations. The game whose uncompromising approach to gameplay set new standards for first-person zombie games. Still supported with new content and free community events years after the release.Survive in a city beset by a zombie virus! Discover the hard choice you will have to make on your secret mission. Will loyalty to your superiors prove stronger than the will to save the survivors? The choice is yours\u2026VAST OPEN WORLDRoam the city with unprecedented freedom and bask in its unique atmosphere. Use parkour to scale every building and reach remote areas.CREATIVE COMBATEngage in gory combat and discover limitless options to confront your enemies. Use the environment paired with various weapon types and abilities to gain an advantage.DAY AND NIGHT CYCLEExperience the dramatic shift in the world, as you change from a hunter to hunted at sundown. Face the coming threat or run away without wasting your time to look behind.4-PLAYER CO-OPJoin forces with other players and raise your chances of survival in an exciting co-op mode. Tackle the story campaign together and take part in regularly scheduled community challenges.", + "short_description": "First-person action survival game set in a post-apocalyptic open world overrun by flesh-hungry zombies. Roam a city devastated by a mysterious virus epidemic. Scavenge for supplies, craft weapons, and face hordes of the infected.", + "genres": "Action", + "recommendations": 285909, + "score": 8.282188298554304 + }, + { + "type": "game", + "name": "Thief", + "detailed_description": "Garrett, the Master Thief, steps out of the shadows into the City. In this treacherous place, where the Baron\u2019s Watch spreads a rising tide of fear and oppression, his skills are the only things he can trust. Even the most cautious citizens and their best-guarded possessions are not safe from his reach. As an uprising emerges, Garrett finds himself entangled in growing layers of conflict. Lead by Orion, the voice of the people, the tyrannized citizens will do everything they can to claim back the City from the Baron\u2019s grasp. The revolution is inevitable. If Garrett doesn\u2019t get involved, the streets will run red with blood and the City will tear itself apart. . Garrett never paid the price for anything\u2026 until now.Key Features:YOU ARE GARRETT, THE MASTER THIEF. Step into the silent shoes of Garrett, a dark and lonely thief with an unrivalled set of skills. The most challenging heists, the most inaccessible loots, the best kept secrets: nothing is out of your reach. . THE CITY: YOURS FOR THE TAKING. Explore the sick and troubled City, from its shady back alleys to the heights of its rooftops. Sneak into rich houses, Infiltrate the best-guarded mansions and lurk in every dark corner\u2026 unnoticed and unsanctioned. . CHOOSE YOUR APPROACH. Leverage Garrett\u2019s arsenal to take down guards with your blackjack, shoot one of your many arrow types or use your newly acquired focus abilities to manipulate the environment and outsmart your enemies. What kind of master thief will you be?. UNPRECEDENTED IMMERSION. Become one with the world thanks to ground-breaking visual elements and a truly tactile and visceral first-person experience. Through jaw-dropping Next-Gen technical possibilities, Thief delivers unprecedented immersion through sights, sounds and artificial intelligence.", + "about_the_game": "Garrett, the Master Thief, steps out of the shadows into the City. In this treacherous place, where the Baron\u2019s Watch spreads a rising tide of fear and oppression, his skills are the only things he can trust. Even the most cautious citizens and their best-guarded possessions are not safe from his reach. As an uprising emerges, Garrett finds himself entangled in growing layers of conflict. Lead by Orion, the voice of the people, the tyrannized citizens will do everything they can to claim back the City from the Baron\u2019s grasp. The revolution is inevitable. If Garrett doesn\u2019t get involved, the streets will run red with blood and the City will tear itself apart.Garrett never paid the price for anything\u2026 until now.Key Features:YOU ARE GARRETT, THE MASTER THIEFStep into the silent shoes of Garrett, a dark and lonely thief with an unrivalled set of skills. The most challenging heists, the most inaccessible loots, the best kept secrets: nothing is out of your reach.THE CITY: YOURS FOR THE TAKINGExplore the sick and troubled City, from its shady back alleys to the heights of its rooftops. Sneak into rich houses, Infiltrate the best-guarded mansions and lurk in every dark corner\u2026 unnoticed and unsanctioned. CHOOSE YOUR APPROACHLeverage Garrett\u2019s arsenal to take down guards with your blackjack, shoot one of your many arrow types or use your newly acquired focus abilities to manipulate the environment and outsmart your enemies. What kind of master thief will you be?UNPRECEDENTED IMMERSIONBecome one with the world thanks to ground-breaking visual elements and a truly tactile and visceral first-person experience. Through jaw-dropping Next-Gen technical possibilities, Thief delivers unprecedented immersion through sights, sounds and artificial intelligence.", + "short_description": "Garrett, the Master Thief, steps out of the shadows into the City. In this treacherous place, where the Baron\u2019s Watch spreads a rising tide of fear and oppression, his skills are the only things he can trust. Even the most cautious citizens and their best-guarded possessions are not safe from his reach.", + "genres": "Action", + "recommendations": 15619, + "score": 6.365725073345737 + }, + { + "type": "game", + "name": "Amnesia: A Machine for Pigs", + "detailed_description": "Frictional Games About the GameThis world is a Machine. A Machine for Pigs. Fit only for the slaughtering of Pigs. . From the creators of Amnesia: The Dark Descent and Dear Esther comes a new first-person horrorgame that will drag you to the depths of greed, power and madness. It will bury its snout into your ribs and it will eat your heart. . The year is 1899. Wealthy industrialist Oswald Mandus awakes in his bed, wracked with fever and haunted by dreams of a dark and hellish engine. Tortured by visions of a disastrous expedition to Mexico, broken on the failing dreams of an industrial utopia, wracked with guilt and tropical disease, he wakes into a nightmare. The house is silent, the ground beneath him shaking at the will of some infernal machine: all he knows is that his children are in grave peril, and it is up to him to save them.Unique Selling PointsFresh and new approach to the Amnesia world while staying true to its origins. . The darkest, most horrific tale ever told in a videogame. . Stunning soundtrack by award-winning composer Jessica Curry.", + "about_the_game": "This world is a Machine. A Machine for Pigs. Fit only for the slaughtering of Pigs. From the creators of Amnesia: The Dark Descent and Dear Esther comes a new first-person horrorgame that will drag you to the depths of greed, power and madness. It will bury its snout into your ribs and it will eat your heart.The year is 1899Wealthy industrialist Oswald Mandus awakes in his bed, wracked with fever and haunted by dreams of a dark and hellish engine. Tortured by visions of a disastrous expedition to Mexico, broken on the failing dreams of an industrial utopia, wracked with guilt and tropical disease, he wakes into a nightmare. The house is silent, the ground beneath him shaking at the will of some infernal machine: all he knows is that his children are in grave peril, and it is up to him to save them.Unique Selling PointsFresh and new approach to the Amnesia world while staying true to its origins.The darkest, most horrific tale ever told in a videogame.Stunning soundtrack by award-winning composer Jessica Curry.", + "short_description": "From the creators of Amnesia: The Dark Descent and Dear Esther comes a new first-person horrorgame that will drag you to the depths of greed, power and madness. It will bury its snout into your ribs and it will eat your heart.", + "genres": "Action", + "recommendations": 5963, + "score": 5.731011590482007 + }, + { + "type": "game", + "name": "Spelunky", + "detailed_description": "Spelunky is a unique platformer with randomized levels that offer a challenging new experience each time you play. Journey deep underground and explore fantastic places filled with all manner of monsters, traps, and treasure. You'll have complete freedom while you navigate the fully-destructible environments and master their many secrets. To stay or flee, to kill or rescue, to shop or steal. in Spelunky, the choice is yours and so are the consequences!Key Features. \"Roguelike\" Platforming - Randomly-generated, fully-destructible levels are dense with danger. Quick thinking and a deep understanding will keep you alive along the knife's edge!. Fill Your Journal - Track your progress with a dusty explorer's journal given to you by Yang, your mentor from another age. . Local Co-op - Up to 4 players can join up to help or hinder in madcap cooperative play. . Deathmatch - Unlock 72 diverse, deadly arenas to wage battle in against friends or bots. . The Daily Challenge - Each day a new set of levels is generated for the Daily Challenge, a unique mode where you only get one chance per day to compete online against the rest of the Steam community. . A Colorful Cast - A roster of 20 squishy explorers (16 unlockable) are waiting for you to make their greedy dreams come true!. Tough Love - You're going to die in all kinds of painful, hilarious, and surprising ways. But with each mistake you'll learn more about how Spelunky works and get that much closer to solving its deepest mysteries!.", + "about_the_game": "Spelunky is a unique platformer with randomized levels that offer a challenging new experience each time you play. Journey deep underground and explore fantastic places filled with all manner of monsters, traps, and treasure. You'll have complete freedom while you navigate the fully-destructible environments and master their many secrets. To stay or flee, to kill or rescue, to shop or steal... in Spelunky, the choice is yours and so are the consequences!Key Features\"Roguelike\" Platforming - Randomly-generated, fully-destructible levels are dense with danger. Quick thinking and a deep understanding will keep you alive along the knife's edge!Fill Your Journal - Track your progress with a dusty explorer's journal given to you by Yang, your mentor from another age.Local Co-op - Up to 4 players can join up to help or hinder in madcap cooperative play.Deathmatch - Unlock 72 diverse, deadly arenas to wage battle in against friends or bots.The Daily Challenge - Each day a new set of levels is generated for the Daily Challenge, a unique mode where you only get one chance per day to compete online against the rest of the Steam community.A Colorful Cast - A roster of 20 squishy explorers (16 unlockable) are waiting for you to make their greedy dreams come true!Tough Love - You're going to die in all kinds of painful, hilarious, and surprising ways. But with each mistake you'll learn more about how Spelunky works and get that much closer to solving its deepest mysteries!", + "short_description": "Spelunky is a unique platformer with randomized levels that offer a challenging new experience each time you play. Journey deep underground and explore fantastic places filled with all manner of monsters, traps, and treasure.", + "genres": "Indie", + "recommendations": 13606, + "score": 6.274772610203172 + }, + { + "type": "game", + "name": "Game Dev Tycoon", + "detailed_description": "Just Updated. About the GameIn Game Dev Tycoon you replay the history of the gaming industry by starting your own video game development company in the 80s. Create best selling games. Research new technologies and invent new game types. Become the leader of the market and gain worldwide fans.A journey through gaming history. Start in the 80s . Start your adventure in a small garage office in the 80s. Enjoy the hand-crafted level design while you develop your first simple games. Gain experience, unlock new options and create your first game engine. . Create games your way . In Game Dev Tycoon the decisions you make during development really matter. Decide which areas you want to focus on. Does your game need more gameplay or should you focus more on quests? These decisions will have a major impact on the success of your game. . Grow your company . Once you have successfully released a few games you can move into your own office and forge a world-class development team. Hire staff, train them and unlock new options. . Make larger more complex games . With experience and a good team, you can release larger, more complex games. Larger games bring new challenges and you will have to manage your team well to deliver hit games.Features. Start a game development company in the 80s . Design and create games. Gain new insights through game reports . Research new technologies . Create custom game engines . Move into bigger offices . Forge a world-class development team . Unlock secret labs . Conduct industry changing projects. Unlock achievements. Modding support. Workshop support. Community translations for German, Spanish, French, Portuguese (Brazil), Russian, Czech, Swedish, Dutch and Italian are available through the in-game menu. . The full game has many more features which are not listed here to prevent spoilers.", + "about_the_game": "In Game Dev Tycoon you replay the history of the gaming industry by starting your own video game development company in the 80s. Create best selling games. Research new technologies and invent new game types. Become the leader of the market and gain worldwide fans.A journey through gaming historyStart in the 80s Start your adventure in a small garage office in the 80s. Enjoy the hand-crafted level design while you develop your first simple games. Gain experience, unlock new options and create your first game engine. Create games your way In Game Dev Tycoon the decisions you make during development really matter. Decide which areas you want to focus on. Does your game need more gameplay or should you focus more on quests? These decisions will have a major impact on the success of your game. Grow your company Once you have successfully released a few games you can move into your own office and forge a world-class development team. Hire staff, train them and unlock new options. Make larger more complex games With experience and a good team, you can release larger, more complex games. Larger games bring new challenges and you will have to manage your team well to deliver hit games.FeaturesStart a game development company in the 80s Design and create gamesGain new insights through game reports Research new technologies Create custom game engines Move into bigger offices Forge a world-class development team Unlock secret labs Conduct industry changing projectsUnlock achievementsModding supportWorkshop supportCommunity translations for German, Spanish, French, Portuguese (Brazil), Russian, Czech, Swedish, Dutch and Italian are available through the in-game menu.The full game has many more features which are not listed here to prevent spoilers.", + "short_description": "In Game Dev Tycoon you replay the history of the gaming industry by starting your own video game development company in the 80s. Create best selling games. Research new technologies and invent new game types. Become the leader of the market and gain worldwide fans.", + "genres": "Casual", + "recommendations": 36014, + "score": 6.916434641311424 + }, + { + "type": "game", + "name": "Panzar", + "detailed_description": "PANZAR is a fantasy multiplayer third-person shooter. You get to choose from eight unique character classes, team-based PvP battles, exciting PvE adventures and regular tournaments with real prizes. Advanced RPG elements, the non-target combat system and the most modern graphics by CryEngine 3 will make your combat experience unforgettable!Key Features. Dynamic Team-Based PvP and PvE . PANZAR is built on high intensity team-based battles. Players fight in 8 vs 8 PvP fights and extensive breathtaking PvE raids where no one can secure victory alone. The secret to success in battle is how well you coordinate with your other teammates. It\u2019s ideal entertainment for groups and clans. PANZAR\u2019s developed clan system gives you the chance to participate in spectacular mass tournaments for glory and prizes. One Spectacular Fantasy World. Incredibly Detailed Fantasy World. PANZAR comes to life through the raw power of CryENGINE, the ultimate game development platform deliveri. ng incredibly detailed graphics and fluid gameplay. Players face off in rich and detailed environments such as mountain waterfalls, jungle villages, ancient castles and temple ruins. PANZAR is flexible, serving a wide range of graphics capability modes, so computers of many generations can get into battle. . Tactical Gameplay Modes. PANZAR has a wide range of locations, equipment and skills creating an almost never-ending variety of tactical options and battle strategies. There are eight different character classes, each with their own unique skill set, game dynamics and overall role within the team. With several different gameplay modes \u2013 Domination, Siege, Rugby and King of the Hill - it\u2019s a game you\u2019ll want to play again and again. . Unique Heroes . Players can create their own formidable characters and develop and equip them as they like. You can buy, sell, craft and upgrade weapons, armor and magical potions at any time between battles. Not to mention the nearly limitless freedom of self-expression arising from all the hairstyles, battle cries and armor paint choices. Unleash your imagination! . Advanced Social System . Players can communicate with other players right in-game using voice, team and general battle chat options. Finding new friends, grouping or reconnecting with old ones is simple! There are even gold bonuses on offer for each new friend recruited. Join teams, claim victory and crystals in tournaments, even create your own clan and choose the comrades you will fight shoulder to shoulder with. In PANZAR, there is only one goal\u2026Victory!", + "about_the_game": "PANZAR is a fantasy multiplayer third-person shooter. You get to choose from eight unique character classes, team-based PvP battles, exciting PvE adventures and regular tournaments with real prizes. Advanced RPG elements, the non-target combat system and the most modern graphics by CryEngine 3 will make your combat experience unforgettable!Key FeaturesDynamic Team-Based PvP and PvE PANZAR is built on high intensity team-based battles. Players fight in 8 vs 8 PvP fights and extensive breathtaking PvE raids where no one can secure victory alone. The secret to success in battle is how well you coordinate with your other teammates. It\u2019s ideal entertainment for groups and clans. PANZAR\u2019s developed clan system gives you the chance to participate in spectacular mass tournaments for glory and prizes.One Spectacular Fantasy WorldIncredibly Detailed Fantasy WorldPANZAR comes to life through the raw power of CryENGINE, the ultimate game development platform delivering incredibly detailed graphics and fluid gameplay. Players face off in rich and detailed environments such as mountain waterfalls, jungle villages, ancient castles and temple ruins. PANZAR is flexible, serving a wide range of graphics capability modes, so computers of many generations can get into battle. Tactical Gameplay ModesPANZAR has a wide range of locations, equipment and skills creating an almost never-ending variety of tactical options and battle strategies. There are eight different character classes, each with their own unique skill set, game dynamics and overall role within the team. With several different gameplay modes \u2013 Domination, Siege, Rugby and King of the Hill - it\u2019s a game you\u2019ll want to play again and again. Unique Heroes Players can create their own formidable characters and develop and equip them as they like. You can buy, sell, craft and upgrade weapons, armor and magical potions at any time between battles. Not to mention the nearly limitless freedom of self-expression arising from all the hairstyles, battle cries and armor paint choices. Unleash your imagination! Advanced Social System Players can communicate with other players right in-game using voice, team and general battle chat options. Finding new friends, grouping or reconnecting with old ones is simple! There are even gold bonuses on offer for each new friend recruited. Join teams, claim victory and crystals in tournaments, even create your own clan and choose the comrades you will fight shoulder to shoulder with. In PANZAR, there is only one goal\u2026Victory!", + "short_description": "PANZAR is a fantasy multiplayer third-person shooter. You get to choose from eight unique character classes, team-based PvP battles, exciting PvE adventures and regular tournaments with real prizes. Advanced RPG elements, the non-target combat system and the most modern graphics by CryEngine 3 will make your combat experience...", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Getting Over It with Bennett Foddy", + "detailed_description": "A game I made. For a certain kind of person. To hurt them. . Getting Over It with Bennett Foddy is a punishing climbing game, a homage to Jazzuo's 2002 B-Game classic 'Sexy Hiking'. You move the hammer with the mouse, and that's all there is. With practice, you'll be able to jump, swing, climb and fly. Great mysteries and a wonderful reward await the master hikers who reach the top of the mountain. . To quote Jazzuo himself: \"The hiking action is very similar to way you would do it in real life, remember that and you will do well\". . Climb up an enormous mountain with nothing but a hammer and a pot. . Listen as I make philosophical observations about the problem at hand. . Between 2 and \u221e hours of agonizing gameplay, depending. The median time to finish for my playtesters was 5 hours, but the mean was closer to \u221e. . Lose all your progress, over and over. . Feel new types of frustration you didn't know you were capable of. . Magical reward awaits hikers who reach the top. . Epilepsy warning: contains some surprising elements.", + "about_the_game": "A game I madeFor a certain kind of personTo hurt them.Getting Over It with Bennett Foddy is a punishing climbing game, a homage to Jazzuo's 2002 B-Game classic 'Sexy Hiking'. You move the hammer with the mouse, and that's all there is. With practice, you'll be able to jump, swing, climb and fly. Great mysteries and a wonderful reward await the master hikers who reach the top of the mountain.To quote Jazzuo himself: \"The hiking action is very similar to way you would do it in real life, remember that and you will do well\".Climb up an enormous mountain with nothing but a hammer and a pot.Listen as I make philosophical observations about the problem at hand.Between 2 and \u221e hours of agonizing gameplay, depending. The median time to finish for my playtesters was 5 hours, but the mean was closer to \u221e.Lose all your progress, over and over.Feel new types of frustration you didn't know you were capable of.Magical reward awaits hikers who reach the top.Epilepsy warning: contains some surprising elements.", + "short_description": "A game I made for a certain kind of person. To hurt them.", + "genres": "Action", + "recommendations": 57163, + "score": 7.220991407227376 + }, + { + "type": "game", + "name": "Rogue Legacy", + "detailed_description": "Buy Rogue Legacy 2 About the GameRogue Legacy is a genealogical rogue-\"LITE\" where anyone can be a hero. . Each time you die, your child will succeed you. Every child is unique. One child might be colorblind, another might have vertigo-- they could even be a dwarf. . That's OK, because no one is perfect, and you don't have to be perfect to win this game. But you do have to be pretty darn good because this game is HARD. Fortunately, every time you die all the gold you've collected can be used to upgrade you manor, giving your next child a step up in life and another chance at vanquishing evil. . But you shouldn't listen to me. You should check out the trailer. It explains the game better then I ever could. . If you really want to READ about this game though, then you should check out our bullet list below. . Here's what Rogue Legacy IS: . A procedurally generated adventure. Explore new castles with every life. . Rogue-lite. Your character dies, but with each passing your lineage grows and becomes stronger. . Tons of unique traits that makes each playthrough special. Ever wanted to be dyslexic? Now you can! . More than 8 classes to choose from (9)! Each class has unique abilities that change the way you play the game. . Over 60 different enemies to test your skills against. Hope you like palette-swaps! . Massive, expandable skill tree. Rack in the loot to upgrade your manor and give your successors a cutting edge. . Oh yeah, there's a Blacksmith and an Enchantress shop but we forgot to show them in the trailer. . Equip your heroes with powerful weaponry and armor. Or gain new abilities like flight, dash, and air jumping. . Tons of secrets and easter eggs to uncover. or are there? Yes there are. . Got a controller? Play with a controller. Big Picture ready. . Clowns.", + "about_the_game": "Rogue Legacy is a genealogical rogue-\"LITE\" where anyone can be a hero.Each time you die, your child will succeed you. Every child is unique. One child might be colorblind, another might have vertigo-- they could even be a dwarf.That's OK, because no one is perfect, and you don't have to be perfect to win this game. But you do have to be pretty darn good because this game is HARD. Fortunately, every time you die all the gold you've collected can be used to upgrade you manor, giving your next child a step up in life and another chance at vanquishing evil.But you shouldn't listen to me. You should check out the trailer. It explains the game better then I ever could. If you really want to READ about this game though, then you should check out our bullet list below.Here's what Rogue Legacy IS: A procedurally generated adventure. Explore new castles with every life. Rogue-lite. Your character dies, but with each passing your lineage grows and becomes stronger. Tons of unique traits that makes each playthrough special. Ever wanted to be dyslexic? Now you can! More than 8 classes to choose from (9)! Each class has unique abilities that change the way you play the game. Over 60 different enemies to test your skills against. Hope you like palette-swaps! Massive, expandable skill tree. Rack in the loot to upgrade your manor and give your successors a cutting edge. Oh yeah, there's a Blacksmith and an Enchantress shop but we forgot to show them in the trailer... Equip your heroes with powerful weaponry and armor. Or gain new abilities like flight, dash, and air jumping. Tons of secrets and easter eggs to uncover... or are there? Yes there are. Got a controller? Play with a controller. Big Picture ready. Clowns.", + "short_description": "Rogue Legacy is a genealogical rogue-"LITE" where anyone can be a hero. Each time you die, your child will succeed you. Every child is unique. One child might be colorblind, another might be a dward with have vertigo. But that's OK, because no one is perfect, and you don't have to be to succeed.", + "genres": "Action", + "recommendations": 15213, + "score": 6.348363540896175 + }, + { + "type": "game", + "name": "Middle-earth\u2122: Shadow of Mordor\u2122", + "detailed_description": "Note: certain features for the Middle-earth: Shadow of Mordor videogame will no longer be available beginning Dec.\u00a031, 2020. . Affected Features: . \u2022 The Nemesis Forge feature will no longer be available. Therefore, players will no longer be able to transfer their in-game Nemeses from Middle-earth: Shadow of Mordor to Middle-earth: Shadow of War. \u2022 Vendetta missions and Leaderboards will no longer be available. \u2022 WBPlay will no longer be available, but the epic runes \"Orc Hunter\" and \"Gravewalker\" will automatically be awarded to all players. . Winner of over 50 \u201cBest of 2014\u201d Awards including Game of the Year, Best Action Game and Most Innovative Game.", + "about_the_game": "Note: certain features for the Middle-earth: Shadow of Mordor videogame will no longer be available beginning Dec.\u00a031, 2020.\r\n \r\nAffected Features: \r\n\u2022 The Nemesis Forge feature will no longer be available. Therefore, players will no longer be able to transfer their in-game Nemeses from Middle-earth: Shadow of Mordor to Middle-earth: Shadow of War.\r\n\u2022 Vendetta missions and Leaderboards will no longer be available. \r\n\u2022 WBPlay will no longer be available, but the epic runes \"Orc Hunter\" and \"Gravewalker\" will automatically be awarded to all players.\r\n\r\n\r\nWinner of over 50 \u201cBest of 2014\u201d Awards including Game of the Year, Best Action Game and Most Innovative Game.", + "short_description": "Fight through Mordor and uncover the truth of the spirit that compels you, discover the origins of the Rings of Power, build your legend and ultimately confront the evil of Sauron in this new chronicle of Middle-earth.", + "genres": null, + "recommendations": 52344, + "score": 7.162934422857925 + }, + { + "type": "game", + "name": "Assassin\u2019s Creed\u00ae IV Black Flag\u2122", + "detailed_description": "The year is 1715. Pirates rule the Caribbean and have established their own lawless Republic where corruption, greediness and cruelty are commonplace. . Among these outlaws is a brash young captain named Edward Kenway. His fight for glory has earned him the respect of legends like Blackbeard, but also drawn him into the ancient war between Assassins and Templars, a war that may destroy everything the pirates have built. . Welcome to the Golden Age of Piracy.Key Features. A BRASH REBEL ASSASSIN Become Edward Kenway, a charismatic yet brutal pirate captain, trained by Assassins. Edward can effortlessly switch between the Hidden Blade of the Assassin\u2019s Order and all new weaponry including four flintlock pistols and dual cutlass swords. . EXPLORE AN OPEN WORLD FILLED WITH OPPORTUNITIES Discover the largest and most diverse Assassin\u2019s Creed world ever created. From Kingston to Nassau, explore over 75 unique locations where you can live the life of a pirate including:. Loot underwater shipwrecks. Assassinate Templars in blossoming cities. Hunt for rare animals in untamed jungles. Search for treasure in lost ruins . Escape to hidden coves. BECOME THE MOST FEARED PIRATE IN THE CARIBBEAN Command your ship, the Jackdaw, and strike fear in all who see her. Plunder and pillage to upgrade the Jackdaw with ammunition and equipment needed to fight off enemy ships. The ship\u2019s improvements are critical to Edward\u2019s progression through the game. Attack and seamlessly board massive galleons, recruit sailors to join your crew and embark on an epic and infamous adventure. . EXPERIENCE THE GRITTY REALITY BEHIND THE PIRATE FANTASY Stand amongst legendary names such as Blackbeard, Calico Jack and Benjamin Hornigold, as you establish a lawless Republic in the Bahamas and relive the truly explosive events that defined the Golden Age of Piracy. . THE BEST ASSASSIN\u2019S CREED MULTIPLAYER EXPERIENCE TO DATE Put your assassination skills to test and embark on an online journey throughout the Caribbean. Discover a brand new set of pirate characters, and explore exotic and colourful locations. Additionally, create your own game experience with the new Game Lab feature \u2013 craft your own multiplayer mode by choosing abilities, rules and bonuses. Play and share your newly created mode with your friends.", + "about_the_game": "The year is 1715. Pirates rule the Caribbean and have established their own lawless Republic where corruption, greediness and cruelty are commonplace.Among these outlaws is a brash young captain named Edward Kenway. His fight for glory has earned him the respect of legends like Blackbeard, but also drawn him into the ancient war between Assassins and Templars, a war that may destroy everything the pirates have built.Welcome to the Golden Age of Piracy.Key FeaturesA BRASH REBEL ASSASSIN Become Edward Kenway, a charismatic yet brutal pirate captain, trained by Assassins. Edward can effortlessly switch between the Hidden Blade of the Assassin\u2019s Order and all new weaponry including four flintlock pistols and dual cutlass swords.EXPLORE AN OPEN WORLD FILLED WITH OPPORTUNITIES Discover the largest and most diverse Assassin\u2019s Creed world ever created. From Kingston to Nassau, explore over 75 unique locations where you can live the life of a pirate including:Loot underwater shipwrecksAssassinate Templars in blossoming citiesHunt for rare animals in untamed junglesSearch for treasure in lost ruins Escape to hidden covesBECOME THE MOST FEARED PIRATE IN THE CARIBBEAN Command your ship, the Jackdaw, and strike fear in all who see her. Plunder and pillage to upgrade the Jackdaw with ammunition and equipment needed to fight off enemy ships. The ship\u2019s improvements are critical to Edward\u2019s progression through the game. Attack and seamlessly board massive galleons, recruit sailors to join your crew and embark on an epic and infamous adventure.EXPERIENCE THE GRITTY REALITY BEHIND THE PIRATE FANTASY Stand amongst legendary names such as Blackbeard, Calico Jack and Benjamin Hornigold, as you establish a lawless Republic in the Bahamas and relive the truly explosive events that defined the Golden Age of Piracy.THE BEST ASSASSIN\u2019S CREED MULTIPLAYER EXPERIENCE TO DATE Put your assassination skills to test and embark on an online journey throughout the Caribbean. Discover a brand new set of pirate characters, and explore exotic and colourful locations. Additionally, create your own game experience with the new Game Lab feature \u2013 craft your own multiplayer mode by choosing abilities, rules and bonuses. Play and share your newly created mode with your friends.", + "short_description": "The year is 1715. Pirates rule the Caribbean and have established their own lawless Republic where corruption, greediness and cruelty are commonplace.Among these outlaws is a brash young captain named Edward Kenway.", + "genres": "Action", + "recommendations": 52385, + "score": 7.163450572248191 + }, + { + "type": "game", + "name": "Styx: Master of Shadows", + "detailed_description": "Buzz. About the GameStyx: Master of Shadows is an infiltration game with RPG elements taking place in a dark fantasy universe, where you sneak, steal and assassinate your way through as Styx, a Goblin two-centuries of age. . Deep inside the vertiginous and multi-layered forsaken Tower of Akenash, where Humans and Elves protect the World-Tree, source of the Amber \u2013 a powerful and magical golden sap \u2013 is hidden Styx\u2019 chance to understand his true origin. and to make a fortune at the same time. . Prowl through the huge, miles-high Tower of Akenash, completing various missions (assassination, information recovery, etc.) and avoiding detection. Progress in the shadows, assassinate your targets in close combat, or orchestrate \u00abaccidents\u00bb. RPG mechanics let you unlock new powerful skills, impressive special moves, and an optimized equipment. Amber will grant you spectacular powers such as invisibility, \u00abamber vision\u00bb, and the ability to clone yourself. Explore the levels to discover every bit of information about your past, and steal prized treasures to acquire equipment upgrades. Embrace the shadows!. Mission areas featuring truly organic player path-finding. A strong focus on hardcore stealth and infiltration: progress through the shadows with a sense of verticality, and explore to find hidden treasures. Upgrade your skills along six unique skill-trees to improve your stealth, assassination, and technique. . Distract, solve, smother and prowl with your clone. An intricate story full of twists and revelations.", + "about_the_game": "Styx: Master of Shadows is an infiltration game with RPG elements taking place in a dark fantasy universe, where you sneak, steal and assassinate your way through as Styx, a Goblin two-centuries of age. Deep inside the vertiginous and multi-layered forsaken Tower of Akenash, where Humans and Elves protect the World-Tree, source of the Amber \u2013 a powerful and magical golden sap \u2013 is hidden Styx\u2019 chance to understand his true origin... and to make a fortune at the same time. Prowl through the huge, miles-high Tower of Akenash, completing various missions (assassination, information recovery, etc.) and avoiding detection. Progress in the shadows, assassinate your targets in close combat, or orchestrate \u00abaccidents\u00bb. RPG mechanics let you unlock new powerful skills, impressive special moves, and an optimized equipment. Amber will grant you spectacular powers such as invisibility, \u00abamber vision\u00bb, and the ability to clone yourself. Explore the levels to discover every bit of information about your past, and steal prized treasures to acquire equipment upgrades. Embrace the shadows!Mission areas featuring truly organic player path-findingA strong focus on hardcore stealth and infiltration: progress through the shadows with a sense of verticality, and explore to find hidden treasuresUpgrade your skills along six unique skill-trees to improve your stealth, assassination, and technique.Distract, solve, smother and prowl with your cloneAn intricate story full of twists and revelations", + "short_description": "Styx: Master of Shadows is an infiltration game with RPG elements taking place in a dark fantasy universe, where you sneak, steal and assassinate your way through as Styx, a Goblin two-centuries of age.", + "genres": "Action", + "recommendations": 7657, + "score": 5.895825260327335 + }, + { + "type": "game", + "name": "Injustice: Gods Among Us Ultimate Edition", + "detailed_description": "Injustice: Gods Among Us Ultimate Edition enhances the bold new franchise to the fighting game genre from NetherRealm Studios. Featuring six new playable characters, over 30 new skins, and 60 new S.T.A.R. Labs missions, this edition packs a punch. In addition to DC Comics icons such as Batman, The Joker, Green Lantern, The Flash, Superman and Wonder Woman, the latest title from the award-winning studio presents a deep original story. Heroes and villains will engage in epic battles on a massive scale in a world where the line between good and evil has been blurred.", + "about_the_game": "Injustice: Gods Among Us Ultimate Edition enhances the bold new franchise to the fighting game genre from NetherRealm Studios. Featuring six new playable characters, over 30 new skins, and 60 new S.T.A.R. Labs missions, this edition packs a punch. In addition to DC Comics icons such as Batman, The Joker, Green Lantern, The Flash, Superman and Wonder Woman, the latest title from the award-winning studio presents a deep original story. Heroes and villains will engage in epic battles on a massive scale in a world where the line between good and evil has been blurred.", + "short_description": "Injustice: Gods Among Us Ultimate Edition enhances the bold new franchise to the fighting game genre from NetherRealm Studios. Featuring six new playable characters, over 30 new skins, and 60 new S.T.A.R. Labs missions, this edition packs a punch.", + "genres": "Action", + "recommendations": 8975, + "score": 6.0005132482039505 + }, + { + "type": "game", + "name": "GunZ 2: The Second Duel", + "detailed_description": "GunZ 2: the Second DuelRediscovery of action shooting! We present to you GunZ 2: the Second Duel. GunZ 2 is an online action shooting game. GunZ 2 provides a whole new user experience that players have never seen from other games.Key FeaturesCompletely unique action gameplay. In this game, there is no limit on how players move. In GunZ 2: the Second Duel, a wall is not an obstacle yet another path that provide tactical advantages. You no longer have to hide behind walls when you encounter your enemies. You can rather climb up the walls around you to take higher ground or move into enemies\u2019 blind spot to launch vigorous assault. . Unique classes with various tactics and strategies. It\u2019s absolutely up to players to choose which class to play. Unique classes are fitted with its own Passive and Active skills. Become a silent assassin wielding a long katana, roam around in the battle ground freely with a giant shield, or burn enemies with flame-thrower. The choice is completely up to you. (3 classes will be available at launch, more classes will be continuously be added). Weapons\u2026 More Weapons!. In GunZ 2: the Second Duel, you can choose from 200 different weapons sorted into 13 different categories. Especially unlike conventional FPS games, GunZ 2 provides unique melee weapons which bring maximum strategic variety. Each class has its own ultimate skill that can dramatically rescue a friendly unit from danger. . Save the day with friends!. Play Campaign Mode to fight against the notorious mega corporation with super-national power. Fight against the enemies with action you can experience only in GunZ 2: the Second Duel. . Yet, it\u2019s available for beginners!. Even though it is fitted with such powerful action, maneuvering your character in GunZ 2: the Second Duel is extremely easy. To run on walls, simply point your cross-hair to the desired direction and tap on the jump key rhythmically. Such simply control makes up incredible fast-paced stylish action.", + "about_the_game": "GunZ 2: the Second DuelRediscovery of action shooting! We present to you GunZ 2: the Second Duel. GunZ 2 is an online action shooting game. GunZ 2 provides a whole new user experience that players have never seen from other games.Key FeaturesCompletely unique action gameplayIn this game, there is no limit on how players move. In GunZ 2: the Second Duel, a wall is not an obstacle yet another path that provide tactical advantages. You no longer have to hide behind walls when you encounter your enemies. You can rather climb up the walls around you to take higher ground or move into enemies\u2019 blind spot to launch vigorous assault.Unique classes with various tactics and strategiesIt\u2019s absolutely up to players to choose which class to play. Unique classes are fitted with its own Passive and Active skills. Become a silent assassin wielding a long katana, roam around in the battle ground freely with a giant shield, or burn enemies with flame-thrower. The choice is completely up to you. (3 classes will be available at launch, more classes will be continuously be added)Weapons\u2026 More Weapons!In GunZ 2: the Second Duel, you can choose from 200 different weapons sorted into 13 different categories. Especially unlike conventional FPS games, GunZ 2 provides unique melee weapons which bring maximum strategic variety. Each class has its own ultimate skill that can dramatically rescue a friendly unit from danger.Save the day with friends!Play Campaign Mode to fight against the notorious mega corporation with super-national power. Fight against the enemies with action you can experience only in GunZ 2: the Second Duel.Yet, it\u2019s available for beginners!Even though it is fitted with such powerful action, maneuvering your character in GunZ 2: the Second Duel is extremely easy. To run on walls, simply point your cross-hair to the desired direction and tap on the jump key rhythmically. Such simply control makes up incredible fast-paced stylish action.", + "short_description": "GunZ 2: the Second Duel is a free-to-play 3D TPS and is the most fast-paced tough action shooter game.", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "The Forest", + "detailed_description": "As the lone survivor of a passenger jet crash, you find yourself in a mysterious forest battling to stay alive against a society of cannibalistic mutants. . Build, explore, survive in this terrifying first person survival horror simulator.Key features. Enter a living, breathing world, where every tree and plant can be chopped down. Below ground explore a vast network of caves and underground lakes. . Chop down trees to build a camp, or start a fire to keep warm. Scavenge food to keep yourself from starving. . Build a small shelter or a large ocean side fortress. Lay traps and defences to keep a safe perimeter. . Explore and build during the day. Defend your base at night. Craft weapons and tools. Bunker down during the evening or bring the fight directly to the enemy. . Defend yourself against a clan of genetic mutant enemies that have beliefs, families, morals and that appear almost human. . Use stealth to evade enemies, or engage them directly with crude weapons built from sticks and stones.", + "about_the_game": "As the lone survivor of a passenger jet crash, you find yourself in a mysterious forest battling to stay alive against a society of cannibalistic mutants. Build, explore, survive in this terrifying first person survival horror simulator.Key featuresEnter a living, breathing world, where every tree and plant can be chopped down. Below ground explore a vast network of caves and underground lakes. Chop down trees to build a camp, or start a fire to keep warm. Scavenge food to keep yourself from starving. Build a small shelter or a large ocean side fortress. Lay traps and defences to keep a safe perimeter. Explore and build during the day. Defend your base at night. Craft weapons and tools. Bunker down during the evening or bring the fight directly to the enemy. Defend yourself against a clan of genetic mutant enemies that have beliefs, families, morals and that appear almost human. Use stealth to evade enemies, or engage them directly with crude weapons built from sticks and stones.", + "short_description": "As the lone survivor of a passenger jet crash, you find yourself in a mysterious forest battling to stay alive against a society of cannibalistic mutants. Build, explore, survive in this terrifying first person survival horror simulator.", + "genres": "Action", + "recommendations": 413025, + "score": 8.524675062253838 + }, + { + "type": "game", + "name": "Verdun", + "detailed_description": "Join the battle on a new frontline!Lead the charge across stunning Italian landscapes in Isonzo: About the GameThe game takes place on the Western Front between 1914 and 1918, in one of the bloodiest conflicts in world history - inspired by the infamous Battle of Verdun in 1916. . Verdun is the first multiplayer FPS set in a realistic World War One setting, the game which started the WW1 Game series. The vicious close quarters nature of trench warfare means that skill with a bayonet can be as vital as good aim with a rifle. . . The game offers 4 distinct game-modes with many historically accurate features such as realistic WW1 weaponry, authentic uniforms, horrendous gore, and maps based on the real battlefields of France and Belgium. The dynamic Frontlines game mode features 64 players taking turns to go over the top and attempt to capture the opposing trench line. . Verdun key features include:Experience World War One gameplay: Accurate weaponry with realistic bullet physics, skill based weapon handling, poisonous gas with a claustrophobic gas mask experience, horrendous gore effects, and ferocious artillery barrages. Tactical squad-based FPS: 15 distinctive squad types representing soldiers from 5+ countries, each with distinct weapons and equipment. True trench warfare: Real-time dynamic frontline with momentum based attack and counter-attack gameplay. Authentic World War 1 setting: Typical WW1 music and style, historical battlefields representing the most active parts of the Western Front. Challenging game modes: team-based Frontlines, tactical Attrition, skill-based Rifle Deathmatch, and relentless Squad DefenseWW1 on the Western Front. The gameplay in this true WW1 battlefield experience is as immersive and gritty as it can get, with features such as optional realistic gore which portrays the true horror of the First World War and authentic weaponry including artillery and gas. Weapons need to be handled with skill - each gun handles differently and there are no floating crosshairs to aid your aim, along with realistic bullet physics to contend with. . Battle your way across no man\u2019s land to capture the next enemy trench line, before switching to defense to protect your gains in the Frontlines game mode. Keep your head down or quickly don your mask in the event of artillery strikes or gas attacks. This unforgiving war isn\u2019t for the faint hearted!Authentic World War One Setting. The WW1 Game Series currently includes Verdun, Tannenberg set on the Eastern Front, and Isonzo, which is set on the Italian Front. These authentic WW1 shooters let players choose from a range of squads from across the war, as they fight for control of the ever-changing frontlines. . . For Verdun, we carried out extensive field research at the battlefield itself and were advised by knowledgeable historians to make sure the individual elements in Verdun are as historically accurate as it can get. Uniforms have been recreated to the tiniest detail, the weapons are modeled to exact references and the maps use realistic props and terrain layouts. Everything in the game has been tailored to recreate the grim atmosphere so typical of WW1, from the immersive interface and war torn maps to realistic sounds and voices that evoke the feeling of actually being there in the mud covered trenches, peering out over no man's land in search of the enemy. . Or if you want to chat with us. .", + "about_the_game": "The game takes place on the Western Front between 1914 and 1918, in one of the bloodiest conflicts in world history - inspired by the infamous Battle of Verdun in 1916. Verdun is the first multiplayer FPS set in a realistic World War One setting, the game which started the WW1 Game series. The vicious close quarters nature of trench warfare means that skill with a bayonet can be as vital as good aim with a rifle.The game offers 4 distinct game-modes with many historically accurate features such as realistic WW1 weaponry, authentic uniforms, horrendous gore, and maps based on the real battlefields of France and Belgium. The dynamic Frontlines game mode features 64 players taking turns to go over the top and attempt to capture the opposing trench line.Verdun key features include:Experience World War One gameplay: Accurate weaponry with realistic bullet physics, skill based weapon handling, poisonous gas with a claustrophobic gas mask experience, horrendous gore effects, and ferocious artillery barragesTactical squad-based FPS: 15 distinctive squad types representing soldiers from 5+ countries, each with distinct weapons and equipmentTrue trench warfare: Real-time dynamic frontline with momentum based attack and counter-attack gameplayAuthentic World War 1 setting: Typical WW1 music and style, historical battlefields representing the most active parts of the Western FrontChallenging game modes: team-based Frontlines, tactical Attrition, skill-based Rifle Deathmatch, and relentless Squad DefenseWW1 on the Western FrontThe gameplay in this true WW1 battlefield experience is as immersive and gritty as it can get, with features such as optional realistic gore which portrays the true horror of the First World War and authentic weaponry including artillery and gas. Weapons need to be handled with skill - each gun handles differently and there are no floating crosshairs to aid your aim, along with realistic bullet physics to contend with. Battle your way across no man\u2019s land to capture the next enemy trench line, before switching to defense to protect your gains in the Frontlines game mode. Keep your head down or quickly don your mask in the event of artillery strikes or gas attacks. This unforgiving war isn\u2019t for the faint hearted!Authentic World War One SettingThe WW1 Game Series currently includes Verdun, Tannenberg set on the Eastern Front, and Isonzo, which is set on the Italian Front. These authentic WW1 shooters let players choose from a range of squads from across the war, as they fight for control of the ever-changing frontlines.For Verdun, we carried out extensive field research at the battlefield itself and were advised by knowledgeable historians to make sure the individual elements in Verdun are as historically accurate as it can get. Uniforms have been recreated to the tiniest detail, the weapons are modeled to exact references and the maps use realistic props and terrain layouts. Everything in the game has been tailored to recreate the grim atmosphere so typical of WW1, from the immersive interface and war torn maps to realistic sounds and voices that evoke the feeling of actually being there in the mud covered trenches, peering out over no man's land in search of the enemy.Or if you want to chat with us...", + "short_description": "Merciless trench warfare immerses you and your squad in intense battles of attack and defense. Verdun is the first multiplayer FPS set in an authentic World War One setting offering a rarely seen battlefield experience.", + "genres": "Action", + "recommendations": 27804, + "score": 6.745878947526258 + }, + { + "type": "game", + "name": "Banished", + "detailed_description": "In this city-building strategy game, you control a group of exiled travelers who decide to restart their lives in a new land. They have only the clothes on their backs and a cart filled with supplies from their homeland. . The townspeople of Banished are your primary resource. They are born, grow older, work, have children of their own, and eventually die. Keeping them healthy, happy, and well-fed are essential to making your town grow. Building new homes is not enough\u2014there must be enough people to move in and have families of their own. . Banished has no skill trees. Any structure can be built at any time, provided that your people have collected the resources to do so. There is no money. Instead, your hard-earned resources can be bartered away with the arrival of trade vessels. These merchants are the key to adding livestock and annual crops to the townspeople\u2019s diet; however, their lengthy trade route comes with the risk of bringing illnesses from abroad. . There are twenty different occupations that the people in the city can perform from farming, hunting, and blacksmithing, to mining, teaching, and healing. No single strategy will succeed for every town. Some resources may be more scarce from one map to the next. The player can choose to replant forests, mine for iron, and quarry for rock, but all these choices require setting aside space into which you cannot expand. . The success or failure of a town depends on the appropriate management of risks and resources.", + "about_the_game": "In this city-building strategy game, you control a group of exiled travelers who decide to restart their lives in a new land. They have only the clothes on their backs and a cart filled with supplies from their homeland.\r\n\r\nThe townspeople of Banished are your primary resource. They are born, grow older, work, have children of their own, and eventually die. Keeping them healthy, happy, and well-fed are essential to making your town grow. Building new homes is not enough\u2014there must be enough people to move in and have families of their own.\r\n\r\nBanished has no skill trees. Any structure can be built at any time, provided that your people have collected the resources to do so. There is no money. Instead, your hard-earned resources can be bartered away with the arrival of trade vessels. These merchants are the key to adding livestock and annual crops to the townspeople\u2019s diet; however, their lengthy trade route comes with the risk of bringing illnesses from abroad.\r\n\r\nThere are twenty different occupations that the people in the city can perform from farming, hunting, and blacksmithing, to mining, teaching, and healing. No single strategy will succeed for every town. Some resources may be more scarce from one map to the next. The player can choose to replant forests, mine for iron, and quarry for rock, but all these choices require setting aside space into which you cannot expand.\r\n\r\nThe success or failure of a town depends on the appropriate management of risks and resources.", + "short_description": "In this city-building strategy game, you control a group of exiled travelers who decide to restart their lives in a new land. They have only the clothes on their backs and a cart filled with supplies from their homeland. The townspeople of Banished are your primary resource.", + "genres": "Indie", + "recommendations": 34906, + "score": 6.895834940489047 + }, + { + "type": "game", + "name": "Watch_Dogs\u2122", + "detailed_description": "WATCH_DOGS\u2122 COMPLETE EDITION. Experience Watch_Dogs - the phenomenon of 2014 - with the biggest edition ever!. As Aiden Pearce, a brilliant hacker, turn Chicago into the ultimate weapon in your quest for revenge. In this Complete Edition, including the game + Season Pass, access a new game mode, weapons, outfits and missions and plays as T-Bone, the legendary hacker in a brand new campaign!. About the GameAll it takes is the swipe of a finger. We connect with friends. We buy the latest gadgets and gear. We find out what\u2019s happening in the world. But with that same simple swipe, we cast an increasingly expansive shadow. With each connection, we leave a digital trail that tracks our every move and milestone, our every like and dislike. And it\u2019s not just people. Today, all major cities are networked. Urban infrastructures are monitored and controlled by complex operating systems. . In Watch_Dogs, this system is called the Central Operating System (CTOS) \u2013 and it controls almost every piece of the city\u2019s technology and holds key information on all of the city\u2019s residents. . You play as Aiden Pearce, a brilliant hacker and former thug, whose criminal past led to a violent family tragedy. Now on the hunt for those who hurt your family, you'll be able to monitor and hack all who surround you by manipulating everything connected to the city\u2019s network. Access omnipresent security cameras, download personal information to locate a target, control traffic lights and public transportation to stop the enemy\u2026and more. . Use the city of Chicago as your ultimate weapon and exact your own style of revenge.KEY FEATURES. HACK THE CITY. Watch_Dogs takes place in a fully simulated living city where, using your smartphone, you have real-time control over the city\u2019s infrastructure. Trap your enemy in a 30-car pileup by manipulating the traffic lights. Stop a train, and then board it to evade the authorities. Narrowly escape capture by quickly raising a drawbridge. Anything connected to the city\u2019s CTOS can become your weapon. . STREET JUSTICE. Living in inner city Chicago where violence is best answered by violence, you have the skills to take the fight to the streets. Take down enemies by delivering devastating blows with your baton, or experience a shoot-out like never before with a physics simulation that rivals anything in the shooter category. Use a combination of shooting and hacking to gain advantage in any given situation. The streets are designed for you to create your own plan of attack. Overall, you will have access to more than 30 traditional weapons. . HIGH OCTANE DRIVING. Ubisoft Montreal has partnered with studios such as Ubisoft Reflections, the acclaimed studio behind the award-winning Driver series to bring you a game bursting with horsepower. Get behind the wheel of more than 65 vehicles, each with state of the art physics and handling, and explore the massive city while completing missions. . EVERYTHING IS UNDER CONTROL . Disrupt, the all-new game engine dedicated to Watch_Dogs, uses advanced processing and graphics to deliver a stunning visual and an incredibly realistic experience. Disrupt gives you the power to affect the story, the city and the life of the population with your choices creating a ripple effect throughout the city. . DYNAMIC NAVIGATION. Watch_Dogs gives you the ability to not only use the city\u2019s ctOS to your advantage, but the streets as well. In real-world Chicago, cut through buildings or climb to the rooftops to catch your target. . SEAMLESS MULTIPLAYER EXPERIENCE. Discover new levels of interaction, cooperation and confrontation between players thanks to a brand new multiplayer game system that links the single and multiplayer modes into one seamless experience. That means no menus, no loading screens, just instant open world multiplayer action.", + "about_the_game": "All it takes is the swipe of a finger. We connect with friends. We buy the latest gadgets and gear. We find out what\u2019s happening in the world. But with that same simple swipe, we cast an increasingly expansive shadow. With each connection, we leave a digital trail that tracks our every move and milestone, our every like and dislike. And it\u2019s not just people. Today, all major cities are networked. Urban infrastructures are monitored and controlled by complex operating systems. In Watch_Dogs, this system is called the Central Operating System (CTOS) \u2013 and it controls almost every piece of the city\u2019s technology and holds key information on all of the city\u2019s residents. You play as Aiden Pearce, a brilliant hacker and former thug, whose criminal past led to a violent family tragedy. Now on the hunt for those who hurt your family, you'll be able to monitor and hack all who surround you by manipulating everything connected to the city\u2019s network. Access omnipresent security cameras, download personal information to locate a target, control traffic lights and public transportation to stop the enemy\u2026and more. Use the city of Chicago as your ultimate weapon and exact your own style of revenge.KEY FEATURESHACK THE CITYWatch_Dogs takes place in a fully simulated living city where, using your smartphone, you have real-time control over the city\u2019s infrastructure. Trap your enemy in a 30-car pileup by manipulating the traffic lights. Stop a train, and then board it to evade the authorities. Narrowly escape capture by quickly raising a drawbridge. Anything connected to the city\u2019s CTOS can become your weapon.STREET JUSTICELiving in inner city Chicago where violence is best answered by violence, you have the skills to take the fight to the streets. Take down enemies by delivering devastating blows with your baton, or experience a shoot-out like never before with a physics simulation that rivals anything in the shooter category. Use a combination of shooting and hacking to gain advantage in any given situation. The streets are designed for you to create your own plan of attack. Overall, you will have access to more than 30 traditional weapons. HIGH OCTANE DRIVINGUbisoft Montreal has partnered with studios such as Ubisoft Reflections, the acclaimed studio behind the award-winning Driver series to bring you a game bursting with horsepower. Get behind the wheel of more than 65 vehicles, each with state of the art physics and handling, and explore the massive city while completing missions.\tEVERYTHING IS UNDER CONTROL Disrupt, the all-new game engine dedicated to Watch_Dogs, uses advanced processing and graphics to deliver a stunning visual and an incredibly realistic experience. Disrupt gives you the power to affect the story, the city and the life of the population with your choices creating a ripple effect throughout the city.DYNAMIC NAVIGATIONWatch_Dogs gives you the ability to not only use the city\u2019s ctOS to your advantage, but the streets as well. In real-world Chicago, cut through buildings or climb to the rooftops to catch your target.SEAMLESS MULTIPLAYER EXPERIENCEDiscover new levels of interaction, cooperation and confrontation between players thanks to a brand new multiplayer game system that links the single and multiplayer modes into one seamless experience. That means no menus, no loading screens, just instant open world multiplayer action.", + "short_description": "In today's hyper-connected world, Chicago operates under ctOS, the most advanced computer network in America.", + "genres": "Action", + "recommendations": 33056, + "score": 6.8599372189512895 + }, + { + "type": "game", + "name": "Assetto Corsa", + "detailed_description": "The Real Race - Join The Competition Now!. About the GameNEXT GENERATION RACING SIMULATOR. Assetto Corsa features an advanced DirectX 11 graphics engine that recreates an immersive environment, dynamic lighthing and realistic materials and surfaces. The advanced physics engine is being designed to provide a very realistic driving experience, including features and aspects of real cars, never seen on any other racing simulator such as tyre flat spots, heat cycles including graining and blistering, very advanced aerodynamic simulation with active movable aerodynamics parts controlled in real time by telemetry input channels, hybrid systems with kers and energy recovery simulation. Extremely detailed with single player and multiplayer options, exclusive licensed cars reproduced with the best accuracy possible, thanks to the official cooperation of Car Manufacturers. ASSETTO CORSA has been developed at the KUNOS Simulazioni R&D office, located just inside the international racing circuit of Vallelunga, allowing the team to develop the game with the cooperation of real world racing drivers and racing teams. . LEGENDARY TRACKS. The circuits have been developed using Laser scan technology, in order to guarantee the highest level of accuracy possible in reproducing real world motor racing environments. Monza, Silverstone, Imola, Mugello, Spa, Brands Hatch and many more tracks, including the historical reproduction of Monza, that brings again to life the legendary Sopraelevata, the high-speed oval where races were staged until 1961. . EXCLUSIVE CARS. The Assetto Corsa physics engine is all new, using practical knowledge acquired from working closely with the elite of motorsport in order to engineer the best possible accuracy of physics and tactility of feeling. A physics engine like this begs to be used with officially licensed contents: Abarth, Audi, BMW, Classic Team Lotus, Ferrari, KTM, Lamborghini, Lotus cars, McLaren, Mercedes, Scuderia Glickenhaus, Pagani, Porsche, Tatuus and many more!. HARDWARE COMPATIBILITY. Enjoy ASSETTO CORSA using any kind of game device: keyboard, joypad, joystick, steering wheels including any kind of professional device and the most common motion systems. ASSETTO CORSA is also compatible and ready for Oculus and OpenVR/VIVE, triple monitor view, Track IR and 3D VISION. . GAMEPLAY & FEATURES. Assetto Corsa includes a career mode, a list of special and unique events and challenges, as well as a fully customizable, single player and multiplayer modes featuring quick races, custom championships, race weekends including free practice session, qualifying session and race. Drag races, drift challenges and much more! Four driving assist profiles (gamer, racer, pro, plus a fully-customizable profile) allow any kind of player to enjoy the simulation at their desired level. Advanced setup options and telemetry for data analysis; dynamic simulation of the tyre rubber deposited on track, depending on the car laps; an adjustable time of the day mode, featuring sun position calculated in realtime, depending by geographical coordinates of the track and by the sun curve according to time and date, in order to get the same light conditions of the real tracks!. MODDING & CUSTOMIZATION. Assetto Corsa will allow for considerable customisation and modification, in order to satisfy the expectations of professional simracers, gamers who prefer to approach the driving experience more progressively, and hobbyists who just like to reproduce and share their cars and tracks, taking advantage of the same editing tools developed and used by the developers of the game.Available content:. CARS. PRODUCTION. - Abarth 595 EsseEsse (3 variants). - Abarth 500 EsseEsse (2 variants). - Alfa Romeo 33 Stradale. - Alfa Romeo Giulia Quadrifoglio. - Alfa Romeo Giulietta QV. - Alfa Romeo Giulietta QV Launch Edition. - Alfa Romeo MiTo QV. - Audi Sport Quattro (2 variants). - Audi S1. - Bmw 1M (2 variants). - Lamborghini Miura S.V. - Lotus Elise SC (3 variants). - Maserati Alfieri. - Maserati Quattroporte GTS. - Maserati Levante S. - Mazda MX-5 NA. - Porsche Panamera G2. - Porsche Cayenne Turbo S. - Porsche Macan Turbo. - Shelby Cobra. - RUF CTR Yellowbird. - Toyota GT-86. - Ford Mustang 2015. - Chevrolet Corvette C7 Stingray. GT. - Bmw M3 E30 Evo (3 variants). - Bmw M3 E30 Group A. - Bmw M3 E30 DTM. - Bmw M3 E92 (3 variants). - Bmw Z4 E89 (3 variants). - Lotus Evora GTC. - Lotus Evora GX. GTR. - McLaren MP4-12c GT3. - Bmw Z4 GT3. - Bmw M3 GT2. - Ferrari 458 GT2. - P4/5 Competizione. - Mercedes SLS GT3. CLASSIC GP. - Classic Team Lotus Type 49. - Classic Team Lotus 98T. - Ferrari 312T. RALLY. - Audi Sport Quattro S1 E2. ENDURANCE. - Mazda 787B. SUPERCAR. - Audi R8 Plus. - Ferrari LaFerrari. - Ferrari 458 Italia (2 variants). - Ferrari F40 (2 variants). - Ferrari 599xx. - Lamborghini Hurac\u00e1n Performante. - Lamborghini Sesto Elemento. - McLaren Mp4 12c . - Mercedes SLS AMG. - Nissan GTR NISMO. - Pagani Zonda R. - Pagani Huayra. - Pagani Huayra BC. - Lotus Evora S (2 variants). - Lotus Exige S Roadster . - Lotus Exige Scura. - Lotus 2 Eleven GT4. TRACKDAY. - KTM X-Bow R. - Lotus 2 Eleven. - Lotus Evora GTE. - Lotus Evora GTE Carbon. - Lotus Exige 240R (2 variants). - Lotus Exige V6 Cup. OPEN WHEEL. - Tatuus FA-01. - Lotus Exos T125 (2 variants). TRACKS. - Laguna Seca. - Magione - \"Autodromo dell'Umbria\". - Imola - \"Autodromo Enzo e Dino Ferrari\". - Mugello - \"Autodromo Internazionale del Mugello\". - Silverstone - GP. - Silverstone - International. - Silverstone - National. - Silverstone 1967. - Monza - \"Autodromo di Monza\". - Monza - \"Classic 60's Edition\" (3 variants). - Nurburgring - GP. - Nurburgring - Sprint. - Spa Francorchamps. - Vallelunga - \"Autodromo Piero Taruffi\". - Vallelunga - Circuito Club. - Zandvoort. - Trento - Bondone Hillclimb. - Drift Track. - Drag strip. - Black Cat County (fantasy track). - Highlands (fantasy track). SHOWROOMS. - Standard showroom. - The Beach. - Hangar. - Industrial. - Sunset. GAME MODES. - Free Practice. - Racing against AI. - Career. - Custom championship. - Online Multiplayer. - HotLap . - Time Attack. - Special Events. - Drift. - Drag race. FEATURES. - In game telemetry and apps. - Advanced car setup management. - Flags . - Penalties. APPS LIST. - Basic info. - Chat app. - Tyre app. - Real time app. - Help. - Lap time. - Pit stop presets. - Friends Leaderboard . - Camera On Board Customization. - Time of the day display. - Input monitor. - Time performance indicator. - Gear/rpm indicator. - Track map. - Rankings. - G-meter indicator", + "about_the_game": "NEXT GENERATION RACING SIMULATORAssetto Corsa features an advanced DirectX 11 graphics engine that recreates an immersive environment, dynamic lighthing and realistic materials and surfaces. The advanced physics engine is being designed to provide a very realistic driving experience, including features and aspects of real cars, never seen on any other racing simulator such as tyre flat spots, heat cycles including graining and blistering, very advanced aerodynamic simulation with active movable aerodynamics parts controlled in real time by telemetry input channels, hybrid systems with kers and energy recovery simulation. Extremely detailed with single player and multiplayer options, exclusive licensed cars reproduced with the best accuracy possible, thanks to the official cooperation of Car Manufacturers.ASSETTO CORSA has been developed at the KUNOS Simulazioni R&D office, located just inside the international racing circuit of Vallelunga, allowing the team to develop the game with the cooperation of real world racing drivers and racing teams.LEGENDARY TRACKSThe circuits have been developed using Laser scan technology, in order to guarantee the highest level of accuracy possible in reproducing real world motor racing environments.Monza, Silverstone, Imola, Mugello, Spa, Brands Hatch and many more tracks, including the historical reproduction of Monza, that brings again to life the legendary Sopraelevata, the high-speed oval where races were staged until 1961.EXCLUSIVE CARSThe Assetto Corsa physics engine is all new, using practical knowledge acquired from working closely with the elite of motorsport in order to engineer the best possible accuracy of physics and tactility of feeling.A physics engine like this begs to be used with officially licensed contents: Abarth, Audi, BMW, Classic Team Lotus, Ferrari, KTM, Lamborghini, Lotus cars, McLaren, Mercedes, Scuderia Glickenhaus, Pagani, Porsche, Tatuus and many more!HARDWARE COMPATIBILITYEnjoy ASSETTO CORSA using any kind of game device: keyboard, joypad, joystick, steering wheels including any kind of professional device and the most common motion systems.ASSETTO CORSA is also compatible and ready for Oculus and OpenVR/VIVE, triple monitor view, Track IR and 3D VISION.GAMEPLAY & FEATURESAssetto Corsa includes a career mode, a list of special and unique events and challenges, as well as a fully customizable, single player and multiplayer modes featuring quick races, custom championships, race weekends including free practice session, qualifying session and race. Drag races, drift challenges and much more! Four driving assist profiles (gamer, racer, pro, plus a fully-customizable profile) allow any kind of player to enjoy the simulation at their desired level.Advanced setup options and telemetry for data analysis; dynamic simulation of the tyre rubber deposited on track, depending on the car laps; an adjustable time of the day mode, featuring sun position calculated in realtime, depending by geographical coordinates of the track and by the sun curve according to time and date, in order to get the same light conditions of the real tracks!MODDING & CUSTOMIZATIONAssetto Corsa will allow for considerable customisation and modification, in order to satisfy the expectations of professional simracers, gamers who prefer to approach the driving experience more progressively, and hobbyists who just like to reproduce and share their cars and tracks, taking advantage of the same editing tools developed and used by the developers of the game.Available content:CARSPRODUCTION- Abarth 595 EsseEsse (3 variants)- Abarth 500 EsseEsse (2 variants)- Alfa Romeo 33 Stradale- Alfa Romeo Giulia Quadrifoglio- Alfa Romeo Giulietta QV- Alfa Romeo Giulietta QV Launch Edition- Alfa Romeo MiTo QV- Audi Sport Quattro (2 variants)- Audi S1- Bmw 1M (2 variants)- Lamborghini Miura S.V.- Lotus Elise SC (3 variants)- Maserati Alfieri- Maserati Quattroporte GTS- Maserati Levante S- Mazda MX-5 NA- Porsche Panamera G2- Porsche Cayenne Turbo S- Porsche Macan Turbo- Shelby Cobra- RUF CTR Yellowbird- Toyota GT-86- Ford Mustang 2015- Chevrolet Corvette C7 StingrayGT- Bmw M3 E30 Evo (3 variants)- Bmw M3 E30 Group A- Bmw M3 E30 DTM- Bmw M3 E92 (3 variants)- Bmw Z4 E89 (3 variants)- Lotus Evora GTC- Lotus Evora GXGTR- McLaren MP4-12c GT3- Bmw Z4 GT3- Bmw M3 GT2- Ferrari 458 GT2- P4/5 Competizione- Mercedes SLS GT3CLASSIC GP- Classic Team Lotus Type 49- Classic Team Lotus 98T- Ferrari 312TRALLY- Audi Sport Quattro S1 E2ENDURANCE- Mazda 787BSUPERCAR- Audi R8 Plus- Ferrari LaFerrari- Ferrari 458 Italia (2 variants)- Ferrari F40 (2 variants)- Ferrari 599xx- Lamborghini Hurac\u00e1n Performante- Lamborghini Sesto Elemento- McLaren Mp4 12c - Mercedes SLS AMG- Nissan GTR NISMO- Pagani Zonda R- Pagani Huayra- Pagani Huayra BC- Lotus Evora S (2 variants)- Lotus Exige S Roadster - Lotus Exige Scura- Lotus 2 Eleven GT4TRACKDAY- KTM X-Bow R- Lotus 2 Eleven- Lotus Evora GTE- Lotus Evora GTE Carbon- Lotus Exige 240R (2 variants)- Lotus Exige V6 CupOPEN WHEEL- Tatuus FA-01- Lotus Exos T125 (2 variants)TRACKS- Laguna Seca- Magione - \"Autodromo dell'Umbria\"- Imola - \"Autodromo Enzo e Dino Ferrari\"- Mugello - \"Autodromo Internazionale del Mugello\"- Silverstone - GP- Silverstone - International- Silverstone - National- Silverstone 1967- Monza - \"Autodromo di Monza\"- Monza - \"Classic 60's Edition\" (3 variants)- Nurburgring - GP- Nurburgring - Sprint- Spa Francorchamps- Vallelunga - \"Autodromo Piero Taruffi\"- Vallelunga - Circuito Club- Zandvoort- Trento - Bondone Hillclimb- Drift Track- Drag strip- Black Cat County (fantasy track)- Highlands (fantasy track)SHOWROOMS- Standard showroom- The Beach- Hangar- Industrial- SunsetGAME MODES- Free Practice- Racing against AI- Career- Custom championship- Online Multiplayer- HotLap - Time Attack- Special Events- Drift- Drag raceFEATURES- In game telemetry and apps- Advanced car setup management- Flags - PenaltiesAPPS LIST- Basic info- Chat app- Tyre app- Real time app- Help- Lap time- Pit stop presets- Friends Leaderboard - Camera On Board Customization- Time of the day display- Input monitor- Time performance indicator- Gear/rpm indicator- Track map- Rankings- G-meter indicator", + "short_description": "Assetto Corsa v1.16 introduces the new "Laguna Seca" laser-scanned track, 7 new cars among which the eagerly awaited Alfa Romeo Giulia Quadrifoglio! Check the changelog for further info!", + "genres": "Indie", + "recommendations": 77460, + "score": 7.42129853264887 + }, + { + "type": "game", + "name": "Men of War: Assault Squad 2", + "detailed_description": "Men of War: Assault Squad 2 features new single player style skirmish modes that take players from extreme tank combat to deadly sniper stealth missions. Commanders can now faceoff against opponents on various new multiplayer 1v1 \u2013 8v8 maps. To truly bring the battles to life though there is the new extreme game mode designed for huge battles on spectacular maps. . This new Assault Squad game brings significant game engine and visual improvements as well, with special attention paid to ones that were highly requested by the players.Key features:advanced multi-core support. advanced shader technology. direct control every unit as if you were playing a 3rd person shooter. interface and AI improvements, including unit kill counts and squad icon information. new multiplayer interface. camouflage depending on season. fully updated inventory items with new graphics and updated vehicles. sound improvements, including voice acting. Steam features, including Steam multiplayer, matchmaking, achievements, cloud, player statistics, leaderboards, voice chat, Valve anti-cheat, friends invite and workshop. player level up and ranked system. in-game video recording, and much more. Content:15 new single player skirmishes plus 25 reworked ones from the original Assault Squad. eight player co-op support and an all new multiplayer extreme game mode. 65 multiplayer maps and five gamemodes. more than 250 vehicles at your command. more than 200 soldiers with unique equipment. five factions and various battlefields in Europe, Eastern Europe, Northern Africa and the Pacific. development tools such as 3d model exporter and map/mission editor, and much more. Deluxe Edition:The Deluxe Edition of Men of War: Assault Squad 2 is the most prestigious version of the game. Display your dedicated support as one of the grandest online commanders with unique interface elements and faster collecting of experience. . Receive a five star general ribbon for your main menu badge. Receive an unique five star general achievement. Receive a special icon for your player avatar visible to everyone during a match. Receive an outstanding HUD element visible while playing and recording matches. Receive a slight XP boost for all factions in multiplayer to unlock units faster.", + "about_the_game": "Men of War: Assault Squad 2 features new single player style skirmish modes that take players from extreme tank combat to deadly sniper stealth missions. Commanders can now faceoff against opponents on various new multiplayer 1v1 \u2013 8v8 maps. To truly bring the battles to life though there is the new extreme game mode designed for huge battles on spectacular maps.This new Assault Squad game brings significant game engine and visual improvements as well, with special attention paid to ones that were highly requested by the players.Key features:advanced multi-core supportadvanced shader technologydirect control every unit as if you were playing a 3rd person shooterinterface and AI improvements, including unit kill counts and squad icon informationnew multiplayer interfacecamouflage depending on seasonfully updated inventory items with new graphics and updated vehiclessound improvements, including voice actingSteam features, including Steam multiplayer, matchmaking, achievements, cloud, player statistics, leaderboards, voice chat, Valve anti-cheat, friends invite and workshopplayer level up and ranked systemin-game video recording, and much more.Content:15 new single player skirmishes plus 25 reworked ones from the original Assault Squadeight player co-op support and an all new multiplayer extreme game mode65 multiplayer maps and five gamemodesmore than 250 vehicles at your commandmore than 200 soldiers with unique equipmentfive factions and various battlefields in Europe, Eastern Europe, Northern Africa and the Pacificdevelopment tools such as 3d model exporter and map/mission editor, and much more.Deluxe Edition:The Deluxe Edition of Men of War: Assault Squad 2 is the most prestigious version of the game. Display your dedicated support as one of the grandest online commanders with unique interface elements and faster collecting of experience.Receive a five star general ribbon for your main menu badgeReceive an unique five star general achievementReceive a special icon for your player avatar visible to everyone during a matchReceive an outstanding HUD element visible while playing and recording matchesReceive a slight XP boost for all factions in multiplayer to unlock units faster", + "short_description": "Men of War: Assault Squad 2 features new single player style skirmish modes that take players from extreme tank combat to deadly sniper stealth missions. Commanders can now faceoff against opponents on various new multiplayer 1v1 \u2013 8v8 maps.", + "genres": "Action", + "recommendations": 30114, + "score": 6.798490442387477 + }, + { + "type": "game", + "name": "Space Engineers", + "detailed_description": "DELUXE EDITIONThe Deluxe Edition includes the standard Space Engineers game, an exclusive \"Golden\" skin set for your character and tools, the first Space Engineers build from 2013, all tracks from the original soundtrack, over 200 unpublished digital concept images and never seen videos and a special badge!. Keen Community Discord. Looking for your fellow Space Engineers?. Unanswered questions? Join the official Keen Software House Discord here. Special OfferOwners of Medieval Engineers will also receive an exclusive \"Medieval\" skin set which they can use when customizing their Engineer's appearance. . About the Game. Space Engineers is an open world sandbox game defined by creativity and exploration. . It is a sandbox game about engineering, construction, exploration and survival in space and on planets. Players build space ships, wheeled vehicles, space stations, planetary outposts of various sizes and uses (civil and military), pilot ships and travel through space to explore planets and gather resources to survive. Featuring both creative and survival modes, there is no limit to what can be built, utilized and explored. . . Space Engineers features a realistic, volumetric-based physics engine: everything in the game can be assembled, disassembled, damaged and destroyed. The game can be played either in single or multiplayer modes. . Volumetric objects are structures composed from block-like modules interlocked in a grid. Volumetric objects behave like real physical objects with mass, inertia and velocity. Individual modules have real volume and storage capacity. . . Space Engineers is inspired by reality and by how things work. Think about modern-day NASA technology extrapolated 60 years into the future. Space Engineers strives to follow the laws of physics and doesn't use technologies that wouldn't be feasible in the near future. . Space Engineers concentrates on construction and exploration aspects, but can be played as a survival shooter as well. We expect players will avoid engaging in direct man-to-man combat and instead use their creativity and engineering skills to build war machines and fortifications to survive in space and on planets. Space Engineers shouldn\u2019t be about troops; it should be about the machinery you build.CORE FEATURESPlanets and moons \u2013 fully destructible & persistent, volumetric, atmosphere, gravity, climate zones. Game modes. - Creative \u2013 unlimited resources, instant building, no death. - Survival \u2013 realistic management of resources and inventory capacity; manual building; death/respawn. . Single-player \u2013 you are the sole space engineer. Multiplayer. - Creative and survival mode with your friends. - Cooperative and competitive. - Privacy customization: offline, private, friends only, public. - Up to 16 players. - Dedicated servers. New game options. - Scenarios - offer linear story with action-packed gameplay, while the majority of Space Engineers scenarios feature unique sandbox environments where players create their own challenges. - Workshop worlds - offer worlds created by other players. - Custom worlds - offer variety of customizable worlds where you can start your own scenario. . Customizable character - skins, colors, community market, male and female character. Ships (small and large) \u2013 build and pilot them. Space stations. Planetary bases, outposts, cities. First-person & Third-person. Super-large worlds \u2013 the size of the world to 1,000,000,000 km in diameter (almost infinite). Procedural asteroids - an infinite number of asteroids to the game world. Exploration - adds an infinite number of ships and stations to the game world; discover, explore, acquire and conquer!. Drilling / harvesting. Manual building in survival mode \u2013 use welder to assemble blocks from components; use grinder to disassemble and reuse components. Deformable and destructible objects \u2013 real proportions, mass, storage capacity, integrity. . . Visual script editor - players can create missions and game modes which can be played by other players. Capture the flag, death-match, racing or campaign driven missions - all can be done by using the editor, with your own rules and designs! Even main campaign and game scenarios were created in this tool. . Building blocks - over 200 blocks (gravity generators, jump drive, turrets, doors, landing gears, assembler, refinery, rotors, wheels, thrusters, pistons, wind turbine and many more) . Programmable block - allows players to write small programs that will be executed in the game. Electricity \u2013 all blocks in a grid are wired in an electrical and computer network; electricity is generated by nuclear reactors or various power sources. Gravity \u2013 produced by planets and gravity generators. Spherical gravity generator also available. . Symmetry/Mirroring \u2013 useful in creative mode when building structures that require symmetry. Weapons \u2013 automatic rifle, small and large explosive warheads, small ship gatling gun, small ship missile launcher. Steam Workshop \u2013 share your creations with the Community (upload and download worlds, blueprints, MODs, scripts). Localized interface. - Official localization: English, Russian, Chinese, French, Spanish, German, Italian, Portuguese-Brazil. - Community localization: Czech, Danish, Dutch, German, Icelandic, Polish, Spanish-Spain, Spanish-Latin America, Finnish, Hungarian, Estonian, Norwegian, Swedish, Slovak, Ukrainian. Cargo ships - auto-piloted vessels (miners, freighters and military) that carry ore, ingots, constructions components and other materials from sector to sector. They can be looted but beware, they often contain booby traps!. Oxygen - take off character's helmet, generate oxygen out of ice by using the oxygen generator. Hydrogen - hydrogen thrusters, hydrogen tanks and hydrogen bottles. Factions - create and join factions, determine ownership of blocks and manage the relations between them (hostile/ally). . Remote control \u2013 control ships and turrets without being inside. Modding - world files, shaders, textures, 3D models. Modding API - brings a lot of new possibilities to modders and allows them to alter the game by writing C# scripts which have access to in-game objects. Blueprints - save your ship or station on a blueprint and paste it into your game. GPS - create, send, receive and manage GPS coordinates in the game. Voxel hands - shape and form the asteroids and change their material (creative mode only). Xbox controller support. Sounds \u2013 realistic and arcade mode. Space Engineers utilizes an in-house built VRAGE 2.0, realistic volumetric-based physics engine: all objects can be assembled, disassembled, damaged and destroyed. . How to PlayStart by watching this video tutorial:. Performance NotesThe performance depends on the complexity of your world and the configuration of your computer. Simple worlds run smoothly even on low-end computers, but a more complex world with rich object interactions could overload even high-end computers. . Please read our performance advices: Minimum requirements represent the bare minimum to run simple scenes and don\u2019t guarantee a perfect experience.", + "about_the_game": "Space Engineers is an open world sandbox game defined by creativity and exploration.It is a sandbox game about engineering, construction, exploration and survival in space and on planets. Players build space ships, wheeled vehicles, space stations, planetary outposts of various sizes and uses (civil and military), pilot ships and travel through space to explore planets and gather resources to survive. Featuring both creative and survival modes, there is no limit to what can be built, utilized and explored.Space Engineers features a realistic, volumetric-based physics engine: everything in the game can be assembled, disassembled, damaged and destroyed. The game can be played either in single or multiplayer modes.Volumetric objects are structures composed from block-like modules interlocked in a grid. Volumetric objects behave like real physical objects with mass, inertia and velocity. Individual modules have real volume and storage capacity.Space Engineers is inspired by reality and by how things work. Think about modern-day NASA technology extrapolated 60 years into the future. Space Engineers strives to follow the laws of physics and doesn't use technologies that wouldn't be feasible in the near future.Space Engineers concentrates on construction and exploration aspects, but can be played as a survival shooter as well. We expect players will avoid engaging in direct man-to-man combat and instead use their creativity and engineering skills to build war machines and fortifications to survive in space and on planets. Space Engineers shouldn\u2019t be about troops; it should be about the machinery you build.CORE FEATURESPlanets and moons \u2013 fully destructible & persistent, volumetric, atmosphere, gravity, climate zonesGame modes - Creative \u2013 unlimited resources, instant building, no death - Survival \u2013 realistic management of resources and inventory capacity; manual building; death/respawnSingle-player \u2013 you are the sole space engineerMultiplayer - Creative and survival mode with your friends - Cooperative and competitive - Privacy customization: offline, private, friends only, public - Up to 16 players - Dedicated serversNew game options - Scenarios - offer linear story with action-packed gameplay, while the majority of Space Engineers scenarios feature unique sandbox environments where players create their own challenges. - Workshop worlds - offer worlds created by other players. - Custom worlds - offer variety of customizable worlds where you can start your own scenario. Customizable character - skins, colors, community market, male and female characterShips (small and large) \u2013 build and pilot themSpace stationsPlanetary bases, outposts, citiesFirst-person & Third-personSuper-large worlds \u2013 the size of the world to 1,000,000,000 km in diameter (almost infinite)Procedural asteroids - an infinite number of asteroids to the game worldExploration - adds an infinite number of ships and stations to the game world; discover, explore, acquire and conquer!Drilling / harvestingManual building in survival mode \u2013 use welder to assemble blocks from components; use grinder to disassemble and reuse componentsDeformable and destructible objects \u2013 real proportions, mass, storage capacity, integrityVisual script editor - players can create missions and game modes which can be played by other players. Capture the flag, death-match, racing or campaign driven missions - all can be done by using the editor, with your own rules and designs! Even main campaign and game scenarios were created in this tool.Building blocks - over 200 blocks (gravity generators, jump drive, turrets, doors, landing gears, assembler, refinery, rotors, wheels, thrusters, pistons, wind turbine and many more) Programmable block - allows players to write small programs that will be executed in the gameElectricity \u2013 all blocks in a grid are wired in an electrical and computer network; electricity is generated by nuclear reactors or various power sourcesGravity \u2013 produced by planets and gravity generators. Spherical gravity generator also available.Symmetry/Mirroring \u2013 useful in creative mode when building structures that require symmetryWeapons \u2013 automatic rifle, small and large explosive warheads, small ship gatling gun, small ship missile launcherSteam Workshop \u2013 share your creations with the Community (upload and download worlds, blueprints, MODs, scripts)Localized interface - Official localization: English, Russian, Chinese, French, Spanish, German, Italian, Portuguese-Brazil - Community localization: Czech, Danish, Dutch, German, Icelandic, Polish, Spanish-Spain, Spanish-Latin America, Finnish, Hungarian, Estonian, Norwegian, Swedish, Slovak, UkrainianCargo ships - auto-piloted vessels (miners, freighters and military) that carry ore, ingots, constructions components and other materials from sector to sector. They can be looted but beware, they often contain booby traps!Oxygen - take off character's helmet, generate oxygen out of ice by using the oxygen generatorHydrogen - hydrogen thrusters, hydrogen tanks and hydrogen bottlesFactions - create and join factions, determine ownership of blocks and manage the relations between them (hostile/ally). Remote control \u2013 control ships and turrets without being insideModding - world files, shaders, textures, 3D modelsModding API - brings a lot of new possibilities to modders and allows them to alter the game by writing C# scripts which have access to in-game objectsBlueprints - save your ship or station on a blueprint and paste it into your gameGPS - create, send, receive and manage GPS coordinates in the gameVoxel hands - shape and form the asteroids and change their material (creative mode only)Xbox controller supportSounds \u2013 realistic and arcade modeSpace Engineers utilizes an in-house built VRAGE 2.0, realistic volumetric-based physics engine: all objects can be assembled, disassembled, damaged and destroyed. \u00a0How to PlayStart by watching this video tutorial:\u00a0Performance NotesThe performance depends on the complexity of your world and the configuration of your computer. Simple worlds run smoothly even on low-end computers, but a more complex world with rich object interactions could overload even high-end computers.Please read our performance advices: requirements represent the bare minimum to run simple scenes and don\u2019t guarantee a perfect experience.", + "short_description": "Space Engineers is a sandbox game about engineering, construction, exploration and survival in space and on planets. Players build space ships, space stations, planetary outposts of various sizes and uses, pilot ships and travel through space to explore planets and gather resources to survive.", + "genres": "Action", + "recommendations": 90168, + "score": 7.52144285049222 + }, + { + "type": "game", + "name": "SNOW - The Ultimate Edition", + "detailed_description": "Truly experience the mountain with SNOW - The Ultimate Edition and access all major game content forever in one great package!. SNOW is the only open world, winter sports game. Explore a massive mountain on snowboard, skis and snowmobile, customize your character with clothing and equipment and compete in competitive events. Or head out and explore the mountain!. The Ultimate Edition includes all feature unlocks like the Snowmobile and Prop Tool to help your exploration and creativity on the mountain. Use the Snowmobile to explore the mountain more easily, and the Prop Tool to place jumps and rails wherever you want to customize your riding experience and define your style. . The Ultimate Edition includes lifetime access to all in-game mountains, events, and rewards, including:. Sialia. Whiteridge. X Games Aspen 2016. X Games Aspen 2017. X Games Norway 2017. X Games Aspen 2018. B&e 2015. B&e 2016. Jon Olsson Invitational. Suzuki 9 Knights. S Games. Fochi 2014. Key Features//Open-World. Explore Sialia, a massive alpine mountain handcrafted for the game. Descend Sialia\u2019s four faces and discover hidden valleys, mountain towns, old ruins and much more. . //Authentic. Feel the snow beneath you as your ride down the mountain on skis or snowboard. SNOW has been built as a completely physics driven game to give you the most realistic skiing experience ever. . //Customization. Customize your look from head to toe from a catalogue of over 300 items. . //Create. Customize your mountain by placing props and other features anywhere you like. Use jumps to access new areas or place other props to approach an area in a new way. . //Compete. Prove your skill by competing in real events from around the world, like X Games Aspen, Suzuki\u2019s Nine Knights, and Jon Olsson\u2019s Invitational. Go for the Gold Medal to unlock exclusive event items and rewards. . Included in each mountain comes a handful of events, challenges, collectables, and sightseeing locations for you to complete. In total The Ultimate Edition includes 60 events, 43 challenges, 90 collectables, 47 sightseeing locations and 61 rewards!. SNOW - The Ultimate Edition supports now Razer Chroma RGB effects and hardware, see below the supported effects. - Event: Bronze. - Event: Silver. - Event: Gold. - Intro. - Map Loading. - Map Theme: B&E. - Map Theme: B&E 2016. - Map Theme: Fochi. - Map Theme: Jon Olsson Invitational. - Map Theme: S Games. - Map Theme: Sialia. - Map Theme: Suzuki Nine Knights. - Map Theme: Tyro Valley. - Map Theme: Whiteridge. - Map Theme: X Games 2016. - Map Theme: X Games 2017. - Map Theme: X Games Aspen 2018. - Map Theme: X Games Norway 2017. - Select Skiing. - Select Snowboarding. - Select Snowmobile. - Trigger Checkpoints. More effects coming soon when performing tricks and slick moves in-game.", + "about_the_game": "Truly experience the mountain with SNOW - The Ultimate Edition and access all major game content forever in one great package!SNOW is the only open world, winter sports game. Explore a massive mountain on snowboard, skis and snowmobile, customize your character with clothing and equipment and compete in competitive events. Or head out and explore the mountain!The Ultimate Edition includes all feature unlocks like the Snowmobile and Prop Tool to help your exploration and creativity on the mountain. Use the Snowmobile to explore the mountain more easily, and the Prop Tool to place jumps and rails wherever you want to customize your riding experience and define your style.The Ultimate Edition includes lifetime access to all in-game mountains, events, and rewards, including:SialiaWhiteridgeX Games Aspen 2016X Games Aspen 2017X Games Norway 2017X Games Aspen 2018B&e 2015B&e 2016Jon Olsson InvitationalSuzuki 9 KnightsS GamesFochi 2014Key Features//Open-WorldExplore Sialia, a massive alpine mountain handcrafted for the game. Descend Sialia\u2019s four faces and discover hidden valleys, mountain towns, old ruins and much more. //AuthenticFeel the snow beneath you as your ride down the mountain on skis or snowboard. SNOW has been built as a completely physics driven game to give you the most realistic skiing experience ever.//CustomizationCustomize your look from head to toe from a catalogue of over 300 items.//CreateCustomize your mountain by placing props and other features anywhere you like. Use jumps to access new areas or place other props to approach an area in a new way.//CompeteProve your skill by competing in real events from around the world, like X Games Aspen, Suzuki\u2019s Nine Knights, and Jon Olsson\u2019s Invitational. Go for the Gold Medal to unlock exclusive event items and rewards.Included in each mountain comes a handful of events, challenges, collectables, and sightseeing locations for you to complete. In total The Ultimate Edition includes 60 events, 43 challenges, 90 collectables, 47 sightseeing locations and 61 rewards!SNOW - The Ultimate Edition supports now Razer Chroma RGB effects and hardware, see below the supported effects.- Event: Bronze- Event: Silver- Event: Gold- Intro- Map Loading- Map Theme: B&E- Map Theme: B&E 2016- Map Theme: Fochi- Map Theme: Jon Olsson Invitational- Map Theme: S Games- Map Theme: Sialia- Map Theme: Suzuki Nine Knights- Map Theme: Tyro Valley- Map Theme: Whiteridge- Map Theme: X Games 2016- Map Theme: X Games 2017- Map Theme: X Games Aspen 2018- Map Theme: X Games Norway 2017- Select Skiing- Select Snowboarding- Select Snowmobile- Trigger CheckpointsMore effects coming soon when performing tricks and slick moves in-game.", + "short_description": "SNOW - The Ultimate Edition is the only open world, winter sports game. Explore a massive mountain, customize your character with clothing and equipment, compete in events to be the best. Access to all mountains, tracks, events as well including all cosmetics, ski, snowboard, drone, and snowmobile.", + "genres": "Casual", + "recommendations": 2209, + "score": 5.076561999287242 + }, + { + "type": "game", + "name": "Skullgirls 2nd Encore", + "detailed_description": "Skullgirls 2nd Encore is a beautiful, fast-paced, and critically acclaimed 2D fighting game that puts players in control of fierce warriors in an extraordinary Dark Deco world. Each of the 14 wildly original characters features unique gameplay mechanics and plenty of personality. . Skullgirls is the perfect fighting game for casual and competitive fighting game fans alike. Includes fully voiced story mode, gorgeous animation, and a soundtrack by Michiru Yamane.", + "about_the_game": "Skullgirls 2nd Encore is a beautiful, fast-paced, and critically acclaimed 2D fighting game that puts players in control of fierce warriors in an extraordinary Dark Deco world. Each of the 14 wildly original characters features unique gameplay mechanics and plenty of personality.\r\n\r\nSkullgirls is the perfect fighting game for casual and competitive fighting game fans alike. Includes fully voiced story mode, gorgeous animation, and a soundtrack by Michiru Yamane.", + "short_description": "--Main Stage Game at Evo 2022!-- The ultimate Skullgirls experience: Featuring 14 hand-animated characters, fully voiced story mode, countless palettes, and unparalleled GGPO-based multiplayer netcode.", + "genres": "Action", + "recommendations": 25732, + "score": 6.694827111216458 + }, + { + "type": "game", + "name": "Tropico 5", + "detailed_description": "\ud83c\udf34 Tropico 6 \ud83c\udf34 About the GameReturn to the remote island nation of Tropico in the next installment of the critically acclaimed and hugely popular \u2018dictator sim\u2019 series. Expand your Dynasty\u2019s reign from the early colonial period to beyond the 21st Century, facing an all-new set of challenges, including advanced trading mechanics, technology and scientific research, exploration and for the first time in Tropico history \u2013 cooperative and competitive MULTIPLAYER for up to 4 players. . The Eras - Start your reign during colonial times, survive the World Wars and the Great Depression, be a dictator during the Cold War, and advance your country to modern times and beyond. From the 19th century to the 21st, each era carries its own challenges and opportunities. The Dynasty - Each member of El Presidente\u2019s extended family is present on the island and may be appointed as a ruler, a manager, an ambassador or a general. Invest in the members of your Dynasty to unlock new traits and turn them into your most valuable assets. Research and Renovate - Advance your nation by discovering new buildings, technologies and resources. Renovate your old buildings to more efficient modern buildings. Advanced trade system and trade fleet - Amass a global trade fleet and use your ships to secure trade routes to neighboring islands or world superpowers, both for export and import. Explore your island - Discover what lies beyond the fog of war. Find valuable resource deposits and explore the ruins of ancient civilizations. All new art - All artwork has been re-designed from scratch to provide Tropico 5 with a unique visual identity. Choose from over 100 buildings from each of the individual eras. Cooperative and competitive multiplayer \u2013 Up to 4 players can build up their own cities and economies on any given island map. Players can choose to share resources, supplies and population or declare war on each other.Wishlist now! ", + "about_the_game": "Return to the remote island nation of Tropico in the next installment of the critically acclaimed and hugely popular \u2018dictator sim\u2019 series. Expand your Dynasty\u2019s reign from the early colonial period to beyond the 21st Century, facing an all-new set of challenges, including advanced trading mechanics, technology and scientific research, exploration and for the first time in Tropico history \u2013 cooperative and competitive MULTIPLAYER for up to 4 players. The Eras - Start your reign during colonial times, survive the World Wars and the Great Depression, be a dictator during the Cold War, and advance your country to modern times and beyond. From the 19th century to the 21st, each era carries its own challenges and opportunities. The Dynasty - Each member of El Presidente\u2019s extended family is present on the island and may be appointed as a ruler, a manager, an ambassador or a general. Invest in the members of your Dynasty to unlock new traits and turn them into your most valuable assets. Research and Renovate - Advance your nation by discovering new buildings, technologies and resources. Renovate your old buildings to more efficient modern buildings. Advanced trade system and trade fleet - Amass a global trade fleet and use your ships to secure trade routes to neighboring islands or world superpowers, both for export and import. Explore your island - Discover what lies beyond the fog of war. Find valuable resource deposits and explore the ruins of ancient civilizations. All new art - All artwork has been re-designed from scratch to provide Tropico 5 with a unique visual identity. Choose from over 100 buildings from each of the individual eras. Cooperative and competitive multiplayer \u2013 Up to 4 players can build up their own cities and economies on any given island map. Players can choose to share resources, supplies and population or declare war on each other.Wishlist now!", + "short_description": "Return to the remote island nation of Tropico and expand your Dynasty\u2019s reign from the early colonial period to beyond the 21st Century, facing new challenges including advanced trading mechanics, technology and scientific research, as well as cooperative and competitive MULTIPLAYER.", + "genres": "RPG", + "recommendations": 9322, + "score": 6.025517909227047 + }, + { + "type": "game", + "name": "Plague Inc: Evolved", + "detailed_description": "Featured DLC Just Updated About the Game. Plague Inc: Evolved is a unique mix of high strategy and terrifyingly realistic simulation. Your pathogen has just infected 'Patient Zero' - now you must bring about the end of human history by evolving a deadly, global Plague whilst adapting against everything humanity can do to defend itself. . Plague Inc. is so realistic that the CDC even asked the developer to come and speak about the infection models in the game! . \u201cThe game creates a compelling world that engages the public on serious public health topics.\u201d. - Ali S. Khan, CDC. Over 120 million players have been infected by Plague Inc. already. Now, Plague Inc: Evolved combines the original critically acclaimed gameplay with significant, all-new features for PC including multiplayer, user-generated content support, improved graphics and lots more. . . 10 Different Disease Types \u2013 Master every pathogen; from bacteria to bio-weapons and mind control to zombies, end humanity by any means possible \u2013 different diseases will need radically different approaches. . 23 Unique Scenarios \u2013 Adapt your strategy; scenarios create further challenges for your pandemic \u2013 how will you handle a new strain of Swine Flu, or infect a world in Ice Age? . Hyper-Realistic World \u2013 Strategize in the real world; advanced AI and use of real-world data and events make Plague Inc: Evolved a highly authentic simulation of a world-ending pathogen. Even the CDC likes it! . Competitive Multiplayer - The world is unlucky enough to be infected with two plagues, but how will you win the battle for genetic dominance against your opponent? Players get all new evolutions, abilities and genes to help them fight for global control and destroy their opponent! . Co-Operative Mode - Two different diseases team up to infect and destroy the world together but Humanity has new tricks up its sleeve to fight back! Work closely with your partner and use brand-new genes, traits and strategies to smash cure labs all over the world before they eradicate you. . Contagious Content Creator - Hit the lab and develop your own custom scenarios - creating new plague types, worlds and in-game events. Sophisticated tools support user-generated content to let players bring their deadliest ideas to life and share them on Steam Workshop. With over 10,000 custom scenarios already released - there is always something new to infect!. Blinding Graphics - Full 3D disease models take you closer to your plague than ever before, city-cams show humanity's struggle at street level, and the body scanner highlights the full effect of your mutations, organ by organ. . Deadly Data - Geek out with stats and graphs; monitor infection and death levels, track government reactions and cure efforts, then review your plague's success (or failure!) with full game replays. . And much more. - Including speed runs, Mega-Brutal difficulty and genetic modification. Plus loads of new disease types and scenarios in future (free!) updates.", + "about_the_game": "Plague Inc: Evolved is a unique mix of high strategy and terrifyingly realistic simulation. Your pathogen has just infected 'Patient Zero' - now you must bring about the end of human history by evolving a deadly, global Plague whilst adapting against everything humanity can do to defend itself. Plague Inc. is so realistic that the CDC even asked the developer to come and speak about the infection models in the game! game creates a compelling world that engages the public on serious public health topics.\u201d- Ali S. Khan, CDCOver 120 million players have been infected by Plague Inc. already. Now, Plague Inc: Evolved combines the original critically acclaimed gameplay with significant, all-new features for PC including multiplayer, user-generated content support, improved graphics and lots more. 10 Different Disease Types \u2013 Master every pathogen; from bacteria to bio-weapons and mind control to zombies, end humanity by any means possible \u2013 different diseases will need radically different approaches. 23 Unique Scenarios \u2013 Adapt your strategy; scenarios create further challenges for your pandemic \u2013 how will you handle a new strain of Swine Flu, or infect a world in Ice Age? Hyper-Realistic World \u2013 Strategize in the real world; advanced AI and use of real-world data and events make Plague Inc: Evolved a highly authentic simulation of a world-ending pathogen. Even the CDC likes it! Competitive Multiplayer - The world is unlucky enough to be infected with two plagues, but how will you win the battle for genetic dominance against your opponent? Players get all new evolutions, abilities and genes to help them fight for global control and destroy their opponent! Co-Operative Mode - Two different diseases team up to infect and destroy the world together but Humanity has new tricks up its sleeve to fight back! Work closely with your partner and use brand-new genes, traits and strategies to smash cure labs all over the world before they eradicate you.Contagious Content Creator - Hit the lab and develop your own custom scenarios - creating new plague types, worlds and in-game events. Sophisticated tools support user-generated content to let players bring their deadliest ideas to life and share them on Steam Workshop. With over 10,000 custom scenarios already released - there is always something new to infect!Blinding Graphics - Full 3D disease models take you closer to your plague than ever before, city-cams show humanity's struggle at street level, and the body scanner highlights the full effect of your mutations, organ by organ.Deadly Data - Geek out with stats and graphs; monitor infection and death levels, track government reactions and cure efforts, then review your plague's success (or failure!) with full game replays.And much more... - Including speed runs, Mega-Brutal difficulty and genetic modification... Plus loads of new disease types and scenarios in future (free!) updates.", + "short_description": "Plague Inc: Evolved is a unique mix of high strategy and terrifyingly realistic simulation. Your pathogen has just infected 'Patient Zero' - now you must bring about the end of human history by evolving a deadly, global Plague whilst adapting against everything humanity can do to defend itself.", + "genres": "Casual", + "recommendations": 42980, + "score": 7.033001384557989 + }, + { + "type": "game", + "name": "Viscera Cleanup Detail", + "detailed_description": "IMPORTANT FOR MAC USERSPlease note that the OS X version does NOT have various Steam functionality, including: multiplayer connectivity through Steam, Workshop or Steam Achievements. Please see the community page for more details: GameDisaster! An alien invasion and subsequent infestation have decimated this facility. Many lives were lost, the facility was ruined and the aliens were unstoppable. All hope was lost until one survivor found the courage to fight back and put the aliens in their place! . It was a long and horrific battle as the survivor dueled with all manner of terrifying life-forms and alien mutations, but our hero won out in the end and destroyed the alien menace! Humanity was saved! . Unfortunately, the alien infestation and the heroic efforts of the courageous survivors have left rather a mess throughout the facility. As the janitor, it is your duty to get this place cleaned up. So grab your mop and roll up your sleeves, this is gonna be one messy job. Today, you're on Viscera Cleanup Detail!Key Features. Janitorial Simulation - Step into the boots of a space-station sanitation technician and deal with the horrific aftermath of a sci-fi horror event. Blood, viscera, spent cartridges, worker bodies and other messes litter the facilities. . Clean - It's your job to clean up the mess, so clean it up you shall! Use your trusty mop, gloves, dispenser machines, plasma laser and sniffer tool to help you get all that blood out of the floor and off the ceiling! You can even try and punch-out if you think you've done your job. . Sandbox Gameplay - Don't want to clean? Just want to make more of a mess and play around with the physics? Go ahead! You can save your game as well; that's kind of us!. Multiplayer - You can even enlist some friends/coworkers to come and help you clean up (or make even more mess). Split-screen co-op is available too!. Important: Buying Viscera Cleanup Detail also gets you our spin-off titles, 'VCD: Shadow Warrior' and 'Santa's Rampage' free!. Santa's Rampage comes included in the main game download AND as a standalone copy you can use to connect with others who only own Santa's Rampage. .", + "about_the_game": "IMPORTANT FOR MAC USERSPlease note that the OS X version does NOT have various Steam functionality, including: multiplayer connectivity through Steam, Workshop or Steam Achievements. Please see the community page for more details: GameDisaster! An alien invasion and subsequent infestation have decimated this facility. Many lives were lost, the facility was ruined and the aliens were unstoppable. All hope was lost until one survivor found the courage to fight back and put the aliens in their place! It was a long and horrific battle as the survivor dueled with all manner of terrifying life-forms and alien mutations, but our hero won out in the end and destroyed the alien menace! Humanity was saved! Unfortunately, the alien infestation and the heroic efforts of the courageous survivors have left rather a mess throughout the facility. As the janitor, it is your duty to get this place cleaned up. So grab your mop and roll up your sleeves, this is gonna be one messy job. Today, you're on Viscera Cleanup Detail!Key FeaturesJanitorial Simulation - Step into the boots of a space-station sanitation technician and deal with the horrific aftermath of a sci-fi horror event. Blood, viscera, spent cartridges, worker bodies and other messes litter the facilities.Clean - It's your job to clean up the mess, so clean it up you shall! Use your trusty mop, gloves, dispenser machines, plasma laser and sniffer tool to help you get all that blood out of the floor and off the ceiling! You can even try and punch-out if you think you've done your job.Sandbox Gameplay - Don't want to clean? Just want to make more of a mess and play around with the physics? Go ahead! You can save your game as well; that's kind of us!Multiplayer - You can even enlist some friends/coworkers to come and help you clean up (or make even more mess). Split-screen co-op is available too!Important: Buying Viscera Cleanup Detail also gets you our spin-off titles, 'VCD: Shadow Warrior' and 'Santa's Rampage' free!Santa's Rampage comes included in the main game download AND as a standalone copy you can use to connect with others who only own Santa's Rampage.", + "short_description": "In Viscera Cleanup Detail, you step into the boots of a space-station janitor tasked with cleaning up after various horrific sci-fi horror events. Instead of machineguns and plasma-rifles, your tools are a mop and bucket. That hero left a mess, and it's up to you to deal with the aftermath.", + "genres": "Indie", + "recommendations": 14050, + "score": 6.295939950841111 + }, + { + "type": "game", + "name": "Crypt of the NecroDancer", + "detailed_description": "New Online Multiplayer DLC JOIN OUR DISCORD. Check out our other games! About the GameDELIVER BEATDOWNS TO THE BEAT!Crypt of the NecroDancer is an award winning hardcore roguelike rhythm game. Move on the beat to navigate an ever changing dungeon while battling dancing skeletons, zombies, dragons, and more. Groove to the epic Danny Baranowsky soundtrack, or select songs from your own MP3 collection!. . FEATURES:Descend into the crypt as 15 playable characters with unique play styles and challenges!. Jam out to over 40 original songs in Danny Baranowsky\u2019s award winning soundtrack, or set your own beats with songs from your own MP3 collection!. An ensemble of major and minor puns at every half-step!. Play with keyboard, controller, or even a USB dance pad!. Official Danganronpa character reskins and mod support!. BONUS: Includes 6 playable remixes of the entire soundtrack. Remixes by FamilyJules, A_Rival, Chipzel, OCRemix, Girlfriend Records, and Virt!. GOLD AND LOOT AWAITGather diamonds to unlock permanent upgrades and better equipment to traverse deeper into the NecroDancer\u2019s lair. The deeper you go, the more treacherous enemies you\u2019ll face.RACE TO THE TOPReach great heights as you disco down through the depths of the crypt. Whether you aim to get the highest scores or complete runs in the fastest times, you can compete against a robust community of players in a range of permanent and daily challenges across all characters.MERCH!. Gear up with official Crypt of the NecroDancer items from our merch store!", + "about_the_game": "DELIVER BEATDOWNS TO THE BEAT!Crypt of the NecroDancer is an award winning hardcore roguelike rhythm game. Move on the beat to navigate an ever changing dungeon while battling dancing skeletons, zombies, dragons, and more. Groove to the epic Danny Baranowsky soundtrack, or select songs from your own MP3 collection!FEATURES:Descend into the crypt as 15 playable characters with unique play styles and challenges!Jam out to over 40 original songs in Danny Baranowsky\u2019s award winning soundtrack, or set your own beats with songs from your own MP3 collection!An ensemble of major and minor puns at every half-step!Play with keyboard, controller, or even a USB dance pad!Official Danganronpa character reskins and mod support!BONUS: Includes 6 playable remixes of the entire soundtrack. Remixes by FamilyJules, A_Rival, Chipzel, OCRemix, Girlfriend Records, and Virt!GOLD AND LOOT AWAITGather diamonds to unlock permanent upgrades and better equipment to traverse deeper into the NecroDancer\u2019s lair. The deeper you go, the more treacherous enemies you\u2019ll face.RACE TO THE TOPReach great heights as you disco down through the depths of the crypt. Whether you aim to get the highest scores or complete runs in the fastest times, you can compete against a robust community of players in a range of permanent and daily challenges across all characters.MERCH!Gear up with official Crypt of the NecroDancer items from our merch store!", + "short_description": "Crypt of the NecroDancer is an award winning hardcore roguelike rhythm game. Move to the music and deliver beatdowns to the beat! Groove to the epic Danny Baranowsky soundtrack, or select songs from your own MP3 collection!", + "genres": "Action", + "recommendations": 20456, + "score": 6.543567444509369 + }, + { + "type": "game", + "name": "Portal 2 Sixense Perceptual Pack", + "detailed_description": "Portal 2 Sixense Perceptual Pack is a free stand-alone game, developed with the Intel Perceptual Computing SDK, custom-designed for exclusive use with the Creative Senz3D depth and gesture camera, which is required to play this title. . Portal 2 is not required to play Portal 2 Sixense Perceptual Pack. . Product Features. Portal 2 Sixense Perceptual Pack enables players to experience the Portal 2 world with low latency, intuitive and immersive motion control using their hands. . One to One: Reach into the environments with your hands, place cubes and redirect lasers with precision, intuitively. . 7 new exclusive maps: The Portal 2 Sixense Perceptual Pack includes a set of custom single-player maps with puzzles specifically designed for the Creative Senz3D camera. .", + "about_the_game": "Portal 2 Sixense Perceptual Pack is a free stand-alone game, developed with the Intel Perceptual Computing SDK, custom-designed for exclusive use with the Creative Senz3D depth and gesture camera, which is required to play this title. Portal 2 is not required to play Portal 2 Sixense Perceptual Pack.Product FeaturesPortal 2 Sixense Perceptual Pack enables players to experience the Portal 2 world with low latency, intuitive and immersive motion control using their hands.One to One: Reach into the environments with your hands, place cubes and redirect lasers with precision, intuitively.7 new exclusive maps: The Portal 2 Sixense Perceptual Pack includes a set of custom single-player maps with puzzles specifically designed for the Creative Senz3D camera.", + "short_description": "Portal 2 Sixense Perceptual Pack is a free stand-alone game, developed with the Intel Perceptual Computing SDK, custom-designed for exclusive use with the Creative Senz3D depth and gesture camera, which is required to play this title. Portal 2 is not required to play Portal 2 Sixense Perceptual Pack.", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Toribash", + "detailed_description": "\"Just when ragdoll was becoming an irritant for gaming, Toribash swoops in to demonstrate why it's the best thing since shaded pixels.\" - PC Format. \"Great physics; the best PC fighting game since \"Rag Doll Kung Fu.\" - PC Gamer UK. Toribash is an innovative free-to-play online turn-based fighting game where you\u2019re able to design your own moves. It is a martial arts simulator (yes, we do call a game with full body dismemberment a simulator) where you move your character by controlling joints on their body. As each of them can have 4 different states, number of possible moves is almost endless, which makes fights unique. . Main features:. Completely unique fights with players all around the world. Unlimited character customization: body colors, textures, flames, hairs and more!. Daily knockout tournaments hosted by the Event Squad. Lots of ingame and forum events. Ability to modify the environment and characters using the built-in Mod Maker. Open market - trade any of your items with your friends or just give them for free!. An extremely long game genre name.", + "about_the_game": "\"Just when ragdoll was becoming an irritant for gaming, Toribash swoops in to demonstrate why it's the best thing since shaded pixels.\" - PC Format\"Great physics; the best PC fighting game since \"Rag Doll Kung Fu.\" - PC Gamer UKToribash is an innovative free-to-play online turn-based fighting game where you\u2019re able to design your own moves. It is a martial arts simulator (yes, we do call a game with full body dismemberment a simulator) where you move your character by controlling joints on their body. As each of them can have 4 different states, number of possible moves is almost endless, which makes fights unique.Main features:Completely unique fights with players all around the worldUnlimited character customization: body colors, textures, flames, hairs and more!Daily knockout tournaments hosted by the Event SquadLots of ingame and forum eventsAbility to modify the environment and characters using the built-in Mod MakerOpen market - trade any of your items with your friends or just give them for free!An extremely long game genre name", + "short_description": "Toribash is an innovative free-to-play online turn-based fighting game where you\u2019re able to design your own moves. Complete control over character's body, hundreds of game mods and bloody mess with full body dismemberment - you've never been able to annihilate your enemies like that before!", + "genres": "Action", + "recommendations": 153, + "score": 3.3205089760045947 + }, + { + "type": "game", + "name": "Risk of Rain", + "detailed_description": "Risk of Rain 2 Steam PageRisk of Rain 2 Steam Store Page Now Live!. Risk of Rain 2 is a 3D action multiplayer rogue-lite that brings you back to the mysterious crash site of the Contact Light. No run will ever be the same with randomized stages, monsters, bosses, items, and more. Play solo or team up with friends online to fight your way through hordes of monsters and find a way to escape the planet. About the GameRisk of Rain is an action platformer with roguelike elements. With permanent death as a primary feature, players will have to play their best to get as far as possible. Fight on a mysterious planet with randomly spawning enemies and bosses, either alone or with 3 friends in online co-op. With over 100 items at your disposal, you will find the tools you need to find the teleporter back home. Discover a myriad of randomly chosen stages, from the desolate forest to the frozen tundra. . The three main goals for our game are simple: . 1. Design a game that is randomly generated every play-through, to keep replayability high and fresh. . 2. Time = difficulty. The higher the in-game time gets, the harder the difficulty gets. Keeping a sense of urgency keeps the game exciting! . 3. Be enjoyable, regardless of whether you win or lose. No more fussing with complex and non-intuitive gameplay patterns. Players should not blame the game for their loss!. ''. joy comes from amassing items, gaining experience and watching your character evolve into a godly killing machine.'' - Joystiq . ''This game is immaculate. The enemy design, the sound effects, the powers, the fights, all of it feels wonderful.'' - Eurogamer. \". a ridiculously compelling procedurally generated side-scrolling platform survivor-me-do, with multiple characters to play as, single and co-op play, and some of the hardest-hitting deaths I've experienced in such games\" - RockPaperShotgunKey Features. Engage in local and online multiplayer with friends and other players from around the world! . Play and unlock 12 unique characters, from the Commando to the Miner to the Engineer. . Fight through hordes of different enemies and bosses, randomly chosen by the game with random abilities and powers. Get lost and discover 10 massive levels with different enemies, shrines, and chests on each one! . Recruit the help of a wide variety of drones, from missile drones to healing drones! . Unlock the lore of the game through the item and monster logs! . Unlock new items and characters through difficult achievements to keep the game fresh with each playthrough. . Save your best highscores and stats!.", + "about_the_game": "Risk of Rain is an action platformer with roguelike elements. With permanent death as a primary feature, players will have to play their best to get as far as possible. Fight on a mysterious planet with randomly spawning enemies and bosses, either alone or with 3 friends in online co-op. With over 100 items at your disposal, you will find the tools you need to find the teleporter back home. Discover a myriad of randomly chosen stages, from the desolate forest to the frozen tundra. The three main goals for our game are simple: 1. Design a game that is randomly generated every play-through, to keep replayability high and fresh. 2. Time = difficulty. The higher the in-game time gets, the harder the difficulty gets. Keeping a sense of urgency keeps the game exciting! 3. Be enjoyable, regardless of whether you win or lose. No more fussing with complex and non-intuitive gameplay patterns. Players should not blame the game for their loss!''..joy comes from amassing items, gaining experience and watching your character evolve into a godly killing machine.'' - Joystiq ''This game is immaculate. The enemy design, the sound effects, the powers, the fights, all of it feels wonderful.'' - Eurogamer\"..a ridiculously compelling procedurally generated side-scrolling platform survivor-me-do, with multiple characters to play as, single and co-op play, and some of the hardest-hitting deaths I've experienced in such games\" - RockPaperShotgunKey FeaturesEngage in local and online multiplayer with friends and other players from around the world! Play and unlock 12 unique characters, from the Commando to the Miner to the Engineer. Fight through hordes of different enemies and bosses, randomly chosen by the game with random abilities and powers. Get lost and discover 10 massive levels with different enemies, shrines, and chests on each one! Recruit the help of a wide variety of drones, from missile drones to healing drones! Unlock the lore of the game through the item and monster logs! Unlock new items and characters through difficult achievements to keep the game fresh with each playthrough. Save your best highscores and stats!", + "short_description": "Risk of Rain is an action platformer with roguelike elements. With permanent death as a primary feature, players will have to play their best to get as far as possible. Fight on a mysterious planet with randomly spawning enemies and bosses, either alone or with 3 friends in online co-op.", + "genres": "Action", + "recommendations": 20090, + "score": 6.531666258782884 + }, + { + "type": "game", + "name": "LEGO\u00ae Marvel\u2122 Super Heroes", + "detailed_description": "LEGO\u00ae Marvel\u2122 Super Heroes features an original story crossing the entire Marvel Universe. Players take control of Iron Man, Spider-Man, the Hulk, Captain America, Wolverine and many more Marvel characters as they unite to stop Loki and a host of other Marvel villains from assembling a super-weapon capable of destroying the world. Players will chase down Cosmic Bricks as they travel across LEGO Manhattan and visit key locations from the Marvel Universe, such as Stark Tower, Asteroid M, a Hydra base and the X-Mansion. . Smash, swing and fly in the first LEGO videogame featuring more than 100 of your favorite Super Heroes and Super Villains from the Marvel Universe, including Iron Man, Wolverine, the Hulk, Spider-Man, Captain America, Black Widow, Loki and Deadpool. . Help save Earth as your favorite Marvel character with your super-cool strengths and abilities: . Iron Man flies, hovers, shoots missiles and unleashes a powerful unibeam directly from his chest. . Spider-Man shoots webs, uses his spider-senses to spot objects invisible to others, crawls up walls and, of course, web-slings. . Captain America throws his mighty shield at objects and enemies, embeds it into a wall to create a platform, and protects himself from damage. . Hulk smashes!. Perform new and powerful moves as \u201cBIG-fig\u201d characters like Hulk and Abomination. Leave a path of destruction as you smash through LEGO walls and throw cars using hyper strength. . Discover LEGO Manhattan like never before, and travel to iconic locations from the Marvel Universe, such as the X-Mansion, Asteroid M and Asgard. . Create unique Super Heroes with customizable characters. . Enjoy an exciting original story, filled with classic LEGO videogame adventure and humor.", + "about_the_game": "LEGO\u00ae Marvel\u2122 Super Heroes features an original story crossing the entire Marvel Universe. Players take control of Iron Man, Spider-Man, the Hulk, Captain America, Wolverine and many more Marvel characters as they unite to stop Loki and a host of other Marvel villains from assembling a super-weapon capable of destroying the world. Players will chase down Cosmic Bricks as they travel across LEGO Manhattan and visit key locations from the Marvel Universe, such as Stark Tower, Asteroid M, a Hydra base and the X-Mansion.Smash, swing and fly in the first LEGO videogame featuring more than 100 of your favorite Super Heroes and Super Villains from the Marvel Universe, including Iron Man, Wolverine, the Hulk, Spider-Man, Captain America, Black Widow, Loki and Deadpool.Help save Earth as your favorite Marvel character with your super-cool strengths and abilities: Iron Man flies, hovers, shoots missiles and unleashes a powerful unibeam directly from his chest.Spider-Man shoots webs, uses his spider-senses to spot objects invisible to others, crawls up walls and, of course, web-slings. Captain America throws his mighty shield at objects and enemies, embeds it into a wall to create a platform, and protects himself from damage. Hulk smashes!Perform new and powerful moves as \u201cBIG-fig\u201d characters like Hulk and Abomination. Leave a path of destruction as you smash through LEGO walls and throw cars using hyper strength.Discover LEGO Manhattan like never before, and travel to iconic locations from the Marvel Universe, such as the X-Mansion, Asteroid M and Asgard.Create unique Super Heroes with customizable characters.Enjoy an exciting original story, filled with classic LEGO videogame adventure and humor.", + "short_description": "LEGO\u00ae Marvel\u2122 Super Heroes features an original story crossing the entire Marvel Universe. Players take control of Iron Man, Spider-Man, the Hulk, Captain America, Wolverine and many more Marvel characters as they unite to stop Loki and a host of other Marvel villains from assembling a super-weapon capable of destroying the world.", + "genres": "Action", + "recommendations": 14608, + "score": 6.321613132127969 + }, + { + "type": "game", + "name": "The Wolf Among Us", + "detailed_description": "From the makers of the 2012 Game of the Year: The Walking Dead, comes a gritty, violent and mature thriller based on the award-winning Fables comic books (DC Comics/Vertigo). As Bigby Wolf - THE big bad wolf - you will discover that a brutal, bloody murder is just a taste of things to come in a game series where your every decision can have enormous consequences. . An evolution of Telltale's ground-breaking choice and consequence game mechanics will ensure the player learns that even as Bigby Wolf, Sheriff of Fabletown, life in the big bad city is bloody, terrifying and dangerous. . Over a season of content spanning across 5 episodes:. Episode 1: Faith - Available Now . Episode 2: Smoke and Mirrors - Available Now. Episode 3: A Crooked Mile - Available Now. Episode 4: In Sheep's Clothing - Available Now. Episode 5: Cry Wolf - Available NowKey Features. From the team that brought you 2012 Game of the Year, The Walking Dead. Based on the Eisner Award-winning Fables comic book series. Now, it\u2019s not only WHAT you choose to do that will affect your story, but WHEN you choose to do it. A mature and gritty take on characters from fairytales, legends and folklore who have escaped into our world . A perfect place to begin your Fables journey, even if you\u2019ve not read the comics; this game is set before the events seen in the first issue.", + "about_the_game": "From the makers of the 2012 Game of the Year: The Walking Dead, comes a gritty, violent and mature thriller based on the award-winning Fables comic books (DC Comics/Vertigo). As Bigby Wolf - THE big bad wolf - you will discover that a brutal, bloody murder is just a taste of things to come in a game series where your every decision can have enormous consequences. An evolution of Telltale's ground-breaking choice and consequence game mechanics will ensure the player learns that even as Bigby Wolf, Sheriff of Fabletown, life in the big bad city is bloody, terrifying and dangerous.Over a season of content spanning across 5 episodes:Episode 1: Faith - Available Now Episode 2: Smoke and Mirrors - Available NowEpisode 3: A Crooked Mile - Available NowEpisode 4: In Sheep's Clothing - Available NowEpisode 5: Cry Wolf - Available NowKey FeaturesFrom the team that brought you 2012 Game of the Year, The Walking DeadBased on the Eisner Award-winning Fables comic book seriesNow, it\u2019s not only WHAT you choose to do that will affect your story, but WHEN you choose to do itA mature and gritty take on characters from fairytales, legends and folklore who have escaped into our world A perfect place to begin your Fables journey, even if you\u2019ve not read the comics; this game is set before the events seen in the first issue", + "short_description": "From the makers of the 2012 Game of the Year: The Walking Dead, comes a thriller based on the award-winning Fables comic books. As Bigby Wolf you will discover that a brutal, bloody murder is just a taste of things to come in a game series where your every decision can have enormous consequences.", + "genres": "Action", + "recommendations": 25247, + "score": 6.682283768717059 + }, + { + "type": "game", + "name": "How to Survive", + "detailed_description": "Special OfferHow to Survive 2 on Early Access is available now!. Also remember that if you own How to Survive 1 there is special gift waiting for you!. . Loyalty Item: \u201cPrimal Fear\u201d Armor Set.If you are already a survivor who\u2019s got How to Survive or How to Survive: Third Person Standalone on Steam, we welcome you back with a very special treat: the \u201cPrimal Fear\u201d armor set!. A set of protective gear finely crafted out of the best bones and scrap metal that can be found in the dumpster. Made by master Survivalist Kovac himself, it promises to keep bites and scratches to a minimum while displaying a distinctive Swamp-chic style!. Join Early Access now, slip it on and knock\u2019em dead!. About the Game\u201cA real Gem\u201d \u2013 Destructoid at E3 . . \u201cOffers a different experience for zombie game veterans\u201d \u2013 Co-Optimus. . \u201cHas a lot more going for it than smashing brains and gory, red goo . With a surprisingly deep crafting system\u201d \u2013 GamesRadar. You're shipwrecked on an isolated island, a desperate castaway in a total freakshow world. How will you survive?. . Collect the pages of a Survival Guide and figure it out, of course! Find food, water, and shelter before you perish. Uh oh, is it getting dark? Figure out how to get through the night! While you\u2019re at it, gather up some of this awesome stuff and piece together over 100 handmade weapons and tools\u2014from shotguns to Molotov cocktails. Now you can defend yourself and your friends like a boss!. \u2022 Choose one of the three playable characters, each with different characteristics and skill trees. . \u2022 Explore four islands filled with unique flora and fauna and a variety of abhorrent monstrosities. . \u2022 Collect \u201cSurvival guide\u201d video chapters to learn tips that will save your life!. \u2022 Play with a friend offline through the story mode or go online and play with a friend through 8 demanding challenges. . \u2022 Try the \u201cIron Man\u201d difficulty for a demanding hardcore game experience.", + "about_the_game": "\u201cA real Gem\u201d \u2013 Destructoid at E3 \u201cOffers a different experience for zombie game veterans\u201d \u2013 Co-Optimus\u201cHas a lot more going for it than smashing brains and gory, red goo ... With a surprisingly deep crafting system\u201d \u2013 GamesRadarYou're shipwrecked on an isolated island, a desperate castaway in a total freakshow world. How will you survive?Collect the pages of a Survival Guide and figure it out, of course! Find food, water, and shelter before you perish. Uh oh, is it getting dark? Figure out how to get through the night! While you\u2019re at it, gather up some of this awesome stuff and piece together over 100 handmade weapons and tools\u2014from shotguns to Molotov cocktails. Now you can defend yourself and your friends like a boss!\u2022 Choose one of the three playable characters, each with different characteristics and skill trees.\u2022 Explore four islands filled with unique flora and fauna and a variety of abhorrent monstrosities.\u2022 Collect \u201cSurvival guide\u201d video chapters to learn tips that will save your life!\u2022 Play with a friend offline through the story mode or go online and play with a friend through 8 demanding challenges..\u2022 Try the \u201cIron Man\u201d difficulty for a demanding hardcore game experience.", + "short_description": "\u201cA real Gem\u201d \u2013 Destructoid at E3 \u201cOffers a different experience for zombie game veterans\u201d \u2013 Co-Optimus\u201cHas a lot more going for it than smashing brains and gory, red goo ... With a surprisingly deep crafting system\u201d \u2013 GamesRadarYou're shipwrecked on an isolated island, a desperate castaway in a total freakshow world. How will you survive?", + "genres": "Action", + "recommendations": 13745, + "score": 6.281472695987949 + }, + { + "type": "game", + "name": "The Binding of Isaac: Rebirth", + "detailed_description": "New DLC Available About the GameWhen Isaac\u2019s mother starts hearing the voice of God demanding a sacrifice be made to prove her faith, Isaac escapes into the basement facing droves of deranged enemies, lost brothers and sisters, his fears, and eventually his mother. . Gameplay. The Binding of Isaac is a randomly generated action RPG shooter with heavy Rogue-like elements. Following Isaac on his journey players will find bizarre treasures that change Isaac\u2019s form giving him super human abilities and enabling him to fight off droves of mysterious creatures, discover secrets and fight his way to safety. . About the Binding Of Isaac: Rebirth. The Binding of Isaac: Rebirth is the ultimate of remakes with an all-new highly efficient game engine (expect 60fps on most PCs), all-new hand-drawn pixel style artwork, highly polished visual effects, all-new soundtrack and audio by the the sexy Ridiculon duo Matthias Bossi + Jon Evans. Oh yeah, and hundreds upon hundreds of designs, redesigns and re-tuned enhancements by series creator, Edmund McMillen. Did we mention the poop?Key Features:Over 500 hours of gameplay. 4 BILLION Seeded runs!. 20 Challenge runs. 450+ items, including 160 new unlockables. Integrated controller support for popular control pads!. Analog directional movement and speed. Tons of feature film quality animated endings. Over 100 specialized seeds. 2-Player local co-op. Over 100 co-op characters. Dynamic lighting, visual effects and art direction. All-new game engine @60FPS 24/7. All-new soundtrack and sound design. Multiple Save slots. Poop physics!. The ultimate roguelike. A bunch of achievements. Uber secrets including: . 10 Playable Characters. 100+ enemies, with new designs. Over 50 bosses, including tons of new and rare bosses. Rooms FULL OF POOP!. Mystic Runes. Upgradeable shops.", + "about_the_game": "When Isaac\u2019s mother starts hearing the voice of God demanding a sacrifice be made to prove her faith, Isaac escapes into the basement facing droves of deranged enemies, lost brothers and sisters, his fears, and eventually his mother. GameplayThe Binding of Isaac is a randomly generated action RPG shooter with heavy Rogue-like elements. Following Isaac on his journey players will find bizarre treasures that change Isaac\u2019s form giving him super human abilities and enabling him to fight off droves of mysterious creatures, discover secrets and fight his way to safety.About the Binding Of Isaac: RebirthThe Binding of Isaac: Rebirth is the ultimate of remakes with an all-new highly efficient game engine (expect 60fps on most PCs), all-new hand-drawn pixel style artwork, highly polished visual effects, all-new soundtrack and audio by the the sexy Ridiculon duo Matthias Bossi + Jon Evans. Oh yeah, and hundreds upon hundreds of designs, redesigns and re-tuned enhancements by series creator, Edmund McMillen. Did we mention the poop?Key Features:Over 500 hours of gameplay4 BILLION Seeded runs!20 Challenge runs450+ items, including 160 new unlockablesIntegrated controller support for popular control pads!Analog directional movement and speedTons of feature film quality animated endingsOver 100 specialized seeds2-Player local co-opOver 100 co-op charactersDynamic lighting, visual effects and art directionAll-new game engine @60FPS 24/7All-new soundtrack and sound designMultiple Save slotsPoop physics!The ultimate roguelikeA bunch of achievementsUber secrets including: 10 Playable Characters100+ enemies, with new designsOver 50 bosses, including tons of new and rare bossesRooms FULL OF POOP!Mystic RunesUpgradeable shops", + "short_description": "The Binding of Isaac: Rebirth is a randomly generated action RPG shooter with heavy Rogue-like elements. Following Isaac on his journey players will find bizarre treasures that change Isaac\u2019s form giving him super human abilities and enabling him to fight off droves of mysterious creatures, discover secrets and fight his way to safety.", + "genres": "Action", + "recommendations": 220987, + "score": 8.112391367077947 + }, + { + "type": "game", + "name": "Wargame: Red Dragon", + "detailed_description": "Check out our new real-time strategy World War III battle simulator About the GameThe new reference in RTS at its best!. The Wargame series returns to duty, larger, richer and more spectacular than ever before. In Wargame Red Dragon, you are engaged in a large-scale conflict where Western forces clash against the Communist bloc. . 1991: the two blocs confront each other in a new theater of war, Asia, joined by various other countries: Japan, China, North Korea, South Korea, Australia and New Zealand. . You command the military resources of all 17 nations involved, assembling your fighting force from a phenomenal selection of 1,450 units that have been meticulously reproduced from their source! Command tanks, planes, helicopters, new warships and amphibious units in intense battles of unequaled tactical depth. Master the relief of varied, ultra realistic battlefields, dominate the new maritime areas and rewrite history in a conflict that has been directed and designed in stunning detail by development studio Eugen Systems. . Wargame Red Dragon is thrilling in single-player mode with its new dynamic campaign system, and also offers an extensive multiplayer mode where up to 20 players can compete against each other simultaneously.", + "about_the_game": "The new reference in RTS at its best!The Wargame series returns to duty, larger, richer and more spectacular than ever before. In Wargame Red Dragon, you are engaged in a large-scale conflict where Western forces clash against the Communist bloc.1991: the two blocs confront each other in a new theater of war, Asia, joined by various other countries: Japan, China, North Korea, South Korea, Australia and New Zealand.You command the military resources of all 17 nations involved, assembling your fighting force from a phenomenal selection of 1,450 units that have been meticulously reproduced from their source! Command tanks, planes, helicopters, new warships and amphibious units in intense battles of unequaled tactical depth. Master the relief of varied, ultra realistic battlefields, dominate the new maritime areas and rewrite history in a conflict that has been directed and designed in stunning detail by development studio Eugen Systems.Wargame Red Dragon is thrilling in single-player mode with its new dynamic campaign system, and also offers an extensive multiplayer mode where up to 20 players can compete against each other simultaneously.", + "short_description": "The new reference in RTS at its best! The Wargame series returns to duty, larger, richer and more spectacular than ever before. In Wargame Red Dragon, you are engaged in a large-scale conflict where Western forces clash against the Communist bloc.", + "genres": "Indie", + "recommendations": 13765, + "score": 6.282431157547123 + }, + { + "type": "game", + "name": "7 Days to Die", + "detailed_description": "HOW LONG WILL YOU SURVIVE?With over 16 million copies sold, 7 Days has defined the survival genre, with unrivaled crafting and world-building content. Set in a brutally unforgiving post-apocalyptic world overrun by the undead, 7 Days is an open-world game that is a unique combination of first-person shooter, survival horror, tower defense, and role-playing games. It presents combat, crafting, looting, mining, exploration, and character growth, in a way that has seen a rapturous response from fans worldwide. Play the definitive zombie survival sandbox RPG that came first. Navezgane awaits!GAME FEATURESExplore - Huge, unique and rich environments, offering the freedom to play the game any way you want, featuring 5 unique biomes and worlds up to 100 square kilometers in size. . Craft \u2013 Handcraft and repair weapons, clothes, armor, tools, vehicles, and more with over 500 recipes. Learn more powerful recipes by finding schematics. . Build \u2013 Design your fort to include traps, electric power, auto turrets, automated doors, gadgets and defensive positions to survive the undead in a fully destructible and moldable world. . Cooperate or Compete \u2013 Work together to build settlements or against each other raiding other player\u2019s bases, it\u2019s really up to you in a wasteland where zombies and outlaws rule the land. . Create \u2013 Unleash your creativity with access to over 800 in-game items, and over 1,300 unique building blocks and a painting system that offers infinite possibilities. . Improve \u2013 Increase your skills with a multitude of perks under 5 main attributes. Gain additional skills by reading over 100 books. 7 Days to Die is the only true survival RPG. . Choose \u2013 Play the campaign world, or dive back in a randomly-generated world with cities, towns, lakes, mountains, valleys, roads, caves and over 550 unique locations. . Combat \u2013 Encounter nearly 60 unique zombie archetypes including special infected with unique behaviors and attacks progressing in difficulty to provide an infinite challenge. . Survive \u2013 Experience real hardcore survival mechanics with nearly 50 buffs, boosts and ailments that will impact the gameplay in ways that can both challenge and aid in your survival. . Destroy \u2013 Buildings and terrain formations can collapse under their own weight from structural damage or poor building design with real structural stability. . Loot \u2013 Scavenge the world for the best weapons, tools, and armor with 6 quality ranges providing thousands of permutations. Augment items with a multitude of mods. . Quest \u2013 Meet several Trader NPCs who buy and sell goods and offer quest jobs for rewards. Enjoy many unique quest types supported by over 550 locations. . Customize \u2013 Create your own character and customize your character further in-game with a huge selection of clothing and armor you can craft or loot in the world. . Drive \u2013 Enjoy the badass vehicle system where you find all the parts, learn the recipes, craft and customize your own bicycle, minibike, motorcycle, 4x4 or gyrocopters and ride with friends. . Farm or Hunt \u2013 Plant and grow gardens for sustainable resources or head out into the wilderness and hunt over a dozen unique wild animals.", + "about_the_game": "HOW LONG WILL YOU SURVIVE?With over 16 million copies sold, 7 Days has defined the survival genre, with unrivaled crafting and world-building content. Set in a brutally unforgiving post-apocalyptic world overrun by the undead, 7 Days is an open-world game that is a unique combination of first-person shooter, survival horror, tower defense, and role-playing games. It presents combat, crafting, looting, mining, exploration, and character growth, in a way that has seen a rapturous response from fans worldwide. Play the definitive zombie survival sandbox RPG that came first. Navezgane awaits!GAME FEATURESExplore - Huge, unique and rich environments, offering the freedom to play the game any way you want, featuring 5 unique biomes and worlds up to 100 square kilometers in size.Craft \u2013 Handcraft and repair weapons, clothes, armor, tools, vehicles, and more with over 500 recipes. Learn more powerful recipes by finding schematics.Build \u2013 Design your fort to include traps, electric power, auto turrets, automated doors, gadgets and defensive positions to survive the undead in a fully destructible and moldable world.Cooperate or Compete \u2013 Work together to build settlements or against each other raiding other player\u2019s bases, it\u2019s really up to you in a wasteland where zombies and outlaws rule the land.Create \u2013 Unleash your creativity with access to over 800 in-game items, and over 1,300 unique building blocks and a painting system that offers infinite possibilities.Improve \u2013 Increase your skills with a multitude of perks under 5 main attributes. Gain additional skills by reading over 100 books. 7 Days to Die is the only true survival RPG.Choose \u2013 Play the campaign world, or dive back in a randomly-generated world with cities, towns, lakes, mountains, valleys, roads, caves and over 550 unique locations.Combat \u2013 Encounter nearly 60 unique zombie archetypes including special infected with unique behaviors and attacks progressing in difficulty to provide an infinite challenge.Survive \u2013 Experience real hardcore survival mechanics with nearly 50 buffs, boosts and ailments that will impact the gameplay in ways that can both challenge and aid in your survival.Destroy \u2013 Buildings and terrain formations can collapse under their own weight from structural damage or poor building design with real structural stability.Loot \u2013 Scavenge the world for the best weapons, tools, and armor with 6 quality ranges providing thousands of permutations. Augment items with a multitude of mods.Quest \u2013 Meet several Trader NPCs who buy and sell goods and offer quest jobs for rewards. Enjoy many unique quest types supported by over 550 locations.Customize \u2013 Create your own character and customize your character further in-game with a huge selection of clothing and armor you can craft or loot in the world.Drive \u2013 Enjoy the badass vehicle system where you find all the parts, learn the recipes, craft and customize your own bicycle, minibike, motorcycle, 4x4 or gyrocopters and ride with friends.Farm or Hunt \u2013 Plant and grow gardens for sustainable resources or head out into the wilderness and hunt over a dozen unique wild animals.", + "short_description": "7 Days to Die is an open-world game that is a unique combination of first-person shooter, survival horror, tower defense, and role-playing games. Play the definitive zombie survival sandbox RPG that came first. Navezgane awaits!", + "genres": "Action", + "recommendations": 185788, + "score": 7.998017129022364 + }, + { + "type": "game", + "name": "Divide By Sheep", + "detailed_description": "Divide By Sheep is a math puzzler about the Grim Reaper's devious plan to make some sheepy friends. Grim can only befriend the dead, so he decided to unleash a great flood and drag the sheep under. Now stranded on small islands and sinking fast, the sheep need you to help them reach safety. . You save the little animals by solving clever math puzzles. Divide By Sheep is a game of addition and subtraction by any means possible, where puzzles start off fairly easy and playful, yet quickly escalate in both difficulty and dark humor. . The mighty features:. 120 mind bending puzzles spread across 4 worlds. Dark humor inbound, parental guidance advised!. What happens when you divide a whole into half? You get two halves!. Lasers, wolves. oh, and also a kraken (The Grim Reaper's pet). Drown sheep. Or wolves. Or pigs. Do whatever it takes to succeed. Fabulous art-work that quickly goes from cute to disturbing. USE PARENTAL CONTROLS BEFORE GIVING THE GAME TO KIDS! Main menu has the option to disable blood.", + "about_the_game": "Divide By Sheep is a math puzzler about the Grim Reaper's devious plan to make some sheepy friends. Grim can only befriend the dead, so he decided to unleash a great flood and drag the sheep under. Now stranded on small islands and sinking fast, the sheep need you to help them reach safety.You save the little animals by solving clever math puzzles. Divide By Sheep is a game of addition and subtraction by any means possible, where puzzles start off fairly easy and playful, yet quickly escalate in both difficulty and dark humor. The mighty features:120 mind bending puzzles spread across 4 worldsDark humor inbound, parental guidance advised!What happens when you divide a whole into half? You get two halves!Lasers, wolves... oh, and also a kraken (The Grim Reaper's pet)Drown sheep. Or wolves. Or pigs. Do whatever it takes to succeedFabulous art-work that quickly goes from cute to disturbingUSE PARENTAL CONTROLS BEFORE GIVING THE GAME TO KIDS! Main menu has the option to disable blood.", + "short_description": "Divide By Sheep is a mind-bending math puzzler about friendship and slicing sheep in half with lasers. The Grim Reaper flooded the world, and it's up to you to save critters stranded on islands. Insane math skills required.", + "genres": "Adventure", + "recommendations": 435, + "score": 4.00656254186605 + }, + { + "type": "game", + "name": "Grimm", + "detailed_description": "The true meaning of the word fear. . Once upon a time, fairy tales were valuable cautionary yarns filled with dire warnings and sage advice. However, over time, the stories have become so watered down with cute woodland creatures and happy endings that they have lost their true meaning and purpose. No more! This is American McGee's Grimm, and Happily Ever After ends now! . Experience an incredible adventure built around the world's best-known fairy tales. As Grimm, you will transform the classic tales of Little Red Riding Hood, Cinderella, Jack and the Beanstalk, and more of your favorites into darkly twisted Grimm versions of themselves in 23 episodes. Each game episode is centered around one of the world's best-known fairy tales and provides 30 minutes of gameplay. Each episode is a complete, standalone experience and the episodes can be played in any order.", + "about_the_game": "The true meaning of the word fear... \r\n\r\nOnce upon a time, fairy tales were valuable cautionary yarns filled with dire warnings and sage advice. However, over time, the stories have become so watered down with cute woodland creatures and happy endings that they have lost their true meaning and purpose. No more! This is American McGee's Grimm, and Happily Ever After ends now! \r\n\r\nExperience an incredible adventure built around the world's best-known fairy tales. As Grimm, you will transform the classic tales of Little Red Riding Hood, Cinderella, Jack and the Beanstalk, and more of your favorites into darkly twisted Grimm versions of themselves in 23 episodes. Each game episode is centered around one of the world's best-known fairy tales and provides 30 minutes of gameplay. Each episode is a complete, standalone experience and the episodes can be played in any order.", + "short_description": "The true meaning of the word fear... Once upon a time, fairy tales were valuable cautionary yarns filled with dire warnings and sage advice. However, over time, the stories have become so watered down with cute woodland creatures and happy endings that they have lost their true meaning and purpose. No more!", + "genres": "Casual", + "recommendations": 256, + "score": 3.658116008397156 + }, + { + "type": "game", + "name": "Rust", + "detailed_description": "Zu \u00fcberleben, ist bei Rust das einzige Ziel. . Hierzu m\u00fcssen Sie M\u00fchen wie Hunger, Durst und K\u00e4lte \u00fcberstehen. Entfachen Sie ein Feuer. Errichten Sie einen Unterschlupf. T\u00f6ten Sie Tiere, um Fleisch zu erhalten. Sch\u00fctzen Sie sich vor anderen Spielern und t\u00f6ten Sie sie, um Fleisch zu erhalten. Schlie\u00dfen Sie B\u00fcndnisse mit anderen Spielern und gr\u00fcnden Sie eine Stadt. . Tun Sie alles, was zum \u00dcberleben erforderlich ist.", + "about_the_game": "Zu \u00fcberleben, ist bei Rust das einzige Ziel.\r\n\r\nHierzu m\u00fcssen Sie M\u00fchen wie Hunger, Durst und K\u00e4lte \u00fcberstehen. Entfachen Sie ein Feuer. Errichten Sie einen Unterschlupf. T\u00f6ten Sie Tiere, um Fleisch zu erhalten. Sch\u00fctzen Sie sich vor anderen Spielern und t\u00f6ten Sie sie, um Fleisch zu erhalten. Schlie\u00dfen Sie B\u00fcndnisse mit anderen Spielern und gr\u00fcnden Sie eine Stadt.\r\n\r\nTun Sie alles, was zum \u00dcberleben erforderlich ist.", + "short_description": "The only aim in Rust is to survive. Everything wants you to die - the island\u2019s wildlife and other inhabitants, the environment, other survivors. Do whatever it takes to last another night.", + "genres": "Aktion", + "recommendations": 774811, + "score": 8.939403003812277 + }, + { + "type": "game", + "name": "Rocket League\u00ae", + "detailed_description": "Rocket League is a high-powered hybrid of arcade-style soccer and vehicular mayhem with easy-to-understand controls and fluid, physics-driven competition. Rocket League includes casual and competitive Online Matches, a fully-featured offline Season Mode, special \u201cMutators\u201d that let you change the rules entirely, hockey and basketball-inspired Extra Modes, and more than 500 trillion possible cosmetic customization combinations. . Winner or nominee of more than 150 \u201cGame of the Year\u201d awards, Rocket League is one of the most critically-acclaimed sports games of all time. Boasting a community of more than 57 million players, Rocket League features ongoing free and paid updates, including new DLCs, content packs, features, modes and arenas. . What's New:. Rocket Pass - Purchase Rocket Pass Premium to get an initial 50% XP bonus and earn up to 70 unique rewards, including a new Battle-Car, Goal Explosion, Keys, and more!. Challenge System - Play Online Matches and complete Weekly Challenges to tier up and unlock unique rewards only found in Rocket Pass. . Esports Shop - Show off your team pride for your favorite teams in Rocket League Esports! The Rocket League Esports Shop pilot program brings new Decals, Wheels, and Player Banners that represent some of the best teams in the sport. of the best teams in the sport. . SteamOS and Mac Beta Versions. As we continue to upgrade Rocket League\u00ae with new technologies like DirectX 11 and a 64-bit client, it is no longer viable for us to maintain support for the macOS and Linux (SteamOS) platforms. As a result, the final patch for the macOS and Linux versions of Rocket League was released on March 10, 2020. This update disabled online functionality (such as Casual and Competitive Playlists) for players on macOS and Linux, but offline features including Local Matches, and splitscreen play are still accessible. . Please note that Rocket League\u00ae on SteamOS and macOS may have bugs and stability issues not seen in the Windows version of the game, and these issues may not be fixed in future updates. . NOTE: Because of agreements with our online service provider, there are certain regions that are unable to connect to Rocket League\u00ae\u2019s online multiplayer component. As a result, server access is restricted in China, Crimea, Cuba, Iran, North Korea, Sudan, and Syria. Apologies to our customers in those regions. . Software and online features are subject to license, terms of use, and privacy policy ( rocketleague.com/eula , rocketleague.com/tou , and rocketleague.com/privacy ).", + "about_the_game": "Rocket League is a high-powered hybrid of arcade-style soccer and vehicular mayhem with easy-to-understand controls and fluid, physics-driven competition. Rocket League includes casual and competitive Online Matches, a fully-featured offline Season Mode, special \u201cMutators\u201d that let you change the rules entirely, hockey and basketball-inspired Extra Modes, and more than 500 trillion possible cosmetic customization combinations.Winner or nominee of more than 150 \u201cGame of the Year\u201d awards, Rocket League is one of the most critically-acclaimed sports games of all time. Boasting a community of more than 57 million players, Rocket League features ongoing free and paid updates, including new DLCs, content packs, features, modes and arenas.What's New:Rocket Pass - Purchase Rocket Pass Premium to get an initial 50% XP bonus and earn up to 70 unique rewards, including a new Battle-Car, Goal Explosion, Keys, and more!Challenge System - Play Online Matches and complete Weekly Challenges to tier up and unlock unique rewards only found in Rocket Pass.Esports Shop - Show off your team pride for your favorite teams in Rocket League Esports! The Rocket League Esports Shop pilot program brings new Decals, Wheels, and Player Banners that represent some of the best teams in the sport. of the best teams in the sport. SteamOS and Mac Beta VersionsAs we continue to upgrade Rocket League\u00ae with new technologies like DirectX 11 and a 64-bit client, it is no longer viable for us to maintain support for the macOS and Linux (SteamOS) platforms. As a result, the final patch for the macOS and Linux versions of Rocket League was released on March 10, 2020. This update disabled online functionality (such as Casual and Competitive Playlists) for players on macOS and Linux, but offline features including Local Matches, and splitscreen play are still accessible.Please note that Rocket League\u00ae on SteamOS and macOS may have bugs and stability issues not seen in the Windows version of the game, and these issues may not be fixed in future updates.NOTE: Because of agreements with our online service provider, there are certain regions that are unable to connect to Rocket League\u00ae\u2019s online multiplayer component. As a result, server access is restricted in China, Crimea, Cuba, Iran, North Korea, Sudan, and Syria. Apologies to our customers in those regions.Software and online features are subject to license, terms of use, and privacy policy ( rocketleague.com/eula , rocketleague.com/tou , and rocketleague.com/privacy ).", + "short_description": "Rocket League is a high-powered hybrid of arcade-style soccer and vehicular mayhem with easy-to-understand controls and fluid, physics-driven competition. Rocket League includes casual and competitive Online Matches, a fully-featured offline Season Mode, special \u201cMutators\u201d that let you change the rules entirely, hockey and...", + "genres": "Action", + "recommendations": 424535, + "score": 8.54279482427334 + }, + { + "type": "game", + "name": "theHunter Classic", + "detailed_description": "The most realistic online hunting game ever created is available now, for free! Experience the thrill of the hunt in vast, open-world environments ranging from the desolate Australian outback and overgrown swamps of Louisiana to the dramatic landscape of the Austrian Alps. As a hunter, you will use everything from crossbows to handguns and state of the art bolt action rifles to track, spot and harvest your prey. Realistic animal behaviors and persistent online features provide a living, open world where you can explore at your own pace or compete with other players for bragging rights.Key FeaturestheHunter Classic was first released in 2009, and is still continuously updated with new weapons, species, environments, equipment and features. There\u2019s a treasure trove of content for hunters to discover here, and more is still coming!. Explore 12 vast and endlessly varied environments with detailed graphics, complete with a full day cycle and immersive weather effects - from the sub-arctic Alaska to the swamps of Louisiana. . Form a hunting team and experience co-op multiplayer with up to 7 friends (or complete strangers). . Hunt 45 lifelike species, all recreated in painstaking detail from looks to behaviours: Bison, Moose, Red Deer, Rocky Mountain Elk, Roosevelt Elk, Alpine Ibex, Bighorn Sheep, Blacktail Deer, Feral Hog, Mule Deer, Reindeer, Roe Deer, Sitka Deer, Whitetail Deer, Wild Boar, Feral Goat, Dall Sheep, American Black Duck, Gadwall, Mallard, Pintail, Rock Ptarmigan, White-tailed Ptarmigan, Willow Ptarmigan, Cottontail Rabbit, European Rabbit, Snowshoe Hare, Pheasant, Turkey, Canada Goose, Black Bear, Brown Bear, Grizzly Bear, Polar Bear, Red Kangaroo, Grey Wolf, Coyote, Red Fox, Arctic Fox, Bobcat, Water Buffalo, Rusa Deer, Sambar Deer, Banteng and Magpie Goose. Occasionally, on Halloween night, some players swear they saw Werewolves too!. Extensive online features. Increase your skills, increase your stats and get creative with Trophy Shots. Take part in competitions and climb the leaderboards or go on challenging missions to earn achievements. . Join the biggest and friendliest online hunting community. We are all about helping and sharing our achievements. Show off that incredible set of antlers, proudly mounted in your private Trophy Lodge, or check out other accomplished hunters\u2019 hauls for inspiration. Having trouble tracking and harvesting that big one? Ask the community, many of whom are real-life hunters, and get a helping hand. Progressing and Acquiring Items in the GameIn theHunter Classic, a generous amount of content is available for free. Right at the outset two weapons (.243 Bolt-Action Rifle & 12 GA Single Shot shotgun) and a great equipment loadout is available at no cost. Additional items such as weapons, equipment, clothing and ammunition can be acquired with gm$, in-game currency that can be earned through playing the game, or em$, in-game currency that can be purchased for real-life money or earned through winning in-game competitions. . By hunting certain species and using certain items in the game, you are able to hone your skills and improve as a hunter. As these skills increase, more abilities unlock. With time and practice, you will be able to tell weight and gender from a simple animal track, and develop steadier aim for a range of weapons. . Achievements can be earned through diverse in-game activities. Each achievement adds to your HunterScore, which can be used to track and compare your progress with other hunters. Increasing your HunterScore also unlocks upgrade items such as pouches and holsters for your rifles.", + "about_the_game": "The most realistic online hunting game ever created is available now, for free! Experience the thrill of the hunt in vast, open-world environments ranging from the desolate Australian outback and overgrown swamps of Louisiana to the dramatic landscape of the Austrian Alps. As a hunter, you will use everything from crossbows to handguns and state of the art bolt action rifles to track, spot and harvest your prey. Realistic animal behaviors and persistent online features provide a living, open world where you can explore at your own pace or compete with other players for bragging rights.Key FeaturestheHunter Classic was first released in 2009, and is still continuously updated with new weapons, species, environments, equipment and features. There\u2019s a treasure trove of content for hunters to discover here, and more is still coming!Explore 12 vast and endlessly varied environments with detailed graphics, complete with a full day cycle and immersive weather effects - from the sub-arctic Alaska to the swamps of Louisiana.Form a hunting team and experience co-op multiplayer with up to 7 friends (or complete strangers).Hunt 45 lifelike species, all recreated in painstaking detail from looks to behaviours: Bison, Moose, Red Deer, Rocky Mountain Elk, Roosevelt Elk, Alpine Ibex, Bighorn Sheep, Blacktail Deer, Feral Hog, Mule Deer, Reindeer, Roe Deer, Sitka Deer, Whitetail Deer, Wild Boar, Feral Goat, Dall Sheep, American Black Duck, Gadwall, Mallard, Pintail, Rock Ptarmigan, White-tailed Ptarmigan, Willow Ptarmigan, Cottontail Rabbit, European Rabbit, Snowshoe Hare, Pheasant, Turkey, Canada Goose, Black Bear, Brown Bear, Grizzly Bear, Polar Bear, Red Kangaroo, Grey Wolf, Coyote, Red Fox, Arctic Fox, Bobcat, Water Buffalo, Rusa Deer, Sambar Deer, Banteng and Magpie Goose. Occasionally, on Halloween night, some players swear they saw Werewolves too!Extensive online features. Increase your skills, increase your stats and get creative with Trophy Shots. Take part in competitions and climb the leaderboards or go on challenging missions to earn achievements.Join the biggest and friendliest online hunting community. We are all about helping and sharing our achievements. Show off that incredible set of antlers, proudly mounted in your private Trophy Lodge, or check out other accomplished hunters\u2019 hauls for inspiration. Having trouble tracking and harvesting that big one? Ask the community, many of whom are real-life hunters, and get a helping hand.Progressing and Acquiring Items in the GameIn theHunter Classic, a generous amount of content is available for free. Right at the outset two weapons (.243 Bolt-Action Rifle & 12 GA Single Shot shotgun) and a great equipment loadout is available at no cost. Additional items such as weapons, equipment, clothing and ammunition can be acquired with gm$, in-game currency that can be earned through playing the game, or em$, in-game currency that can be purchased for real-life money or earned through winning in-game competitions.By hunting certain species and using certain items in the game, you are able to hone your skills and improve as a hunter. As these skills increase, more abilities unlock. With time and practice, you will be able to tell weight and gender from a simple animal track, and develop steadier aim for a range of weapons.Achievements can be earned through diverse in-game activities. Each achievement adds to your HunterScore, which can be used to track and compare your progress with other hunters. Increasing your HunterScore also unlocks upgrade items such as pouches and holsters for your rifles.", + "short_description": "The most realistic hunting experience awaits. Explore 12 reserves and hunt 45 unique species, ranging from waterfowl to big game. Over 100 weapons from state-of-the art rifles to bows. Customize your load-out with stands, blinds and dogs. Play alone or in multiplayer with up to 7 friends.", + "genres": "Action", + "recommendations": 581, + "score": 4.1969666851799055 + }, + { + "type": "game", + "name": "Knights and Merchants", + "detailed_description": "KNIGHTS and MERCHANTS recreates the era of the Middle Ages. Apart from the purely fictitious geography of our world, all game elements and scenes are based on the Anglo-Saxon period, 1200 A.D. And we haven't used imaginary elements like fabled creatures, either. The player takes on the role of an ordinary captain in the Palace Guard. A conspiracy against the king catapults the captain into a situation where he finds himself responsible for the defence of the last royal province. This is all that remains of the shattered kingdom, which has been split into numerous small principalities and fiefdoms. And now even the king himself, ensconced in his capital, is threatened by enemy armies. This is the starting point of your Middle Ages adventure. Now you must win back all those provinces which once belonged to your king.THE SHATTERED KINGDOM:After many battles, a former kingdom has been divided into many small principalities and earldoms. The king\u00eds troops were pushed back into one last royal province, and the rulers of the other provinces waged terrible, destructive wars against one another. The whole land fell into a state of chaos and now the former royal capital itself is under. siege by the armies of the rebel lords. You belong to the last remaining group of loyal king\u00eds men, and have been commanded to go to the king in view of the imminent. attack.THE PEASANTS REBELLION:Build a prosperous settlement with a complete economy. Arm your troops and meet the enemy on the battle field! Master these tasks and the King\u2019s subjects will be able to live in peace and freedom again.GAME FEATURES:Middle ages simulation and Real-time strategy. 2 campaigns \"The Shattered Kingdom\" and \"The Peasants Rebellion\" with a total of 34 missions. Skirmish Mode and 10 Multiplayer-Maps. About 25 different types of buildings. More than a dozen different types of characters. Over 10 different troop types, including archers, scouts, knights, bowman and barbarians. Multiplayer battles with up to 6 players in LAN or through the Internet. New Musical Score.", + "about_the_game": "KNIGHTS and MERCHANTS recreates the era of the Middle Ages. Apart from the purely fictitious geography of our world, all game elements and scenes are based on the Anglo-Saxon period, 1200 A.D. And we haven't used imaginary elements like fabled creatures, either. The player takes on the role of an ordinary captain in the Palace Guard. A conspiracy against the king catapults the captain into a situation where he finds himself responsible for the defence of the last royal province. This is all that remains of the shattered kingdom, which has been split into numerous small principalities and fiefdoms. And now even the king himself, ensconced in his capital, is threatened by enemy armies. This is the starting point of your Middle Ages adventure. Now you must win back all those provinces which once belonged to your king.THE SHATTERED KINGDOM:After many battles, a former kingdom has been divided into many small principalities and earldoms. The king\u00eds troops were pushed back into one last royal province, and the rulers of the other provinces waged terrible, destructive wars against one another. The whole land fell into a state of chaos and now the former royal capital itself is undersiege by the armies of the rebel lords. You belong to the last remaining group of loyal king\u00eds men, and have been commanded to go to the king in view of the imminentattack.THE PEASANTS REBELLION:Build a prosperous settlement with a complete economy. Arm your troops and meet the enemy on the battle field! Master these tasks and the King\u2019s subjects will be able to live in peace and freedom again.GAME FEATURES:Middle ages simulation and Real-time strategy2 campaigns \"The Shattered Kingdom\" and \"The Peasants Rebellion\" with a total of 34 missionsSkirmish Mode and 10 Multiplayer-MapsAbout 25 different types of buildingsMore than a dozen different types of charactersOver 10 different troop types, including archers, scouts, knights, bowman and barbariansMultiplayer battles with up to 6 players in LAN or through the InternetNew Musical Score", + "short_description": "KNIGHTS and MERCHANTS recreates the era of the Middle Ages. Apart from the purely fictitious geography of our world, all game elements and scenes are based on the Anglo-Saxon period, 1200 A.D. And we haven't used imaginary elements like fabled creatures, either. The player takes on the role of an ordinary captain in the Palace Guard.", + "genres": "Simulation", + "recommendations": 2336, + "score": 5.113396817250399 + }, + { + "type": "game", + "name": "Enclave", + "detailed_description": "Experience incredibly atmospheric and intense medieval combat action! . Go ahead and enter a new world, the award-winning world of ENCLAVE!. The people of Light and Darkness are divided by a bottomless rift that split the earth many millennia ago. The lands of light are an Enclave of truth and order surrounded by the twisted and barren lands of the dark, known as the Outlands. Over the centuries the rift has started to close\u2026. And now it is only a matter of time before the forces of Light and Darkness will clash in an unprecedented, merciless struggle for survival!. Remember. When a storm comes up, for some it\u2019s better to keep out of its way\u2026 while for others it\u2019s time to block its path!. FEATURES:Breathtaking combat action. Amazing 3D graphics with latest Shader technolgy support. 2 separate story driven single player campaigns: Light and Dark Campaign. 25+ highly detailed fantasy themed missions. Secret bonus games. 12 different playable character classes . 5 mighty end bosses. Epic musical score and impressive sound FX.", + "about_the_game": "Experience incredibly atmospheric and intense medieval combat action! Go ahead and enter a new world, the award-winning world of ENCLAVE!The people of Light and Darkness are divided by a bottomless rift that split the earth many millennia ago. The lands of light are an Enclave of truth and order surrounded by the twisted and barren lands of the dark, known as the Outlands. Over the centuries the rift has started to close\u2026And now it is only a matter of time before the forces of Light and Darkness will clash in an unprecedented, merciless struggle for survival!Remember... When a storm comes up, for some it\u2019s better to keep out of its way\u2026 while for others it\u2019s time to block its path!FEATURES:Breathtaking combat actionAmazing 3D graphics with latest Shader technolgy support2 separate story driven single player campaigns: Light and Dark Campaign25+ highly detailed fantasy themed missionsSecret bonus games12 different playable character classes 5 mighty end bossesEpic musical score and impressive sound FX", + "short_description": "Experience incredibly atmospheric and intense medieval combat action! Go ahead and enter a new world, the award-winning world of ENCLAVE!The people of Light and Darkness are divided by a bottomless rift that split the earth many millennia ago.", + "genres": "Action", + "recommendations": 1644, + "score": 4.881923012266146 + }, + { + "type": "game", + "name": "Resident Evil 4 (2005)", + "detailed_description": "(Release: 2014). In resident evil 4, special agent Leon S. Kennedy is sent on a mission to rescue the U.S. President\u2019s daughter who has been kidnapped. Finding his way to a rural village in Europe, he faces new threats that are a departure from the traditional lumbering zombie enemies of the earlier instalments in the series. Leon battles horrific new creatures infested by a new threat called Las Plagas and faces off against an aggressive group of enemies including mind-controlled villagers that are tied to Los Illuminados, the mysterious cult which is behind the abduction.Key FeaturesStunning HD running at a smooth 60 frames per second for the first time. . A complete visual overhaul has been performed to bring this revered title to the highest graphical quality ever. . Fully optimized for the wide screen, texts have been sharpened and textures have been upgraded on characters, backgrounds and in-game objects. . Steam platform support with Steam Achievements, Steam Cloud, Steam Trading Cards, global leaderboards, and full game controller support. . Native keyboard and mouse support with customizable key binding, mouse sensitivity, and mouse acceleration settings. . This new PC version will include everything from the prior iterations including subtitle support in English, French, Italian, German, and Spanish as well as previously released bonus content such as the Separate Ways epilogue.", + "about_the_game": "(Release: 2014)In resident evil 4, special agent Leon S. Kennedy is sent on a mission to rescue the U.S. President\u2019s daughter who has been kidnapped. Finding his way to a rural village in Europe, he faces new threats that are a departure from the traditional lumbering zombie enemies of the earlier instalments in the series. Leon battles horrific new creatures infested by a new threat called Las Plagas and faces off against an aggressive group of enemies including mind-controlled villagers that are tied to Los Illuminados, the mysterious cult which is behind the abduction.Key FeaturesStunning HD running at a smooth 60 frames per second for the first time. A complete visual overhaul has been performed to bring this revered title to the highest graphical quality ever. Fully optimized for the wide screen, texts have been sharpened and textures have been upgraded on characters, backgrounds and in-game objects.Steam platform support with Steam Achievements, Steam Cloud, Steam Trading Cards, global leaderboards, and full game controller support.Native keyboard and mouse support with customizable key binding, mouse sensitivity, and mouse acceleration settings.This new PC version will include everything from the prior iterations including subtitle support in English, French, Italian, German, and Spanish as well as previously released bonus content such as the Separate Ways epilogue.", + "short_description": "(Release: 2014) Special agent Leon S. Kennedy is sent on a mission to rescue the U.S. President\u2019s daughter who has been kidnapped.", + "genres": "Action", + "recommendations": 51908, + "score": 7.157420469547842 + }, + { + "type": "game", + "name": "Cities: Skylines", + "detailed_description": "Wishlist Cities: Skylines II! Featured DLC Digital Deluxe EditionThe Deluxe Edition:. Included in the Deluxe Edition are 5 In-game historical monuments from around the world, the games original soundtrack as well as a digital art book.Five in-game items include:Statue of Liberty. Eiffel Tower. Brandenburg Gate. Arc de Triomphe. Grand central terminal. Original Soundtrack:This Original Soundtrack includes 14 unique tracks mixed from the ambient music of the game, allowing you to enjoy the wonderful music whenever you want.Digital Art book:See the concepts behind the buildings! The book features almost a 32 hand drawn concepts of the game various buildings and the story behind each. About the GameCities: Skylines is a modern take on the classic city simulation. The game introduces new game play elements to realize the thrill and hardships of creating and maintaining a real city whilst expanding on some well-established tropes of the city building experience. You\u2019re only limited by your imagination, so take control and reach for the sky!. . Multi-tiered and challenging simulationConstructing your city from the ground up is easy to learn, but hard to master. Playing as the mayor of your city you\u2019ll be faced with balancing essential requirements such as education, water electricity, police, fire fighting, healthcare and much more along with your citys real economy system. Citizens within your city react fluidly, with gravitas and with an air of authenticity to a multitude of game play scenarios. . Extensive local traffic simulationColossal Order's extensive experience developing the Cities in Motion series is fully utilized in a fully fleshed out and well-crafted local traffic simulation. . Districts and PoliciesBe more than just an administrator from city hall. Designating parts of your city as a district results in the application of policies which results in you rising to the status of Mayor for your own city. . Utilize the Day and Night CycleThe city changes during the hours of the day and affects citizen schedules. Traffic is visibly slower at night and some zoned areas do not work with full efficiency. Cities: Skylines will put you in control of managing the different aspects of the day and night cycles.Extensive modding supportBuild or improve on existing maps and structures. You can then import your creations into the game, share them as well as download the creations of other city builders on the Steam workshop.", + "about_the_game": "Cities: Skylines is a modern take on the classic city simulation. The game introduces new game play elements to realize the thrill and hardships of creating and maintaining a real city whilst expanding on some well-established tropes of the city building experience. You\u2019re only limited by your imagination, so take control and reach for the sky!Multi-tiered and challenging simulationConstructing your city from the ground up is easy to learn, but hard to master. Playing as the mayor of your city you\u2019ll be faced with balancing essential requirements such as education, water electricity, police, fire fighting, healthcare and much more along with your citys real economy system. Citizens within your city react fluidly, with gravitas and with an air of authenticity to a multitude of game play scenarios.Extensive local traffic simulationColossal Order's extensive experience developing the Cities in Motion series is fully utilized in a fully fleshed out and well-crafted local traffic simulation.Districts and PoliciesBe more than just an administrator from city hall. Designating parts of your city as a district results in the application of policies which results in you rising to the status of Mayor for your own city.Utilize the Day and Night CycleThe city changes during the hours of the day and affects citizen schedules. Traffic is visibly slower at night and some zoned areas do not work with full efficiency. Cities: Skylines will put you in control of managing the different aspects of the day and night cycles.Extensive modding supportBuild or improve on existing maps and structures. You can then import your creations into the game, share them as well as download the creations of other city builders on the Steam workshop.", + "short_description": "Cities: Skylines is a modern take on the classic city simulation. The game introduces new game play elements to realize the thrill and hardships of creating and maintaining a real city whilst expanding on some well-established tropes of the city building experience.", + "genres": "Simulation", + "recommendations": 176125, + "score": 7.962806367592439 + }, + { + "type": "game", + "name": "Baldur's Gate II: Enhanced Edition", + "detailed_description": "The Classic Adventure ContinuesBaldur's Gate II: Enhanced Edition is the beloved RPG classic, enhanced for modern adventurers. . Continue a journey started in Baldur's Gate: Enhanced Edition, or customize a new hero to forge your path.Campaign ContentThe Enhanced Edition includes the original Shadows of Amn campaign, the Throne of Bhaal expansion, plus brand new challenges in the Black Pits II arena!. Classic Campaign: The Original Shadows of Amn Adventure. Expansion: Throne of Bhaal. New Challenges: The Black Pits II: Gladiators of Thay, arena style battles. New Difficulty Setting: Story Mode allows players to focus on story and exploration, rather than combat and survival. Epic Characters11 Playable Classes plus dozens of subclasses. Recruit Classic Characters like Minsc and his brave hamster, Boo!. 5 New NPCs: Neera the Wild Mage, Dorn Il-Khan the Blackguard, Rasaad yn Bashir the Monk, Hexxat the Thief, and Wilson the Bear. New player voice sets to customize your hero. Upload Characters from Baldur\u2019s Gate: Enhanced Edition, or forge ahead with a brand new hero. Classic Gameplay2-D isometric graphics. Real-time-with-pause combat. Adapts 2nd Edition Dungeons & Dragons Rules. Enhanced for Modern PlatformsHundreds of bug fixes and improvements to the original game. Native support for high-resolution widescreen displays. Cross-play multiplayer support for Windows, Linux, and macOS. A Story-Rich RPG. Kidnapped. Imprisoned. Tortured. The wizard Irenicus holds you captive in his stronghold, attempting to strip you of the powers that are your birthright. . Can you resist the evil in your blood and forsake the dark destiny that awaits you? Or will you embrace your monstrous nature and ascend to godhood as the new Lord of Murder?.", + "about_the_game": "The Classic Adventure ContinuesBaldur's Gate II: Enhanced Edition is the beloved RPG classic, enhanced for modern adventurers. Continue a journey started in Baldur's Gate: Enhanced Edition, or customize a new hero to forge your path.Campaign ContentThe Enhanced Edition includes the original Shadows of Amn campaign, the Throne of Bhaal expansion, plus brand new challenges in the Black Pits II arena!Classic Campaign: The Original Shadows of Amn AdventureExpansion: Throne of BhaalNew Challenges: The Black Pits II: Gladiators of Thay, arena style battlesNew Difficulty Setting: Story Mode allows players to focus on story and exploration, rather than combat and survivalEpic Characters11 Playable Classes plus dozens of subclassesRecruit Classic Characters like Minsc and his brave hamster, Boo!5 New NPCs: Neera the Wild Mage, Dorn Il-Khan the Blackguard, Rasaad yn Bashir the Monk, Hexxat the Thief, and Wilson the BearNew player voice sets to customize your heroUpload Characters from Baldur\u2019s Gate: Enhanced Edition, or forge ahead with a brand new heroClassic Gameplay2-D isometric graphicsReal-time-with-pause combatAdapts 2nd Edition Dungeons & Dragons RulesEnhanced for Modern PlatformsHundreds of bug fixes and improvements to the original gameNative support for high-resolution widescreen displaysCross-play multiplayer support for Windows, Linux, and macOSA Story-Rich RPGKidnapped. Imprisoned. Tortured. The wizard Irenicus holds you captive in his stronghold, attempting to strip you of the powers that are your birthright. Can you resist the evil in your blood and forsake the dark destiny that awaits you? Or will you embrace your monstrous nature and ascend to godhood as the new Lord of Murder?", + "short_description": "Rediscover the beloved RPG classic\u2014 now enhanced for modern adventurers! Gather your party of heroes and continue the legendary adventure in this story-rich fantasy epic where every choice matters.", + "genres": "Adventure", + "recommendations": 7322, + "score": 5.86633740429712 + }, + { + "type": "game", + "name": "The Talos Principle", + "detailed_description": "The Talos Principle 2 About the Game. As if awakening from a deep sleep, you find yourself in a strange, contradictory world of ancient ruins and advanced technology. Tasked by your creator with solving a series of increasingly complex puzzles, you must decide whether to have faith or to ask the difficult questions: Who are you? What is your purpose? And what are you going to do about it?Features:Overcome more than 120 immersive puzzles in a stunning world. . Divert drones, manipulate laser beams and even replicate time to prove your worth - or to find a way out. . Explore a story about humanity, technology and civilization. Uncover clues, devise theories, and make up your own mind. . Choose your own path through the game's non-linear world, solving puzzles your way. . But remember: choices have consequences and somebody's always watching you.", + "about_the_game": "As if awakening from a deep sleep, you find yourself in a strange, contradictory world of ancient ruins and advanced technology. Tasked by your creator with solving a series of increasingly complex puzzles, you must decide whether to have faith or to ask the difficult questions: Who are you? What is your purpose? And what are you going to do about it?Features:Overcome more than 120 immersive puzzles in a stunning world.Divert drones, manipulate laser beams and even replicate time to prove your worth - or to find a way out.Explore a story about humanity, technology and civilization. Uncover clues, devise theories, and make up your own mind.Choose your own path through the game's non-linear world, solving puzzles your way.But remember: choices have consequences and somebody's always watching you.", + "short_description": "The Talos Principle is a first-person puzzle game in the tradition of philosophical science fiction. Made by Croteam and written by Tom Jubert (FTL, The Swapper) and Jonas Kyratzes (The Sea Will Claim Everything).", + "genres": "Action", + "recommendations": 23906, + "score": 6.646305882474909 + }, + { + "type": "game", + "name": "Gauntlet\u2122 Slayer Edition", + "detailed_description": "The classic Gauntlet 4-player co-op action gameplay returns in a completely new experience! Play as one of four distinct heroes in an intense monster filled dungeon brawler with a combination of both uniquely built and randomly generated levels to explore. Battle the endless hordes of foes as you and your friends fight for treasure and glory via both local and online co-op multiplayer. Invade the Darkness!. New Gauntlet Experience . Classic dungeon crawling action is melded with innovative new features for the ultimate Gauntlet challenge. . Online and Couch Co-op Multiplayer . Explore on your own if you dare or play with friends in 4-player same-screen and online co-op. Your friends can become foes as you compete to see who can claim the most kills and the most gold. . Four Classic Characters . Gauntlet\u2019s four classic characters: Warrior, Valkyrie, Elf, and Wizard return but with more distinctive play styles and their own unique skills. . Discover New Powers . Players can scour the dungeons for gold and loot to unlock mystical Relics that grant the holder deadly new abilities. But beware \u2013 if used incorrectly they can be detrimental to your party\u2019s health!. How Will You Die? . Fiendish traps, monstrous hordes, epic bosses and even your own friends will cause you to die in confounding and extraordinary ways. . Accolades:. \u201cAn idealized reboot of the series \u2013 immediately familiar yet totally fresh.\u201d \u2013 Digital Trends. \u201cYou haven\u2019t needed food this badly since the 1980\u2019s\u201d \u2013 Gamespot. \u201cJust the way fans would want it\u201d - Destructoid. \"Fans of the classic 80s game have nothing to worry about.\" - PrimaGames. \"This classic quarter-muncher consumed a lot of my own money during summers as a kid, so it's nice to see the fantasy gameplay live on this latest incarnation.\" - Fortune. \"With its simple, streamlined controls and the compatibility with SteamOS, 'Gauntlet' is clearly nostalgic for the living room-centric gaming of the early 90s. And it succeeds.\" - Tom's Guide.", + "about_the_game": "The classic Gauntlet 4-player co-op action gameplay returns in a completely new experience! Play as one of four distinct heroes in an intense monster filled dungeon brawler with a combination of both uniquely built and randomly generated levels to explore. Battle the endless hordes of foes as you and your friends fight for treasure and glory via both local and online co-op multiplayer. Invade the Darkness!New Gauntlet Experience Classic dungeon crawling action is melded with innovative new features for the ultimate Gauntlet challenge.Online and Couch Co-op Multiplayer Explore on your own if you dare or play with friends in 4-player same-screen and online co-op. Your friends can become foes as you compete to see who can claim the most kills and the most gold. Four Classic Characters Gauntlet\u2019s four classic characters: Warrior, Valkyrie, Elf, and Wizard return but with more distinctive play styles and their own unique skills. Discover New Powers Players can scour the dungeons for gold and loot to unlock mystical Relics that grant the holder deadly new abilities. But beware \u2013 if used incorrectly they can be detrimental to your party\u2019s health!How Will You Die? Fiendish traps, monstrous hordes, epic bosses and even your own friends will cause you to die in confounding and extraordinary ways.Accolades: \u201cAn idealized reboot of the series \u2013 immediately familiar yet totally fresh.\u201d \u2013 Digital Trends\u201cYou haven\u2019t needed food this badly since the 1980\u2019s\u201d \u2013 Gamespot \u201cJust the way fans would want it\u201d - Destructoid \"Fans of the classic 80s game have nothing to worry about.\" - PrimaGames\"This classic quarter-muncher consumed a lot of my own money during summers as a kid, so it's nice to see the fantasy gameplay live on this latest incarnation.\" - Fortune \"With its simple, streamlined controls and the compatibility with SteamOS, 'Gauntlet' is clearly nostalgic for the living room-centric gaming of the early 90s. And it succeeds.\" - Tom's Guide", + "short_description": "The classic Gauntlet 4-player co-op action gameplay returns in a completely new experience! Battle the endless hordes of foes as you and your friends fight for treasure and glory via both local and online co-op multiplayer. Invade the Darkness!", + "genres": "Action", + "recommendations": 5813, + "score": 5.714219298348572 + }, + { + "type": "game", + "name": "Just Cause 2: Multiplayer Mod", + "detailed_description": "JC2-MP is a project to bring multiplayer to Just Cause 2 in all of its magnificent glory. Imagine the chaos of normal Just Cause 2, then extending it out to dozens, hundreds, and even thousands of players.", + "about_the_game": "JC2-MP is a project to bring multiplayer to Just Cause 2 in all of its magnificent glory. Imagine the chaos of normal Just Cause 2, then extending it out to dozens, hundreds, and even thousands of players.", + "short_description": "JC2-MP is a project to bring multiplayer to Just Cause 2 in all of its magnificent glory. Imagine the chaos of normal Just Cause 2, then extending it out to dozens, hundreds, and even thousands of players.", + "genres": "Action", + "recommendations": 104, + "score": 3.068029091491243 + }, + { + "type": "game", + "name": "The Walking Dead: Season Two", + "detailed_description": "The Walking Dead: Season Two continues the story of Clementine, a young girl orphaned by the undead apocalypse. Left to fend for herself, she has been forced to learn how to survive in a world gone mad. . Many months have passed since the events seen in Season One of The Walking Dead, and Clementine is searching for safety. But what can an ordinary child do to stay alive when the living can be just as bad \u2013 and sometimes worse \u2013 than the dead? As Clementine, you will be tested by situations and dilemmas that will test your morals and your instinct for survival. Your decisions and actions will change the story around you, in this sequel to 2012\u2019s Game of the Year. . Decisions you made in Season One and in 400 Days will affect your story in Season Two. Based on Robert Kirkman\u2019s award-winning comic books. Play as Clementine, an orphaned girl forced to grow up fast by the world around her.", + "about_the_game": "The Walking Dead: Season Two continues the story of Clementine, a young girl orphaned by the undead apocalypse. Left to fend for herself, she has been forced to learn how to survive in a world gone mad.Many months have passed since the events seen in Season One of The Walking Dead, and Clementine is searching for safety. But what can an ordinary child do to stay alive when the living can be just as bad \u2013 and sometimes worse \u2013 than the dead? As Clementine, you will be tested by situations and dilemmas that will test your morals and your instinct for survival. Your decisions and actions will change the story around you, in this sequel to 2012\u2019s Game of the Year.Decisions you made in Season One and in 400 Days will affect your story in Season TwoBased on Robert Kirkman\u2019s award-winning comic booksPlay as Clementine, an orphaned girl forced to grow up fast by the world around her", + "short_description": "The Walking Dead: Season Two continues the story of Clementine, a young girl orphaned by the undead apocalypse. Left to fend for herself, she has been forced to learn how to survive in a world gone mad.", + "genres": "Adventure", + "recommendations": 21489, + "score": 6.576042808094037 + }, + { + "type": "game", + "name": "Killer is Dead - Nightmare Edition", + "detailed_description": "Get ready for some seriously stylish action from renowned designer SUDA51. In this exclusive version for PC, players will be slicing, dicing, and shooting as the suave executioner Mondo Zappa. Prepare for the thrill of love and kill in KILLER IS DEAD!. Exclusive Features for Nightmare Edition:. New difficulty mode called Nightmare Mode. In this mode, enemies can only be defeated using the following attacks: Adrenaline Burst, Dodge Burst, Headshots, so the gameplay requires far more skill and tactics. Players will not be able to use the Final Judgement finisher (QTE mode) to defeat enemies. . Theater Mode - Rewatch cutscenes and get extended background information on characters, helping to unravel the story after your 1st playthrough . Smooth Operator Pack for console will be included, which includes X-ray glasses, bewitching outfits, stunning beauties, and a killer new mission and boss!.", + "about_the_game": "Get ready for some seriously stylish action from renowned designer SUDA51. In this exclusive version for PC, players will be slicing, dicing, and shooting as the suave executioner Mondo Zappa. Prepare for the thrill of love and kill in KILLER IS DEAD!Exclusive Features for Nightmare Edition:New difficulty mode called Nightmare Mode. In this mode, enemies can only be defeated using the following attacks: Adrenaline Burst, Dodge Burst, Headshots, so the gameplay requires far more skill and tactics. Players will not be able to use the Final Judgement finisher (QTE mode) to defeat enemies.Theater Mode - Rewatch cutscenes and get extended background information on characters, helping to unravel the story after your 1st playthrough Smooth Operator Pack for console will be included, which includes X-ray glasses, bewitching outfits, stunning beauties, and a killer new mission and boss!", + "short_description": "Get ready for some seriously stylish action from renowned designer SUDA51. In this exclusive version for PC, players will be slicing, dicing, and shooting as the suave executioner Mondo Zappa. Prepare for the thrill of love and kill in KILLER IS DEAD!", + "genres": "Action", + "recommendations": 3347, + "score": 5.3503866781596034 + }, + { + "type": "game", + "name": "Mount & Blade II: Bannerlord", + "detailed_description": "The horns sound, the ravens gather. An empire is torn by civil war. Beyond its borders, new kingdoms rise. Gird on your sword, don your armour, summon your followers and ride forth to win glory on the battlefields of Calradia. Establish your hegemony and create a new world out of the ashes of the old. . Mount & Blade II: Bannerlord is the eagerly awaited sequel to the critically acclaimed medieval combat simulator and role-playing game, Mount & Blade: Warband. . Create and develop a character that matches your play style as you explore, raid and conquer your way across a vast medieval sandbox where no two playthroughs are the same. . Raise armies, engage in politics, trade, craft weapons, recruit companions and manage your fiefdom as you attempt to establish your clan among the nobility of Calradia. . Command and fight alongside your troops in first- or third-person in huge real-time battles using Mount & Blade\u2019s deep but intuitive skill-based directional combat system. . Put your combat prowess to the test against players from all over the world in multi-player PvP, including ranked matchmaking and casual game modes, or host your own server with the Mount & Blade II: Dedicated Server files. . Customise the game to experience an entirely different adventure using the Mount & Blade II: Bannerlord - Modding Kit and share your creations with others through Steam Workshop.", + "about_the_game": "The horns sound, the ravens gather. An empire is torn by civil war. Beyond its borders, new kingdoms rise. Gird on your sword, don your armour, summon your followers and ride forth to win glory on the battlefields of Calradia. Establish your hegemony and create a new world out of the ashes of the old.Mount & Blade II: Bannerlord is the eagerly awaited sequel to the critically acclaimed medieval combat simulator and role-playing game, Mount & Blade: Warband. Create and develop a character that matches your play style as you explore, raid and conquer your way across a vast medieval sandbox where no two playthroughs are the same. Raise armies, engage in politics, trade, craft weapons, recruit companions and manage your fiefdom as you attempt to establish your clan among the nobility of Calradia. Command and fight alongside your troops in first- or third-person in huge real-time battles using Mount & Blade\u2019s deep but intuitive skill-based directional combat system.Put your combat prowess to the test against players from all over the world in multi-player PvP, including ranked matchmaking and casual game modes, or host your own server with the Mount & Blade II: Dedicated Server files. Customise the game to experience an entirely different adventure using the Mount & Blade II: Bannerlord - Modding Kit and share your creations with others through Steam Workshop.", + "short_description": "A strategy/action RPG. Create a character, engage in diplomacy, craft, trade and conquer new lands in a vast medieval sandbox. Raise armies to lead into battle and command and fight alongside your troops in massive real-time battles using a deep but intuitive skill-based combat system.", + "genres": "Action", + "recommendations": 176176, + "score": 7.962997230101091 + }, + { + "type": "game", + "name": "Ori and the Blind Forest", + "detailed_description": "The forest of Nibel is dying. After a powerful storm sets a series of devastating events in motion, an unlikely hero must journey to find his courage and confront a dark nemesis to save his home. \u201cOri and the Blind Forest\u201d tells the tale of a young orphan destined for heroics, through a visually stunning action-platformer crafted by Moon Studios for PC. Featuring hand-painted artwork, meticulously animated character performance, and a fully orchestrated score, \u201cOri and the Blind Forest\u201d explores a deeply emotional story about love and sacrifice, and the hope that exists in us all.", + "about_the_game": "The forest of Nibel is dying. After a powerful storm sets a series of devastating events in motion, an unlikely hero must journey to find his courage and confront a dark nemesis to save his home. \u201cOri and the Blind Forest\u201d tells the tale of a young orphan destined for heroics, through a visually stunning action-platformer crafted by Moon Studios for PC. Featuring hand-painted artwork, meticulously animated character performance, and a fully orchestrated score, \u201cOri and the Blind Forest\u201d explores a deeply emotional story about love and sacrifice, and the hope that exists in us all.", + "short_description": "\u201cOri and the Blind Forest\u201d tells the tale of a young orphan destined for heroics, through a visually stunning action-platformer crafted by Moon Studios for PC.", + "genres": "Action", + "recommendations": 43269, + "score": 7.037419144562752 + }, + { + "type": "game", + "name": "Borderlands: The Pre-Sequel", + "detailed_description": "LAUNCH INTO THE BORDERLANDS UNIVERSE AND SHOOT \u2018N\u2019 LOOT YOUR WAY THROUGH A BRAND NEW ADVENTURE THAT ROCKETS YOU ONTO PANDORA\u2019S MOON IN BORDERLANDS: THE PRE-SEQUEL!. Discover the story behind Borderlands 2 villain, Handsome Jack, and his rise to power. Taking place between the original Borderlands and Borderlands 2, the Pre-Sequel gives you a whole lotta new gameplay featuring the genre blending fusion of shooter and RPG mechanics that players have come to love. . Float through the air with each low gravity jump while taking enemies down from above using new ice and laser weapons. Catch-a-ride and explore the lunar landscape with new vehicles allowing for more levels of destructive mayhem. . Features. BRING MAYHEM TO THE MOON. Feel the moon\u2019s low gravity with every jump and stomp. Cause mayhem with new weapons equipped with ice and laser capabilities!. New enemies offer a space-based twist!. THE RISE OF HANDSOME JACK. Witness Handsome Jack\u2019s rise to power. Dive deep into the origins of iconic Borderlands villains. Turn the tables and experience Handsome Jack\u2019s side of the story. . A NEW CLASS OF ANTIHEROES. Play as one of four new character classes, including Wilhelm the Enforcer, Nisha the Lawbringer, and Athena the Gladiator. Play as a combat-ready Claptrap prototype for the first-time!. Experience the gray morality of working alongside Handsome Jack.", + "about_the_game": "LAUNCH INTO THE BORDERLANDS UNIVERSE AND SHOOT \u2018N\u2019 LOOT YOUR WAY THROUGH A BRAND NEW ADVENTURE THAT ROCKETS YOU ONTO PANDORA\u2019S MOON IN BORDERLANDS: THE PRE-SEQUEL!Discover the story behind Borderlands 2 villain, Handsome Jack, and his rise to power. Taking place between the original Borderlands and Borderlands 2, the Pre-Sequel gives you a whole lotta new gameplay featuring the genre blending fusion of shooter and RPG mechanics that players have come to love.Float through the air with each low gravity jump while taking enemies down from above using new ice and laser weapons. Catch-a-ride and explore the lunar landscape with new vehicles allowing for more levels of destructive mayhem.FeaturesBRING MAYHEM TO THE MOONFeel the moon\u2019s low gravity with every jump and stomp.Cause mayhem with new weapons equipped with ice and laser capabilities!New enemies offer a space-based twist!THE RISE OF HANDSOME JACKWitness Handsome Jack\u2019s rise to power.Dive deep into the origins of iconic Borderlands villains.Turn the tables and experience Handsome Jack\u2019s side of the story.A NEW CLASS OF ANTIHEROESPlay as one of four new character classes, including Wilhelm the Enforcer, Nisha the Lawbringer, and Athena the Gladiator.Play as a combat-ready Claptrap prototype for the first-time!Experience the gray morality of working alongside Handsome Jack.", + "short_description": "Launch into the Borderlands universe and shoot \u2018n\u2019 loot your way through a brand new adventure that rockets you onto Pandora\u2019s moon in Borderlands: The Pre-Sequel!", + "genres": "Action", + "recommendations": 28065, + "score": 6.75203814334762 + }, + { + "type": "game", + "name": "Darkest Dungeon\u00ae", + "detailed_description": "Wishlist Darkest Dungeon II Now! Steam WorkshopNow includes Steam Workshop integration! Download mods made by the Darkest Dungeon community or create your own and tweak the game to your liking. You can find new hero classes, monsters, treasures, UI improvements, and more in the Workshop!. Supported LanguagesPlease note that the game currently supports the following languages only in-game: English, German, French, Russian, Polish, Czech, Spanish, Italian, Japanese, Korean, Simplified Chinese and Brazilian Portuguese. About the Game. Darkest Dungeon is a challenging gothic roguelike turn-based RPG about the psychological stresses of adventuring.Reclaim Your Ancestor's EstateRecruit, train, and lead a team of flawed heroes through twisted forests, forgotten warrens, ruined crypts, and beyond. You'll battle not only unimaginable foes, but stress, famine, disease, and the ever-encroaching dark. Uncover strange mysteries, and pit the heroes against an array of fearsome monsters with an innovative strategic turn-based combat system. . Core Features The Affliction System \u2013 battle not only monsters, but stress! Contend with paranoia, masochism, fear, irrationality, and a host of gameplay-meaningful quirks!. Striking hand-drawn gothic crowquill art style. Innovative turn-based combat pits you against a host of diabolical monsters. Narration system to celebrate your successes. and failures. 16 (and counting!) playable hero classes, including Plague Doctor, Hellion, and even the Leper!. Camp to heal wounds or deliver inspiring speeches. . Rest your weary, shell-shocked characters in town at the Tavern or the Abbey to keep their stress in check. . Classic CRPG and roguelike features, including character permadeath, procedural dungeons, and incredible replay. . Can you stem the tide of eldritch horrors erupting across your family\u2019s ancestral estate?. Descend at your peril!Awards and HonorsPG Gamer: Best RPG of 2016. Game Informer - Best RPGs of 2016: 3 Awards. IGN - Best of 2016: 2 Nominations. IGF 2016 - 3 Nominations. Rock Paper Shotgun - 50 Best RPGs of All Time. PAX 10 - 2015. Game Debate Best Indie Game 2016. SXSW Gamer's Choice Nominee 2015. MMORPG - Best Indie RPG (Pax East 2014), Best RPG Nomination PAX Prime 2014. Indie Megabooth Selection - PAX East 2014, PAX Prime 2015.", + "about_the_game": "Darkest Dungeon is a challenging gothic roguelike turn-based RPG about the psychological stresses of adventuring.Reclaim Your Ancestor's EstateRecruit, train, and lead a team of flawed heroes through twisted forests, forgotten warrens, ruined crypts, and beyond. You'll battle not only unimaginable foes, but stress, famine, disease, and the ever-encroaching dark. Uncover strange mysteries, and pit the heroes against an array of fearsome monsters with an innovative strategic turn-based combat system.Core Features The Affliction System \u2013 battle not only monsters, but stress! Contend with paranoia, masochism, fear, irrationality, and a host of gameplay-meaningful quirks! Striking hand-drawn gothic crowquill art style Innovative turn-based combat pits you against a host of diabolical monsters Narration system to celebrate your successes...and failures 16 (and counting!) playable hero classes, including Plague Doctor, Hellion, and even the Leper! Camp to heal wounds or deliver inspiring speeches. Rest your weary, shell-shocked characters in town at the Tavern or the Abbey to keep their stress in check. Classic CRPG and roguelike features, including character permadeath, procedural dungeons, and incredible replayCan you stem the tide of eldritch horrors erupting across your family\u2019s ancestral estate?Descend at your peril!Awards and HonorsPG Gamer: Best RPG of 2016Game Informer - Best RPGs of 2016: 3 AwardsIGN - Best of 2016: 2 NominationsIGF 2016 - 3 NominationsRock Paper Shotgun - 50 Best RPGs of All TimePAX 10 - 2015Game Debate Best Indie Game 2016SXSW Gamer's Choice Nominee 2015MMORPG - Best Indie RPG (Pax East 2014), Best RPG Nomination PAX Prime 2014Indie Megabooth Selection - PAX East 2014, PAX Prime 2015", + "short_description": "Darkest Dungeon is a challenging gothic roguelike turn-based RPG about the psychological stresses of adventuring. Recruit, train, and lead a team of flawed heroes against unimaginable horrors, stress, disease, and the ever-encroaching dark. Can you keep your heroes together when all hope is lost?", + "genres": "Indie", + "recommendations": 110207, + "score": 7.653739582015788 + }, + { + "type": "game", + "name": "Dungeons 2", + "detailed_description": "Wishlist now! About the GameThe Dungeon Lord is back \u2013 and this time he\u2019s serious! In Dungeons 2, fulfil the Dungeon Lord\u2019s insatiable quest for vengeance by recruiting fearsome new monsters from all corners of the underworld in order to undertake his evil bidding. Taking over the underworld isn\u2019t enough though \u2013 this time The Dungeon Lord will extend his dominion over the puny humans and attempt to conquer the overworld too!. Take control of the mighty Dungeon Lord and craft a network of unique and terrifying dungeons, recruit an army of fearsome creatures and command two new factions. Prepare to defend your Kingdom against those pesky heroes, go above ground to wage war on their human cities and use the \u2018Hand of Terror\u2019 to take direct control over your minions, issue commands, and even dish out a swift slap to keep them in line. . The extensive campaign story mode is packed with even more of the dark humour which made the original Dungeons a hit and is peppered with numerous references to various fantasy books, movies and TV shows. Additionally, you can test your strength in four different game modes in multiplayer for up to four players with other Dungeon Lords over LAN or online. . Features of Dungeons 2: . Featuring a thrilling single player campaign with 2 playable factions, 26 unique creatures, multiple types of heroes and game modes, Dungeons 2 is the Dungeon Manager simulation game, you've been waiting for. Dungeons 2 offers unique gameplay: In the underworld, Dungeon manager simulation, and in the overworld, tactical real-time strategy. Thanks to the \u2018Hand of Terror\u2019 you can always keep control of your subordinates and give targeted commands. Leave the darkness of the underworld, and venture to the overworld and leave the beautiful cities of the humans in ruins. Four competitive multiplayer modes for up to four players via LAN and Internet. More from Kalypso Media ", + "about_the_game": "The Dungeon Lord is back \u2013 and this time he\u2019s serious! In Dungeons 2, fulfil the Dungeon Lord\u2019s insatiable quest for vengeance by recruiting fearsome new monsters from all corners of the underworld in order to undertake his evil bidding. Taking over the underworld isn\u2019t enough though \u2013 this time The Dungeon Lord will extend his dominion over the puny humans and attempt to conquer the overworld too!Take control of the mighty Dungeon Lord and craft a network of unique and terrifying dungeons, recruit an army of fearsome creatures and command two new factions. Prepare to defend your Kingdom against those pesky heroes, go above ground to wage war on their human cities and use the \u2018Hand of Terror\u2019 to take direct control over your minions, issue commands, and even dish out a swift slap to keep them in line. The extensive campaign story mode is packed with even more of the dark humour which made the original Dungeons a hit and is peppered with numerous references to various fantasy books, movies and TV shows. Additionally, you can test your strength in four different game modes in multiplayer for up to four players with other Dungeon Lords over LAN or online. Features of Dungeons 2: Featuring a thrilling single player campaign with 2 playable factions, 26 unique creatures, multiple types of heroes and game modes, Dungeons 2 is the Dungeon Manager simulation game, you've been waiting for Dungeons 2 offers unique gameplay: In the underworld, Dungeon manager simulation, and in the overworld, tactical real-time strategy Thanks to the \u2018Hand of Terror\u2019 you can always keep control of your subordinates and give targeted commands Leave the darkness of the underworld, and venture to the overworld and leave the beautiful cities of the humans in ruinsFour competitive multiplayer modes for up to four players via LAN and InternetMore from Kalypso Media", + "short_description": "The Dungeon Lord is back \u2013 and this time he\u2019s serious! In Dungeons 2, fulfil the Dungeon Lord\u2019s insatiable quest for vengeance by recruiting fearsome new monsters from all corners of the underworld in order to undertake his evil bidding.", + "genres": "RPG", + "recommendations": 2112, + "score": 5.046973278522254 + }, + { + "type": "game", + "name": "World of Guns: Gun Disassembly", + "detailed_description": "Do you know how the insides of a Terminator\u2019s Minigun work? Try World of Guns: the world\u2019s most realistic 3D simulator of firearms (and other things from tanks to DeLorean time machines). Find out what makes legendary pistols, rifles, machine guns and artillery pieces tick\u2026 Then disassemble them down to the tiniest part!. WHAT IS WORLD OF GUNS?. A free-to-play game and an interactive encyclopedia, simulating real firearms in 3D. Here, you can literally climb inside a gun and understand its workings; cut it in half, fire it and bring time to a crawl; and finally, completely disassemble it and put it back again (against the clock if you wish). . WoG meticulously recreates historical and modern examples of firearm designer genius \u2014 from a tiny Liberator pistol to a 16000-pound FlaK 88 anti-aircraft gun. It has both legendary World War guns and rare models that even museums struggle to find. World of Guns puts 200 years of firearm history into a single, sleek and engaging video game. . 257 MODELS AND 30 600 PARTS. Here you are guaranteed to find something that catches your fancy:. \u2022\tsleek & modern Glocks, P90s, M4s and Tavors. \u2022\tguns steeped in history like Colt SAAs, Garands and Lee-Enfields. \u2022\ta vast arsenal of Soviet-bloc guns, from various AKs to the rarest VSS Vintorez. \u2022\ta dainty pocket derringer or a fire-breathing M134 Minigun. \u2022\ta .22 sporting Ruger or a mighty .55-caliber Boys Anti-Tank rifle. Not only WoG covers most important models in firearm history, but also the most popular screen divas like Desert Eagle and SPAS-12. . TONS OF GAME MODES AND FEATURES. Every model includes:. \u2022\tmodes for learning operation, handling, and field stripping the gun;. \u2022\tthe armorer mode where you can completely disassemble the firearm;. \u2022\ttimed game modes, including a hardcore mode and a high scores table. . See every detail with the fully controllable camera, layered X-Ray feature and a Cutaway mode, along with complete time control including a slow-motion feature down to 50x. You\u2019ll even see the gasses flow inside a gas block!. The game also features:. \u2022\t10 shooting ranges with timed objectives (from Glocks to RPG-7s). \u2022\tpaint mode that lets you create custom weapon skins. \u2022\tminigames and quizzes with XP prizes. . UNPARALLELED REALISM. World of Guns has been used as a learning aid by armorers, law enforcement and military personnel. To create each model, our team spends months poring over actual guns, photos, blueprints and documents. Each part out of hundreds functions in a physically correct way \u2013 exactly as it does in a real thing. There are few ways to understand the different firearm actions and systems as clearly. . CONSTANT UPDATES . Noble Empire releases several new models every month, and improves the older ones. Majority of our models can be unlocked for free by anyone; power players will be able to achieve 100% completion and unlock ALL the gun models without spending a dime. . Available models:. Pistols. Glock 19. CZ75. Colt 1911. SIG P228. Beretta 92FS. Desert Eagle .44. S&W Sigma. Springfield XDM. Browning Hi-Power. Makarov (PM). Jericho 941. Welrod MKII. Walther PP. Smith & Wesson M&P .40. Ruger SR9. GSh-18. HK USP. FN Five-seveN. Walther P99. APS (Stechkin Automatic Pistol). Beretta PX4. CZ 52. SIG SP2022. MP-443 Grach. Remington R51. SIG P210. Steyr M1912. Astra-400. PB silent pistol. FN Model 1903. Stryk B. SMG/Assault Pistols. MP5. Tec-9. Uzi. HK UMP 45. Kel-Tec PLR-16. FN P90. Mac-10. Scorpion vz. 61. B&T MP9. Kriss Vector .45 ACP. Sterling MK4. M3 Grease Gun. PP-19 'Bizon'. Carl Gustaf M/45. Scorpion EVO3 A1. Suomi KP-31. PM63-RAK. Beretta PM-12S. Launchers. RPG 7. MGL MK1-L. M79. Panzerschreck. Type 89. Revolvers. Colt Python. S&W Model 53. Colt SAA. Ruger New Vaquero. Chiappa Rhino 200DS. Ruger Super Redhawk. Ruger Old Army. S&W Schofield. Webley MKVI. Colt Walker 1847. Nagant M1895. Webley Fosbery. S&W M500. Collier . LeMat . Remington 1858. Ruger LCR. Historical. Colt Hammer. Mauser C96. Borchard C93. Maxim. Harpers Ferry. Lewis Gun. Winchester 1873. Mauser 1914. Browning Automatic Rifle. Dreyse M1907. Mars Pistol. Protector Palm Pistol. WWII. Tokarev Pistol. Luger P08. MP40. Sten MK II. M1 Garand. Thompson Gun. Mauser 98K. PPSH. Boys Anti-Tank Rifle. SKS Rifle. Mosin-Nagant. DP 27 machinegun. Walther P38. Lee Enfiled No.1 Mk III. STG/MP44. MG 34. Liberator FP-45. PTRD-41. Nambu Type 14. PTRS-41. MAS-36. Springfield M1903. PPD-40. PPS. M1 Carbine. Assault rifles. AK47. SIG SG552 commando. LR 300ML. HK G36E. FN FAL. FAMAS-F1. M-16. TAR-21. M4 Carbine. AK-74N. AKS-74U. AS Val. HK G3. FN SCAR-L. ArmaLite AR-18. Sa vz.58. Fedorov Avtomat. AN-94. FN FNC. FN SCAR-H. Beretta ARX 100. FN CAL. SIG SG 510. Beretta AR 70/223. HK 416. CZ 805 BREN S1. HK 417. HK 33A3. OTs-14 Groza. E.M.2. Rifles. SIG SG550S. SVD. HK SL9SD. Barrett M107. M14. M200 CheyTac. Steyr Scout. VSS Vintorez. Remington 700. SVT-40. Type 99 Arisaka. OSV-96. Karabiner M1931. AR-7. M1941 Johnson. MAS 49/56. Lebel 1886. Model 1888 Commision . Ruger Mini-14. RSC M1917. Barett MRAD. Berdan. Sharps 1874. Mondragon rifle. Rasheed Carbine. Machine gun. M60. M134D 'Minigun'. Browning M1919. Browning M2. RPK. MG3. DShK 38. M240B. Hotchkiss LMG. RPD. MG34. Madsen LMG. M249 SAW. Chauchat LMG. Bren MKII. B.A.R. . DP-26. Gatling Gun. Lewis gun. M1895 Colt-Browning machine gun. PKM. RPK 74. Ultimax 100. Compact Guns. Ruger LCP. Derringer. COP 357. AMT Backup. Ruger LCR. PSS Silent. Protector Palm Pistol. NRS-2 Scout Firing Knife. Key Gun. Liberator FP-45. PSM. Steyr-Pieper M1909. Shotguns. Remington 870. Mossberg 500. Benelli M4. Browning A-5. SPAS-12. Winchester Model 21. Winchester 1897. Daewoo USAS-12. Pancor Jackhammer. SAIGA-12k. TOZ-34. Artillery. ZiS divisional field gun. 8,8 cm Flak 37. Sport. Ruger Mark II. Ruger 22 Charger. Marlin 336 Rifle. Ruger No.1. Beretta CX4 Storm. Browning Buck Mark. Calico M100. Bonus models. Bike. Captain America. Ducati 916. Cars. Custom Hot Rod. Lotus Seven. AC Cobra. DeLorean. Military. Infantry fighting vehicle BMP-3. HMMWV A2. F4U Corsair. T-72 battle tank. Skeletons. Human. Lion. Horilla. Horse. Allosaurus. Wolf.", + "about_the_game": "Do you know how the insides of a Terminator\u2019s Minigun work? Try World of Guns: the world\u2019s most realistic 3D simulator of firearms (and other things from tanks to DeLorean time machines). Find out what makes legendary pistols, rifles, machine guns and artillery pieces tick\u2026 Then disassemble them down to the tiniest part!WHAT IS WORLD OF GUNS?A free-to-play game and an interactive encyclopedia, simulating real firearms in 3D. Here, you can literally climb inside a gun and understand its workings; cut it in half, fire it and bring time to a crawl; and finally, completely disassemble it and put it back again (against the clock if you wish).WoG meticulously recreates historical and modern examples of firearm designer genius \u2014 from a tiny Liberator pistol to a 16000-pound FlaK 88 anti-aircraft gun. It has both legendary World War guns and rare models that even museums struggle to find. World of Guns puts 200 years of firearm history into a single, sleek and engaging video game.257 MODELS AND 30 600 PARTSHere you are guaranteed to find something that catches your fancy:\u2022\tsleek & modern Glocks, P90s, M4s and Tavors\u2022\tguns steeped in history like Colt SAAs, Garands and Lee-Enfields\u2022\ta vast arsenal of Soviet-bloc guns, from various AKs to the rarest VSS Vintorez\u2022\ta dainty pocket derringer or a fire-breathing M134 Minigun\u2022\ta .22 sporting Ruger or a mighty .55-caliber Boys Anti-Tank rifleNot only WoG covers most important models in firearm history, but also the most popular screen divas like Desert Eagle and SPAS-12.TONS OF GAME MODES AND FEATURESEvery model includes:\u2022\tmodes for learning operation, handling, and field stripping the gun;\u2022\tthe armorer mode where you can completely disassemble the firearm;\u2022\ttimed game modes, including a hardcore mode and a high scores table.See every detail with the fully controllable camera, layered X-Ray feature and a Cutaway mode, along with complete time control including a slow-motion feature down to 50x. You\u2019ll even see the gasses flow inside a gas block!The game also features:\u2022\t10 shooting ranges with timed objectives (from Glocks to RPG-7s)\u2022\tpaint mode that lets you create custom weapon skins\u2022\tminigames and quizzes with XP prizesUNPARALLELED REALISMWorld of Guns has been used as a learning aid by armorers, law enforcement and military personnel. To create each model, our team spends months poring over actual guns, photos, blueprints and documents. Each part out of hundreds functions in a physically correct way \u2013 exactly as it does in a real thing. There are few ways to understand the different firearm actions and systems as clearly.CONSTANT UPDATES Noble Empire releases several new models every month, and improves the older ones. Majority of our models can be unlocked for free by anyone; power players will be able to achieve 100% completion and unlock ALL the gun models without spending a dime. Available models:PistolsGlock 19CZ75Colt 1911SIG P228Beretta 92FSDesert Eagle .44S&W SigmaSpringfield XDMBrowning Hi-PowerMakarov (PM)Jericho 941Welrod MKIIWalther PPSmith & Wesson M&P .40Ruger SR9GSh-18HK USPFN Five-seveNWalther P99APS (Stechkin Automatic Pistol)Beretta PX4CZ 52SIG SP2022MP-443 GrachRemington R51SIG P210Steyr M1912Astra-400PB silent pistolFN Model 1903Stryk BSMG/Assault PistolsMP5 Tec-9 Uzi HK UMP 45 Kel-Tec PLR-16 FN P90 Mac-10 Scorpion vz. 61 B&T MP9 Kriss Vector .45 ACP Sterling MK4 M3 Grease Gun PP-19 'Bizon' Carl Gustaf M/45 Scorpion EVO3 A1 Suomi KP-31 PM63-RAK Beretta PM-12SLaunchers RPG 7 MGL MK1-L M79 Panzerschreck Type 89RevolversColt Python S&W Model 53 Colt SAA Ruger New Vaquero Chiappa Rhino 200DS Ruger Super Redhawk Ruger Old Army S&W Schofield Webley MKVI Colt Walker 1847 Nagant M1895 Webley Fosbery S&W M500 Collier LeMat Remington 1858 Ruger LCRHistorical Colt Hammer Mauser C96 Borchard C93 Maxim Harpers Ferry Lewis Gun Winchester 1873 Mauser 1914 Browning Automatic Rifle Dreyse M1907 Mars Pistol Protector Palm PistolWWII Tokarev Pistol Luger P08 MP40 Sten MK II M1 Garand Thompson Gun Mauser 98K PPSH Boys Anti-Tank Rifle SKS Rifle Mosin-Nagant DP 27 machinegun Walther P38 Lee Enfiled No.1 Mk III STG/MP44 MG 34 Liberator FP-45 PTRD-41 Nambu Type 14 PTRS-41 MAS-36 Springfield M1903 PPD-40 PPS M1 CarbineAssault rifles AK47 SIG SG552 commando LR 300ML HK G36E FN FAL FAMAS-F1 M-16 TAR-21 M4 Carbine AK-74N AKS-74U AS Val HK G3 FN SCAR-L ArmaLite AR-18 Sa vz.58 Fedorov Avtomat AN-94 FN FNC FN SCAR-H Beretta ARX 100 FN CAL SIG SG 510 Beretta AR 70/223 HK 416 CZ 805 BREN S1 HK 417 HK 33A3 OTs-14 Groza E.M.2Rifles SIG SG550S SVD HK SL9SD Barrett M107 M14 M200 CheyTac Steyr Scout VSS Vintorez Remington 700 SVT-40 Type 99 Arisaka OSV-96 Karabiner M1931 AR-7 M1941 Johnson MAS 49/56 Lebel 1886 Model 1888 Commision Ruger Mini-14 RSC M1917 Barett MRAD Berdan Sharps 1874 Mondragon rifle Rasheed CarbineMachine gun M60 M134D 'Minigun' Browning M1919 Browning M2 RPK MG3 DShK 38 M240B Hotchkiss LMG RPD MG34 Madsen LMG M249 SAW Chauchat LMG Bren MKII B.A.R. DP-26 Gatling Gun Lewis gun M1895 Colt-Browning machine gun PKM RPK 74 Ultimax 100Compact GunsRuger LCP Derringer COP 357 AMT Backup Ruger LCR PSS Silent Protector Palm Pistol NRS-2 Scout Firing Knife Key Gun Liberator FP-45 PSM Steyr-Pieper M1909Shotguns Remington 870 Mossberg 500 Benelli M4 Browning A-5 SPAS-12 Winchester Model 21 Winchester 1897 Daewoo USAS-12 Pancor Jackhammer SAIGA-12k TOZ-34ArtilleryZiS divisional field gun8,8 cm Flak 37Sport Ruger Mark II Ruger 22 Charger Marlin 336 Rifle Ruger No.1 Beretta CX4 Storm Browning Buck Mark Calico M100Bonus modelsBike Captain America Ducati 916Cars Custom Hot Rod Lotus Seven AC Cobra DeLoreanMilitary Infantry fighting vehicle BMP-3 HMMWV A2 F4U Corsair T-72 battle tankSkeletonsHumanLionHorillaHorseAllosaurusWolf", + "short_description": "World of Guns: Gun Disassembly lets you delve into the inner workings of guns from the largest gears to the smallest screws", + "genres": "Action", + "recommendations": 310, + "score": 3.783842213676163 + }, + { + "type": "game", + "name": "Dragons and Titans", + "detailed_description": "Dragons and Titans is a fast paced MOBA with classic RPG elements, where your champions are Dragons and a variety of game modes gives you the power on how to play. Show true courage and skill to become the ultimate Dragon Lord as you embark on your quest to free your Titan from captivity. . Select from over 30 unique dragons and 30 legendary weapons, each with unique abilities and progression levels. Take your battle to the next level by upgrading your dragons as you gain experience and improving your weapons in the Forge. Free your Titan in fierce 5v5 PvP battles across 3 different map types or delve deeper into the story in \u2018Adventure Mode\u2019, traveling across different regions in the Lands Below, earning Dragons as you complete each set of missions. Gain favor with the Titans and climb the PvP leaderboards to prove your true worth as the ultimate Dragon Lord!. Become the Ultimate Dragon Lord - Master over 30 Dragons, each with unique abilities. As you gain experience, level up your Dragons to dominate in combat!. Discover a Deeper Story\u2013 Explore the vast regions of The Lands Below, embark on quests and be handsomely rewarded with Dragons for your heroism. . Forge Your Weapons \u2013 collect elements during combat and upgrade weapons in the Forge to harness their true power!. Take to the Skies Your Way - battle times of 10-15 minutes means you\u2019ll be able to complete more matches across a variety of maps: traditional MOBA, Capture & Hold and ARAM. Choose your play style with 5v5 PvP, Co-Op or single player Adventure Mode!. Dominate the leaderboards \u2013 compete against other opponents each Season to see who the ultimate Dragon Lords are and show off with exclusive winner avatars.", + "about_the_game": "Dragons and Titans is a fast paced MOBA with classic RPG elements, where your champions are Dragons and a variety of game modes gives you the power on how to play. Show true courage and skill to become the ultimate Dragon Lord as you embark on your quest to free your Titan from captivity.Select from over 30 unique dragons and 30 legendary weapons, each with unique abilities and progression levels. Take your battle to the next level by upgrading your dragons as you gain experience and improving your weapons in the Forge. Free your Titan in fierce 5v5 PvP battles across 3 different map types or delve deeper into the story in \u2018Adventure Mode\u2019, traveling across different regions in the Lands Below, earning Dragons as you complete each set of missions. Gain favor with the Titans and climb the PvP leaderboards to prove your true worth as the ultimate Dragon Lord!Become the Ultimate Dragon Lord - Master over 30 Dragons, each with unique abilities. As you gain experience, level up your Dragons to dominate in combat!Discover a Deeper Story\u2013 Explore the vast regions of The Lands Below, embark on quests and be handsomely rewarded with Dragons for your heroism.Forge Your Weapons \u2013 collect elements during combat and upgrade weapons in the Forge to harness their true power!Take to the Skies Your Way - battle times of 10-15 minutes means you\u2019ll be able to complete more matches across a variety of maps: traditional MOBA, Capture & Hold and ARAM. Choose your play style with 5v5 PvP, Co-Op or single player Adventure Mode!Dominate the leaderboards \u2013 compete against other opponents each Season to see who the ultimate Dragon Lords are and show off with exclusive winner avatars.", + "short_description": "Dragons and Titans is a fast paced MOBA with classic RPG elements. Select from over 30 unique dragons and 30 legendary weapons. Upgrade dragons and forge weapons to unlock more power. Free your Titan in 5v5 PvP battles across 3 different map types or play in \u2018Adventure Mode\u2019, traveling across different regions and unlocking rewards.", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Subnautica", + "detailed_description": "Subnautica is an underwater adventure game set on an alien ocean planet. A massive, open world full of wonder and peril awaits you!Dive Into a Vast Underwater World. . You have crash-landed on an alien ocean world, and the only way to go is down. Subnautica's oceans range from sun drenched shallow coral reefs to treacherous deep-sea trenches, lava fields, and bio-luminescent underwater rivers. Manage your oxygen supply as you explore kelp forests, plateaus, reefs, and winding cave systems. The water teems with life: Some of it helpful, much of it harmful.Scavenge, Craft, and Survive. . After crash landing in your Life Pod, the clock is ticking to find water, food, and to develop the equipment you need to explore. Collect resources from the ocean around you. Craft diving gear, lights, habitat modules, and submersibles. Venture deeper and further form to find rarer resources, allowing you to craft more advanced items.Construct Underwater Habitats. . Build bases on the sea floor. Choose layouts and components, and manage hull-integrity as depth and pressure increase. Use your base to store resources, park vehicles, and replenish oxygen supplies as you explore the vast ocean.Unravel the Mystery. . What happened to this planet? Signs abound that something is not right. What caused you to crash? What is infecting the sea life? Who built the mysterious structures scattered around the ocean? Can you find a way to make it off the planet alive?Disrupt the Food Chain. . The ocean teems with life: Use the ecosystem to help you. Lure and distract a threatening creature with a fresh fish, or simply swim as fast as you can to avoid gnashing jaws of roaming predators.Handle the Pressure. . Build a Pressure Re-Active Waterproof Nanosuit, or PRAWN Suit, and explore extreme depth and heat. Modify the suit with mining drills, torpedo launchers, propulsion cannons, grappling hooks and more.Fear the Night. . As the sun goes down, the predators come out. The ocean is unforgiving of those caught unprepared in the darkness. Areas that are safe to explore during the day become treacherous at night, but also reveal a beauty that those who hide from the darkness will never see.Dive Below the Ocean Floor. . Cave systems wind below the sea bed, from dark claustrophobic passages to caverns lit by bio-luminescent life and burning-hot lava flows. Explore the world below the ocean floor, but watch your oxygen levels, and take care to avoid the threats lurking in the darkness.Open Development. . Get weekly or daily updates, see what the development team is working on, view real time change logs, and give feedback from inside the game. Subnautica Early Access development is open, and the development team wants to hear from you.About the Development Team. . Subnautica is being created by Unknown Worlds, a small studio founded by Charlie Cleveland and Max McGuire that traces its roots back to the 2003 Half-Life mod Natural Selection. The team is scattered around the globe, from the United States to the United Kingdom, France, the Czech Republic, Russia, Thailand, Australia, and many more places. There is a central office in San Francisco, California that serves as home base for the whole team. . Warning. This game contains flashing lights that may make it unsuitable for people with photosensitive epilepsy or other photosensitive conditions. Player discretion is advised.", + "about_the_game": "Subnautica is an underwater adventure game set on an alien ocean planet. A massive, open world full of wonder and peril awaits you!Dive Into a Vast Underwater WorldYou have crash-landed on an alien ocean world, and the only way to go is down. Subnautica's oceans range from sun drenched shallow coral reefs to treacherous deep-sea trenches, lava fields, and bio-luminescent underwater rivers. Manage your oxygen supply as you explore kelp forests, plateaus, reefs, and winding cave systems. The water teems with life: Some of it helpful, much of it harmful.Scavenge, Craft, and SurviveAfter crash landing in your Life Pod, the clock is ticking to find water, food, and to develop the equipment you need to explore. Collect resources from the ocean around you. Craft diving gear, lights, habitat modules, and submersibles. Venture deeper and further form to find rarer resources, allowing you to craft more advanced items.Construct Underwater HabitatsBuild bases on the sea floor. Choose layouts and components, and manage hull-integrity as depth and pressure increase. Use your base to store resources, park vehicles, and replenish oxygen supplies as you explore the vast ocean.Unravel the MysteryWhat happened to this planet? Signs abound that something is not right. What caused you to crash? What is infecting the sea life? Who built the mysterious structures scattered around the ocean? Can you find a way to make it off the planet alive?Disrupt the Food ChainThe ocean teems with life: Use the ecosystem to help you. Lure and distract a threatening creature with a fresh fish, or simply swim as fast as you can to avoid gnashing jaws of roaming predators.Handle the PressureBuild a Pressure Re-Active Waterproof Nanosuit, or PRAWN Suit, and explore extreme depth and heat. Modify the suit with mining drills, torpedo launchers, propulsion cannons, grappling hooks and more.Fear the NightAs the sun goes down, the predators come out. The ocean is unforgiving of those caught unprepared in the darkness. Areas that are safe to explore during the day become treacherous at night, but also reveal a beauty that those who hide from the darkness will never see.Dive Below the Ocean FloorCave systems wind below the sea bed, from dark claustrophobic passages to caverns lit by bio-luminescent life and burning-hot lava flows. Explore the world below the ocean floor, but watch your oxygen levels, and take care to avoid the threats lurking in the darkness.Open DevelopmentGet weekly or daily updates, see what the development team is working on, view real time change logs, and give feedback from inside the game. Subnautica Early Access development is open, and the development team wants to hear from you.About the Development TeamSubnautica is being created by Unknown Worlds, a small studio founded by Charlie Cleveland and Max McGuire that traces its roots back to the 2003 Half-Life mod Natural Selection. The team is scattered around the globe, from the United States to the United Kingdom, France, the Czech Republic, Russia, Thailand, Australia, and many more places. There is a central office in San Francisco, California that serves as home base for the whole team.WarningThis game contains flashing lights that may make it unsuitable for people with photosensitive epilepsy or other photosensitive conditions. Player discretion is advised.", + "short_description": "Descend into the depths of an alien underwater world filled with wonder and peril. Craft equipment, pilot submarines and out-smart wildlife to explore lush coral reefs, volcanoes, cave systems, and more - all while trying to survive.", + "genres": "Adventure", + "recommendations": 216307, + "score": 8.098280499383865 + }, + { + "type": "game", + "name": "Viscera Cleanup Detail: Santa's Rampage", + "detailed_description": "Tragedy! Santa; the toy giving folk-hero, and purveyor of fine Christmas goods, has had enough. Endless requests from greedy children wanting more and more every year, tax increases, pressure from elf unions, bills, reindeer!. It is your duty, as an employee of Polar Sanitation Inc, to clean up the grizzly aftermath of Santa's bloody rampage. Elves, reindeer and ruined masonry from Santa's brief breakdown are all strewn across his famous workshop. . So don your cap, grab your mop, and get this place sorted out so the company can get a replacement in here ASAP, and restore Christmas for another generation!Key Features. Janitorial Simulation - Step into the boots of a space-station (or in this case, North pole) sanitation technician and experience the highs and lows of the job. . Santa's Workshop - Explore Santa's infamous workshop and discover the story that lead up to the tragic events you're here to clean up. . Clean - It's your job to clean up the mess, so clean it up you shall! Use your trusty mop, gloves, dispenser machines and sniffer tool to help you get all that blood out of the floor! You can even try and punch-out if you think you've done your job. . Sandbox Gameplay - Don't want to clean? Just want to make more of a mess and play around with the physics? Go ahead!. Multiplayer - You can even enlist some friends/coworkers to come and help you clean up (or make even more mess). Split-screen co-op is available too!. Note for Viscera Cleanup Detail purchasers: A Steam key for 'Viscera Cleanup Detail: Santa's Rampage' is provided for FREE to anyone who purchases (or had already pre-ordered) 'Viscera Cleanup Detail', either on the Steam Store or via the Humble Widget on our site. Also note that Santa's Rampage comes included with the main game download of Viscera Cleanup Detail", + "about_the_game": "Tragedy! Santa; the toy giving folk-hero, and purveyor of fine Christmas goods, has had enough. Endless requests from greedy children wanting more and more every year, tax increases, pressure from elf unions, bills, reindeer!It is your duty, as an employee of Polar Sanitation Inc, to clean up the grizzly aftermath of Santa's bloody rampage. Elves, reindeer and ruined masonry from Santa's brief breakdown are all strewn across his famous workshop.So don your cap, grab your mop, and get this place sorted out so the company can get a replacement in here ASAP, and restore Christmas for another generation!Key FeaturesJanitorial Simulation - Step into the boots of a space-station (or in this case, North pole) sanitation technician and experience the highs and lows of the job.Santa's Workshop - Explore Santa's infamous workshop and discover the story that lead up to the tragic events you're here to clean up.Clean - It's your job to clean up the mess, so clean it up you shall! Use your trusty mop, gloves, dispenser machines and sniffer tool to help you get all that blood out of the floor! You can even try and punch-out if you think you've done your job.Sandbox Gameplay - Don't want to clean? Just want to make more of a mess and play around with the physics? Go ahead!Multiplayer - You can even enlist some friends/coworkers to come and help you clean up (or make even more mess). Split-screen co-op is available too!Note for Viscera Cleanup Detail purchasers: A Steam key for 'Viscera Cleanup Detail: Santa's Rampage' is provided for FREE to anyone who purchases (or had already pre-ordered) 'Viscera Cleanup Detail', either on the Steam Store or via the Humble Widget on our site.Also note that Santa's Rampage comes included with the main game download of Viscera Cleanup Detail", + "short_description": "Tragedy! Santa; the toy giving folk-hero, and purveyor of fine Christmas goods, has had enough. Endless requests from greedy children wanting more and more every year, tax increases, pressure from elf unions, bills, reindeer!", + "genres": "Gore", + "recommendations": 4099, + "score": 5.483962327915799 + }, + { + "type": "game", + "name": "Dead Rising 3 Apocalypse Edition", + "detailed_description": "Anything and everything is a weapon in Dead Rising 3. Explore the zombie-infested city of Los Perdidos, and find a way to escape before a military strike wipes the entire city, and everyone in it, off the map. With intense action and an unmatched level of weapon and character customization, Dead Rising 3 delivers a heart-pounding experience unlike any other as you explore, scavenge and fight to survive in a massive open world on the brink of a zombie apocalypse.FEATURESWelcome to Los Perdidos \u2013 Set 10 years after the events in Fortune City players are taken to the massive open and infected world of Los Perdidos while being immersed in action and stunning visuals. . All the survival horror action comes to PC \u2013 Fully optimized to run at a high resolution, the PC release includes full Steam and game controller support. . More zombies than ever before \u2013 The zombies are smarter and deadlier than ever with intelligent AI and shared awareness forcing players to employ all their cunning skills and creativity to stay alive. . Hundreds of unique combo weapons and vehicles \u2013 Combine and customize hundreds of pieces found throughout the sandbox world including the gruesome Boom Cannon weapon or the Party Slapper vehicle. . Face the horror alone or with a friend \u2013 Join forces with a friend for endless zombie killing mayhem and earn experience points that carry back to your single player experience. . Bonus Downloadable Content \u2013 All four of the \u201cUntold Stories of Los Perdidos\u201d downloadable add-on packs are now included. Each add-on chapter focuses on a different protagonist and gives players access to crazy new weapons and vehicles that carry over to the main game.", + "about_the_game": "Anything and everything is a weapon in Dead Rising 3. Explore the zombie-infested city of Los Perdidos, and find a way to escape before a military strike wipes the entire city, and everyone in it, off the map. With intense action and an unmatched level of weapon and character customization, Dead Rising 3 delivers a heart-pounding experience unlike any other as you explore, scavenge and fight to survive in a massive open world on the brink of a zombie apocalypse.FEATURESWelcome to Los Perdidos \u2013 Set 10 years after the events in Fortune City players are taken to the massive open and infected world of Los Perdidos while being immersed in action and stunning visuals.All the survival horror action comes to PC \u2013 Fully optimized to run at a high resolution, the PC release includes full Steam and game controller support.More zombies than ever before \u2013 The zombies are smarter and deadlier than ever with intelligent AI and shared awareness forcing players to employ all their cunning skills and creativity to stay alive.Hundreds of unique combo weapons and vehicles \u2013 Combine and customize hundreds of pieces found throughout the sandbox world including the gruesome Boom Cannon weapon or the Party Slapper vehicle.Face the horror alone or with a friend \u2013 Join forces with a friend for endless zombie killing mayhem and earn experience points that carry back to your single player experience.Bonus Downloadable Content \u2013 All four of the \u201cUntold Stories of Los Perdidos\u201d downloadable add-on packs are now included. Each add-on chapter focuses on a different protagonist and gives players access to crazy new weapons and vehicles that carry over to the main game.", + "short_description": "Explore the zombie-infested city of Los Perdidos, and find a way to escape before a military strike wipes the entire city, and everyone in it, off the map.", + "genres": "Action", + "recommendations": 10847, + "score": 6.125388753843738 + }, + { + "type": "game", + "name": "The Red Solstice", + "detailed_description": "Https://store.steampowered.com/app/768520/The_Red_Solstice_2_Survivors/. If you think you have what it takes to survive the onslaught, go forth, marine!. The Red Solstice is a tactical, squad-based survival game set in the distant future on Mars, playable in single-player or with up to 8 players in cooperative online multiplayer. Roam freely over huge maps, complete randomized objectives and deal with surprise events that keep you on the edge of your seat. . Survive and conquer by any means necessary. Get stronger every time. Level up to unlock new weapons and abilities. Try to survive the storm.Key featuresTake the Lead: Issue commands and set waypoints and objectives for your friends as you outsmart and outgun your way through the derelict domiciles of Tharsis. . Play Your Way, Together: With support for 8-player co-op, play as one of 8 distinct, customizable classes, each with unique abilities and traits. . Odd Jobs: Tackle an onslaught of randomly generated events with just one hour to make your mark. From zone defense to supply retrieval, you\u2019re never short of enemies to kill and objectives to complete. . Earn and Learn: Kill to earn experience points and unlock new abilities and classes. Heal allies, deploy turrets, launch grenades, set traps and much, much more. . Tactical Single-Player: Play on your own and lead a squad through a satisfying single-player campaign, and lead your squad through a wide variety of levels using The Red Solstice's Tactical Mode, which lets you issue commands while slowing down the action. . Game NOT Over, Man: Killing ain\u2019t easy. Drive back untold Martian horrors in multiple modes, maps and difficulties and get stronger every time. Even if you perish. .", + "about_the_game": " you think you have what it takes to survive the onslaught, go forth, marine!The Red Solstice is a tactical, squad-based survival game set in the distant future on Mars, playable in single-player or with up to 8 players in cooperative online multiplayer.Roam freely over huge maps, complete randomized objectives and deal with surprise events that keep you on the edge of your seat.Survive and conquer by any means necessary. Get stronger every time. Level up to unlock new weapons and abilities. Try to survive the storm.Key featuresTake the Lead: Issue commands and set waypoints and objectives for your friends as you outsmart and outgun your way through the derelict domiciles of Tharsis. Play Your Way, Together: With support for 8-player co-op, play as one of 8 distinct, customizable classes, each with unique abilities and traits.Odd Jobs: Tackle an onslaught of randomly generated events with just one hour to make your mark. From zone defense to supply retrieval, you\u2019re never short of enemies to kill and objectives to complete.Earn and Learn: Kill to earn experience points and unlock new abilities and classes. Heal allies, deploy turrets, launch grenades, set traps and much, much more.Tactical Single-Player: Play on your own and lead a squad through a satisfying single-player campaign, and lead your squad through a wide variety of levels using The Red Solstice's Tactical Mode, which lets you issue commands while slowing down the action.Game NOT Over, Man: Killing ain\u2019t easy. Drive back untold Martian horrors in multiple modes, maps and difficulties and get stronger every time. Even if you perish.", + "short_description": "2280 A.D. The last few survivors of a ruined Earth seek a new home: Mars, a planet whose inhabitants didn't take too kindly to outsiders. The Red Solstice is a tense, tactical, squad-based action game. Fight to survive with up to 8 players in co-op, or lead your own squad in single-player mode.", + "genres": "Action", + "recommendations": 830, + "score": 4.431757520504923 + }, + { + "type": "game", + "name": "Fistful of Frags", + "detailed_description": "Fistful of Frags was born years ago as a Wild West themed modification for Source engine. It has been completely renewed for its Steam release, paying special attention to combat mechanics. . Also please note this is a completely *free* standalone mod, no micro-transactions exist, no registration required. Just install and play. You may see ads when joining certain third party servers that host our game for free. That's however completely unrelated to FoF dev team, we do not profit from them. Also note that some weapons and perks may be locked for Steam's level 0 accounts until they reach level 1 or complete a play-to-earn-points progression system.FeaturesShootout (classic death-match / free for all) and up to 4 team death-match: non stop, all around action. FFA supports ladder based global ranks. . Teamplay mode: objective based game mode featuring zone capture and 'push the cart' levels. . Cooperative mode: up to 6 players; features missions as bank assault, last stand, push. Singleplayer challenges and missions: learn the game alone, master the skills you'll need later at your own pace. Other multiplayer modes: Grand Elimination (a fast paced Battle Royale like mode), Break Bad (team based death-match like mode featuring custom rules as unarmed players or objetives), Team Elimination (kill the entire enemy team once at least to win the round), Versus (1 vs 1 duel matches, each map features different arenas, fair match creation based on player rank/skill). Detailed dual wield system: double dynamic crosshair, weapon flip for extra accuracy options, drop or throw your handguns as projectile attack. Multiplayer bots for off-line practice. Historical black gunpowder based weapons as Colt Peacemaker/Navy/Walker, S&W Schofield, Volcanic pistol, Deringer, Smith Carbine, Sharps rifle or Henry Rifle. Customization options: choose primary/secondary weapons and special perks. Skill based scoring system: the more skill required to accomplish an attack, the higher score is. Source Engine 2013: community managed dedicated servers, LAN support, 3rd party level design and user customization allowed.", + "about_the_game": "Fistful of Frags was born years ago as a Wild West themed modification for Source engine. It has been completely renewed for its Steam release, paying special attention to combat mechanics. Also please note this is a completely *free* standalone mod, no micro-transactions exist, no registration required. Just install and play. You may see ads when joining certain third party servers that host our game for free. That's however completely unrelated to FoF dev team, we do not profit from them. Also note that some weapons and perks may be locked for Steam's level 0 accounts until they reach level 1 or complete a play-to-earn-points progression system.FeaturesShootout (classic death-match / free for all) and up to 4 team death-match: non stop, all around action. FFA supports ladder based global ranks.Teamplay mode: objective based game mode featuring zone capture and 'push the cart' levels.Cooperative mode: up to 6 players; features missions as bank assault, last stand, pushSingleplayer challenges and missions: learn the game alone, master the skills you'll need later at your own paceOther multiplayer modes: Grand Elimination (a fast paced Battle Royale like mode), Break Bad (team based death-match like mode featuring custom rules as unarmed players or objetives), Team Elimination (kill the entire enemy team once at least to win the round), Versus (1 vs 1 duel matches, each map features different arenas, fair match creation based on player rank/skill)Detailed dual wield system: double dynamic crosshair, weapon flip for extra accuracy options, drop or throw your handguns as projectile attackMultiplayer bots for off-line practiceHistorical black gunpowder based weapons as Colt Peacemaker/Navy/Walker, S&W Schofield, Volcanic pistol, Deringer, Smith Carbine, Sharps rifle or Henry RifleCustomization options: choose primary/secondary weapons and special perksSkill based scoring system: the more skill required to accomplish an attack, the higher score isSource Engine 2013: community managed dedicated servers, LAN support, 3rd party level design and user customization allowed", + "short_description": "Multiplayer based, first person enabled, action packed and skill demanding shooter set in the Wild West times. A unique combination of non stop action and slow but powerful weaponry.", + "genres": "Action", + "recommendations": 491, + "score": 4.086221539155147 + }, + { + "type": "game", + "name": "Goat Simulator", + "detailed_description": "Goat Simulator is the latest in goat simulation technology, bringing next-gen goat simulation to YOU. You no longer have to fantasize about being a goat, your dreams have finally come true! WASD to write history. . Gameplay-wise, Goat Simulator is all about causing as much destruction as you possibly can as a goat. It has been compared to an old-school skating game, except instead of being a skater, you're a goat, and instead of doing tricks, you wreck stuff. Destroy things with style, such as doing a backflip while headbutting a bucket through a window, and you'll earn even more points! Or you could just give Steam Workshop a spin and create your own goats, levels, missions, and more! When it comes to goats, not even the sky is the limit, as you can probably just bug through it and crash the game.DisclaimerGoat Simulator is a completely stupid game and, to be honest, you should probably spend your money on something else, such as a hula hoop, a pile of bricks, or maybe pool your money together with your friends and buy a real goat.Key FeaturesYou can be a goat. Get points for wrecking stuff - brag to your friends that you're the alpha goat. Steam Workshop support - make your own goats, levels, missions, game modes, and more!. MILLIONS OF BUGS! We're only eliminating the crash-bugs, everything else is hilarious and we're keeping it. In-game physics that bug out all the time. Seriously look at that goat's neck. You can be a goat. Mac and Linux DisclaimerThe Mac and Linux ports are still in Beta. Expect problems. We're working on fixing them asap!", + "about_the_game": "Goat Simulator is the latest in goat simulation technology, bringing next-gen goat simulation to YOU. You no longer have to fantasize about being a goat, your dreams have finally come true! WASD to write history.Gameplay-wise, Goat Simulator is all about causing as much destruction as you possibly can as a goat. It has been compared to an old-school skating game, except instead of being a skater, you're a goat, and instead of doing tricks, you wreck stuff. Destroy things with style, such as doing a backflip while headbutting a bucket through a window, and you'll earn even more points! Or you could just give Steam Workshop a spin and create your own goats, levels, missions, and more! When it comes to goats, not even the sky is the limit, as you can probably just bug through it and crash the game.DisclaimerGoat Simulator is a completely stupid game and, to be honest, you should probably spend your money on something else, such as a hula hoop, a pile of bricks, or maybe pool your money together with your friends and buy a real goat.Key FeaturesYou can be a goatGet points for wrecking stuff - brag to your friends that you're the alpha goatSteam Workshop support - make your own goats, levels, missions, game modes, and more!MILLIONS OF BUGS! We're only eliminating the crash-bugs, everything else is hilarious and we're keeping itIn-game physics that bug out all the timeSeriously look at that goat's neckYou can be a goatMac and Linux DisclaimerThe Mac and Linux ports are still in Beta. Expect problems. We're working on fixing them asap!", + "short_description": "Goat Simulator is the latest in high-tech Goat Simulation technology.", + "genres": "Casual", + "recommendations": 48887, + "score": 7.1178929104021025 + }, + { + "type": "game", + "name": "Age of Mythology: Extended Edition", + "detailed_description": "Age of MythologyThe classic real time strategy game that transports players to a time when heroes did battle with monsters of legend and the gods intervened in the affairs of mortals. . Use mythological creatures like Minotaurs and Cyclopes to bolster your armies' strength. Call upon the gods for assistance in flattening enemy towns with meteors or scatter opposing troops with lightning storms. . The Extended Edition includes:. Age of Mythology. Age of Mythology: The Titans. Golden Gift Campaign. New in the Extended Edition:. Improved Visuals. Time of Day. Improved water. Shadows. Bump / Specular maps. Global Lighting. Antialiasing & Ambient Occlusion. Full Steamworks Integration. Workshop mod manager. Multiplayer. Achievements. Trading Cards. Leagues / Badges / Events. Cloud saves. Extended Features. Twitch Integration. Treaty Mode. Enhanced Observer mode.", + "about_the_game": "Age of MythologyThe classic real time strategy game that transports players to a time when heroes did battle with monsters of legend and the gods intervened in the affairs of mortals. Use mythological creatures like Minotaurs and Cyclopes to bolster your armies' strength. Call upon the gods for assistance in flattening enemy towns with meteors or scatter opposing troops with lightning storms.The Extended Edition includes:Age of MythologyAge of Mythology: The TitansGolden Gift Campaign New in the Extended Edition:\tImproved Visuals\tTime of Day Improved water\tShadows\tBump / Specular maps\tGlobal Lighting\tAntialiasing & Ambient OcclusionFull Steamworks Integration\tWorkshop mod manager Multiplayer\tAchievements\tTrading Cards\tLeagues / Badges / Events\tCloud saves\tExtended Features\tTwitch Integration Treaty Mode\tEnhanced Observer mode", + "short_description": "Age of Mythology is back! Choose your god and take to the battlefield in this classic, upgraded with full Steamworks integration and enhanced features.", + "genres": "Simulation", + "recommendations": 26443, + "score": 6.7127944670491075 + }, + { + "type": "game", + "name": "The Evil Within", + "detailed_description": "Demo Now Available . Starting October 30th, you\u2019ll be able to enjoy the first three chapters for free. If you choose to purchase the game after the first three chapters, you\u2019ll be able to continue your save progress. About the GameDeveloped by Shinji Mikami -- creator of the seminal Resident Evil series -- and the talented team at Tango Gameworks, The Evil Within embodies the meaning of pure survival horror. Highly-crafted environments, horrifying anxiety, and an intricate story are combined to create an immersive world that will bring you to the height of tension. With limited resources at your disposal, you\u2019ll fight for survival and experience profound fear in this perfect blend of horror and action. . STORY: . While investigating the scene of a gruesome mass murder, Detective Sebastian Castellanos and his partners encounter a mysterious and powerful force. After seeing the slaughter of fellow officers, Sebastian is ambushed and knocked unconscious. When he awakens, he finds himself in a deranged world where hideous creatures wander among the dead. Facing unimaginable terror, and fighting for survival, Sebastian embarks on a frightening journey to unravel what\u2019s behind this evil force.KEY FEATURES:Pure Survival Horror Returns. Shinji Mikami, the father of survival horror, is back to direct a chilling new game wrapped in haunting narrative. Tension and anxiety heighten dramatically as you explore the game\u2019s tortured world. . Brutal Traps and Twisted Creatures. Face unthinkable horrors and cruel traps as you struggle to survive against overwhelming odds. Turn evil against itself by using the same diabolical devices against overwhelming deadly creatures. . Unknown Threats in an Uncertain World. Mysterious and wicked fears loom ahead in a world that warps and twists around you. Corridors, walls, doors, and entire buildings change in real-time, ensnaring players in a reality where threats can appear at any time and from any direction. . The New Face of Horror. Experience a disturbing reality as you try to break free from warped machinations that could only exist in the most horrifying worlds. Defeat insurmountable terror and experience the ultimate thrill by discovering The Evil Within.", + "about_the_game": "Developed by Shinji Mikami -- creator of the seminal Resident Evil series -- and the talented team at Tango Gameworks, The Evil Within embodies the meaning of pure survival horror. Highly-crafted environments, horrifying anxiety, and an intricate story are combined to create an immersive world that will bring you to the height of tension. With limited resources at your disposal, you\u2019ll fight for survival and experience profound fear in this perfect blend of horror and action.STORY: While investigating the scene of a gruesome mass murder, Detective Sebastian Castellanos and his partners encounter a mysterious and powerful force. After seeing the slaughter of fellow officers, Sebastian is ambushed and knocked unconscious. When he awakens, he finds himself in a deranged world where hideous creatures wander among the dead. Facing unimaginable terror, and fighting for survival, Sebastian embarks on a frightening journey to unravel what\u2019s behind this evil force.KEY FEATURES:Pure Survival Horror ReturnsShinji Mikami, the father of survival horror, is back to direct a chilling new game wrapped in haunting narrative. Tension and anxiety heighten dramatically as you explore the game\u2019s tortured world. Brutal Traps and Twisted CreaturesFace unthinkable horrors and cruel traps as you struggle to survive against overwhelming odds. Turn evil against itself by using the same diabolical devices against overwhelming deadly creatures.Unknown Threats in an Uncertain WorldMysterious and wicked fears loom ahead in a world that warps and twists around you. Corridors, walls, doors, and entire buildings change in real-time, ensnaring players in a reality where threats can appear at any time and from any direction.The New Face of HorrorExperience a disturbing reality as you try to break free from warped machinations that could only exist in the most horrifying worlds. Defeat insurmountable terror and experience the ultimate thrill by discovering The Evil Within.", + "short_description": "Developed by Shinji Mikami -- creator of the seminal Resident Evil series -- and the talented team at Tango Gameworks, The Evil Within embodies the meaning of pure survival horror. Highly-crafted environments, horrifying anxiety, and an intricate story are combined to create an immersive world that will bring you to the height of tension.", + "genres": "Action", + "recommendations": 16077, + "score": 6.384776637266697 + }, + { + "type": "game", + "name": "Aura Kingdom", + "detailed_description": "Aura Kingdom is a new Anime MMORPG published by Aeria Games. Developed by the studio behind the highly popular Eden Eternal and Grand Fantasia, Aura Kingdom offers a grand and beautiful world for every player to explore with beautiful anime graphics. . Starting with one out of fifteen different classes, Aura Kingdom offers the possibility for players to select a sub-class once they reach level 40, allowing for countless of original builds! Players will also walk along the side of their Eidolons in their journey; they are loyal interactive companions who grant the strength to unleash massive combos. . Thousands of players already walk the world of Azuria. It is time for you to join them!. Key Features:. Interactive companions \u2013 Eidolons are no ordinary pets. Not only do they participate in battle, but they will also remember your actions and tell you what's on their mind. They are part of Azuria!. Fast-paced, dynamic fights \u2013 Mobility is a key aspect in battle. Think fast, act faster! Dodge your foes' attacks and call upon your Eidolon to unleash spectacular combos! . Adaptability \u2013 Customize your character so he can overcome every challenge! Improve the skills that fit your play-style and switfly change them during battle to adapt to your opponent's strategy. Creativity can win you the battle!. A wonderful world \u2013 Travel the immense lands of Azuria, visit towns brimming with life and explore mysterious and hidden dungeons to stop the evil of this world. You can make the difference, hero!.", + "about_the_game": "Aura Kingdom is a new Anime MMORPG published by Aeria Games. Developed by the studio behind the highly popular Eden Eternal and Grand Fantasia, Aura Kingdom offers a grand and beautiful world for every player to explore with beautiful anime graphics.Starting with one out of fifteen different classes, Aura Kingdom offers the possibility for players to select a sub-class once they reach level 40, allowing for countless of original builds! Players will also walk along the side of their Eidolons in their journey; they are loyal interactive companions who grant the strength to unleash massive combos. Thousands of players already walk the world of Azuria. It is time for you to join them!Key Features:Interactive companions \u2013 Eidolons are no ordinary pets. Not only do they participate in battle, but they will also remember your actions and tell you what's on their mind. They are part of Azuria!Fast-paced, dynamic fights \u2013 Mobility is a key aspect in battle. Think fast, act faster! Dodge your foes' attacks and call upon your Eidolon to unleash spectacular combos! Adaptability \u2013 Customize your character so he can overcome every challenge! Improve the skills that fit your play-style and switfly change them during battle to adapt to your opponent's strategy. Creativity can win you the battle!A wonderful world \u2013 Travel the immense lands of Azuria, visit towns brimming with life and explore mysterious and hidden dungeons to stop the evil of this world. You can make the difference, hero!", + "short_description": "Aura Kingdom is a free-to-play Anime MMORPG featuring strong PVE elements, a uniquely detailed world, and an engaging, well-crafted story. Aura Kingdom empowers players as Envoys of Gaia, gifted individuals that take the role of one of the fifteen classes.", + "genres": "Adventure", + "recommendations": 125, + "score": 3.188220884751986 + }, + { + "type": "game", + "name": "XCOM\u00ae 2", + "detailed_description": "XCOM 2 is the sequel to XCOM: Enemy Unknown, the 2012 award-winning strategy game of the year. . Earth has changed. Twenty years have passed since world leaders offered an unconditional surrender to alien forces. XCOM, the planet\u2019s last line of defense, was left decimated and scattered. Now, in XCOM 2, the aliens rule Earth, building shining cities that promise a brilliant future for humanity on the surface, while concealing a sinister agenda and eliminating all who dissent from their new order. . Only those who live at the edges of the world have a margin of freedom. Here, a force gathers once again to stand up for humanity. Always on the run, and facing impossible odds, the remnant XCOM forces must find a way to ignite a global resistance, and eliminate the alien threat once and for all. . XCOM ON THE RUN: Take command of the Avenger, an alien supply craft converted to XCOM\u2019s mobile headquarters. New open-ended gameplay lets you decide where to guide your strike team, how to grow popular support, and when to combat enemy counter-operations. . RECRUIT RESISTANCE FIGHTERS: Five soldier classes, each with its own skill tree, let you create specific soldiers for your tactical plan. . TACTICAL GUERRILLA COMBAT: New gameplay systems offer more tactical flexibility in combat. Use concealment to ambush enemy patrols. Loot enemies for precious gear and artifacts. Rescue VIPs and save fallen comrades by carrying them to the extraction point. . A NEW BREED OF ENEMY: A diverse cast of enemies from powerful new alien species to the ADVENT, enforcers of the alien regime, offer a distinct tactical challenge. . RESEARCH, DEVELOP AND UPGRADE: Configure and build rooms on the Avenger to give XCOM new capabilities on the battlefield. Use your Scientists and Engineers to research, develop and upgrade weapons and armor to fit your preferred tactics. . EACH MISSION IS A UNIQUE CHALLENGE: Go on missions around the world, from wildlands to the heart of the alien-controlled megacities, to the depths of alien installations. There are virtually infinite combinations of maps, missions and goals.", + "about_the_game": "XCOM 2 is the sequel to XCOM: Enemy Unknown, the 2012 award-winning strategy game of the year. Earth has changed. Twenty years have passed since world leaders offered an unconditional surrender to alien forces. XCOM, the planet\u2019s last line of defense, was left decimated and scattered. Now, in XCOM 2, the aliens rule Earth, building shining cities that promise a brilliant future for humanity on the surface, while concealing a sinister agenda and eliminating all who dissent from their new order. Only those who live at the edges of the world have a margin of freedom. Here, a force gathers once again to stand up for humanity. Always on the run, and facing impossible odds, the remnant XCOM forces must find a way to ignite a global resistance, and eliminate the alien threat once and for all.XCOM ON THE RUN: Take command of the Avenger, an alien supply craft converted to XCOM\u2019s mobile headquarters. New open-ended gameplay lets you decide where to guide your strike team, how to grow popular support, and when to combat enemy counter-operations.RECRUIT RESISTANCE FIGHTERS: Five soldier classes, each with its own skill tree, let you create specific soldiers for your tactical plan. TACTICAL GUERRILLA COMBAT: New gameplay systems offer more tactical flexibility in combat. Use concealment to ambush enemy patrols. Loot enemies for precious gear and artifacts. Rescue VIPs and save fallen comrades by carrying them to the extraction point.A NEW BREED OF ENEMY: A diverse cast of enemies from powerful new alien species to the ADVENT, enforcers of the alien regime, offer a distinct tactical challenge. RESEARCH, DEVELOP AND UPGRADE: Configure and build rooms on the Avenger to give XCOM new capabilities on the battlefield. Use your Scientists and Engineers to research, develop and upgrade weapons and armor to fit your preferred tactics.EACH MISSION IS A UNIQUE CHALLENGE: Go on missions around the world, from wildlands to the heart of the alien-controlled megacities, to the depths of alien installations. There are virtually infinite combinations of maps, missions and goals.", + "short_description": "XCOM 2 is the sequel to XCOM: Enemy Unknown, the 2012 award-winning strategy game of the year. Earth has changed and is now under alien rule. Facing impossible odds you must rebuild XCOM, and ignite a global resistance to reclaim our world and save humanity.", + "genres": "Strategy", + "recommendations": 63734, + "score": 7.292721887587854 + }, + { + "type": "game", + "name": "Cuphead", + "detailed_description": "Cuphead is a classic run and gun action game heavily focused on boss battles. Inspired by cartoons of the 1930s, the visuals and audio are painstakingly created with the same techniques of the era, i.e. traditional hand drawn cel animation, watercolor backgrounds, and original jazz recordings. . Play as Cuphead or Mugman (in single player or local co-op) as you traverse strange worlds, acquire new weapons, learn powerful super moves, and discover hidden secrets while you try to pay your debt back to the devil!", + "about_the_game": "Cuphead is a classic run and gun action game heavily focused on boss battles. Inspired by cartoons of the 1930s, the visuals and audio are painstakingly created with the same techniques of the era, i.e. traditional hand drawn cel animation, watercolor backgrounds, and original jazz recordings.Play as Cuphead or Mugman (in single player or local co-op) as you traverse strange worlds, acquire new weapons, learn powerful super moves, and discover hidden secrets while you try to pay your debt back to the devil!", + "short_description": "Cuphead is a classic run and gun action game heavily focused on boss battles. Inspired by cartoons of the 1930s, the visuals and audio are painstakingly created with the same techniques of the era, i.e. traditional hand drawn cel animation, watercolor backgrounds, and original jazz recordings.", + "genres": "Action", + "recommendations": 125482, + "score": 7.7393081314350365 + }, + { + "type": "game", + "name": "Hero Siege", + "detailed_description": "Hero Siege is a Hack 'n' Slash game with roguelike- & RPG elements. Annihilate hordes of enemies, grow your talent tree, grind better loot and explore up to 7 Acts enhanced with beautiful Pixel Art graphics! This game offers countless hours of gameplay and up to 4 player online multiplayer!17 Classes to choose from!Choose from up to 17 classes for your journey through the world of Hero Siege! 8 Classes are available in the base game and the rest can be unlocked as extra content via DLC! Every class has 2 unique talent tree, set of abilities and unique voice acting!Loot & Inventory!Like any good Hack N Slash game, Hero Siege has an Loot/Inventory system. Loot drops can be of several different rarities such as Normal, Magic, Rare, Legendary, Mythic and Satanic! The loot system gives you the opportunity to build your Hero just the way you want!Online Multiplayer for up to 4 Players!Gather up to 3 friends and fight together against the forces of evil! The online multiplayer also has leader boards for Hero Levels and Wormhole rankings. Every class has its own solo leader board. In the end of every season, the best players are awarded with seasonal rewards!Random Generated World!The world is randomly generated so the zones are always fresh and different filled with secret dungeons, crypts, treasure and hazards! The game consists of 7 Acts with 5 levels + end boss each. The levels contain secret dungeons that can be explored.30+ Unique Bosses to fight!Hero Siege contains a wide arsenal of different enemies and bosses. The game holds over 30 unique crafted boss fights as well as enemies that vary in rarity and have special attacks. Higher rarity enemies give more experience and better loot, but are dangerous and harder to kill!Features- ONLINE MULTIPLAYER with up to 4 players!. - Randomly generated levels, items, dungeons, bosses, secrets and events. Every game session you play is different!. - Over 350 unique crafted items that are either passive, usable or orbiting. - Over 80 different enemies with the possibility to spawn as rare or elite with extra hp/damage and abilities, but dropping better loot and giving more exp!. - Over 30 Achievements to unlock!. - Customize your character with over 60 different hats!. - 6 Acts to play through! Extra acts come with Expansion sets!. - Random Dungeons and Crypts to explore and clear from loot and enemies!. - 8 playable classes! Extra classes come with Expansion sets!. - 4 different difficulty levels to unlock!. - Tons of random! Start discovering all the wonderful secrets and content!. - Loot system with: normal, superior, rare, legendary, mythic and satanic loot!. Hero Siege has full controller support!", + "about_the_game": "Hero Siege is a Hack 'n' Slash game with roguelike- & RPG elements. Annihilate hordes of enemies, grow your talent tree, grind better loot and explore up to 7 Acts enhanced with beautiful Pixel Art graphics! This game offers countless hours of gameplay and up to 4 player online multiplayer!17 Classes to choose from!Choose from up to 17 classes for your journey through the world of Hero Siege! 8 Classes are available in the base game and the rest can be unlocked as extra content via DLC! Every class has 2 unique talent tree, set of abilities and unique voice acting!Loot & Inventory!Like any good Hack N Slash game, Hero Siege has an Loot/Inventory system. Loot drops can be of several different rarities such as Normal, Magic, Rare, Legendary, Mythic and Satanic! The loot system gives you the opportunity to build your Hero just the way you want!Online Multiplayer for up to 4 Players!Gather up to 3 friends and fight together against the forces of evil! The online multiplayer also has leader boards for Hero Levels and Wormhole rankings. Every class has its own solo leader board. In the end of every season, the best players are awarded with seasonal rewards!Random Generated World!The world is randomly generated so the zones are always fresh and different filled with secret dungeons, crypts, treasure and hazards! The game consists of 7 Acts with 5 levels + end boss each. The levels contain secret dungeons that can be explored.30+ Unique Bosses to fight!Hero Siege contains a wide arsenal of different enemies and bosses. The game holds over 30 unique crafted boss fights as well as enemies that vary in rarity and have special attacks. Higher rarity enemies give more experience and better loot, but are dangerous and harder to kill!Features- ONLINE MULTIPLAYER with up to 4 players!- Randomly generated levels, items, dungeons, bosses, secrets and events. Every game session you play is different!- Over 350 unique crafted items that are either passive, usable or orbiting.- Over 80 different enemies with the possibility to spawn as rare or elite with extra hp/damage and abilities, but dropping better loot and giving more exp!- Over 30 Achievements to unlock!- Customize your character with over 60 different hats!- 6 Acts to play through! Extra acts come with Expansion sets!- Random Dungeons and Crypts to explore and clear from loot and enemies!- 8 playable classes! Extra classes come with Expansion sets!- 4 different difficulty levels to unlock!- Tons of random! Start discovering all the wonderful secrets and content!- Loot system with: normal, superior, rare, legendary, mythic and satanic loot!Hero Siege has full controller support!", + "short_description": "Hero Siege is a Hack N Slash Roguelike RPG with randomly generated zones, loot, randomized enemies, bosses and more! 4 Player Online Multiplayer!", + "genres": "Action", + "recommendations": 27215, + "score": 6.731764294846048 + }, + { + "type": "game", + "name": "RUNNING WITH RIFLES", + "detailed_description": "RUNNING WITH RIFLES is a top-down tactical shooter with open-world RPG elements. . In RWR, you join the ranks of an army as a common soldier, just like the thousands around you. . The open world approach lets you define your own path and story in the campaign. Push back the enemy with your comrades or go deep behind enemy lines to sabotage their efforts and loot valuable items. . . As you gain experience, you are promoted with higher command over soldiers and equipment. Call in artillery fire missions or paratrooper reinforcements when the situation gets tight! Use your squad to man armed boats, tanks and APC's, or, become the expert lone wolf you always aspired to be - it's up to you!KEY FEATURES hundreds of locations to explore from trenches to towns, deserts to snowy valleys. emergent AI that will question if you're as smart as you think you are. realistic cover system. dozens of different weapons, support and cover items, radio calls, vehicles. side objectives to keep you busy: destroy radio towers and other assets, steal cargo trucks, rescue prisoners. 40+ multiplayer support, dedicated servers, coop, PvP, PvPvE. speech bubbles!. deaths and fails, a lot of them, including your own!. . and of course, mods!.", + "about_the_game": "RUNNING WITH RIFLES is a top-down tactical shooter with open-world RPG elements.In RWR, you join the ranks of an army as a common soldier, just like the thousands around you.The open world approach lets you define your own path and story in the campaign. Push back the enemy with your comrades or go deep behind enemy lines to sabotage their efforts and loot valuable items.As you gain experience, you are promoted with higher command over soldiers and equipment. Call in artillery fire missions or paratrooper reinforcements when the situation gets tight! Use your squad to man armed boats, tanks and APC's, or, become the expert lone wolf you always aspired to be - it's up to you!KEY FEATURES hundreds of locations to explore from trenches to towns, deserts to snowy valleysemergent AI that will question if you're as smart as you think you arerealistic cover systemdozens of different weapons, support and cover items, radio calls, vehiclesside objectives to keep you busy: destroy radio towers and other assets, steal cargo trucks, rescue prisoners40+ multiplayer support, dedicated servers, coop, PvP, PvPvEspeech bubbles!deaths and fails, a lot of them, including your own!...and of course, mods!", + "short_description": "RUNNING WITH RIFLES is a top-down tactical shooter with open world RPG elements. In RWR, you join the ranks of an army as a common soldier, just like the thousands around you.", + "genres": "Action", + "recommendations": 12674, + "score": 6.227998402973832 + }, + { + "type": "game", + "name": "American Truck Simulator", + "detailed_description": "Just UpdatedJoin your friends and keep on truckin' together in 8 player Convoy multiplayer mode, now available!. Give Euro Truck Simulator 2 a test driveStart your new truck empire in Europe! Try the demo of Euro Truck Simulator 2 and visit the Steam store page. . About the Game. Experience legendary American trucks and deliver various cargoes across sunny California, sandy Nevada, and the Grand Canyon State of Arizona. American Truck Simulator takes you on a journey through the breathtaking landscapes and widely recognized landmarks around the States. . Game mechanics are based on the highly successful model from Euro Truck Simulator 2 and have been expanded with new features, creating the most captivating game experience from SCS Software. . American Truck Simulator puts you in the seat of a driver for hire entering the local freight market, making you work your way up to become an owner-operator, and go on to create one of the largest transportation companies in the United States.Features. Drive highly detailed truck models officially licensed from iconic truck manufacturers. . Your truck is your new home. Make it yours by changing cabins, chassis, paintjobs, adding tuning accessories or more powerful engines. . Lots of different cargoes to choose: From food to machinery to hazard cargoes. . Multiple types of trailers \u2013 from reefers to flatbeds, from dumpers to lowboys and goosenecks. . The longest trailers (up to 53 ft) will challenge your skills and patience while hauling and during parking. . Deliver your cargoes to a rich variety of companies and locations like refineries, oil storage, gas stations, car factories, or roadworks. . . Various simulation settings for trucking enthusiasts: Air brake simulation; different types of brakes: retarder, Jake brake, trailer brake; multiple types of transmissions straight from real trucks, brake intensity, and more. . Get the feel of being inside a real cabin: Adjust your seat, mirrors and position your head to get the best view of the road. . Drive safely, follow the rules and speed limits \u2013 police will fine you if you aren't careful!. Ensure that you are not delivering overweight cargo \u2013 you may be checked at the weigh scales. . Use the route adviser as your personal assistant during the travels. . Try the life of a truck driver for hire. By delivering the cargoes safely and improving your skills, become the owner of your own, successful company!. . Build your own fleet of trucks, buy garages, hire drivers, manage your company for maximum profits. . Make your trucking time better by listening to your favorite songs via built-in music player or streaming your favorite radio stations. . Capture your favorite moments with a photo mode offering rich set of editing options. . Great support for steering wheels, gamepads and other input devices. . Long-time support of the game, including new features. . Obtain challenging Steam achievements and collect all hand-painted Steam trading cards. World of Trucks. Take advantage of additional features of American Truck Simulator by joining our online community on World of Trucks, our center for virtual truckers all around the world interested in Euro Truck Simulator 2, American Truck Simulator and future SCS Software's truck simulators. . Use in-game Photo Mode to capture the best moments and share them with thousands of people who love trucks. . Favorite the images you like the most and return to them anytime in the future. . Discuss the screenshots with everyone using World of Trucks. . See the best images hand-picked by the game creators in Editor's Pick updated almost every day. Try to get your own screenshot on this list!. Upload and use your custom avatar and license plate in the game. . More features coming soon!. To join World of Trucks, simply sign up with your Steam account on the join page. You will need to own American Truck Simulator or Euro Truck Simulator 2 to join World of Trucks. . World of Trucks is an optional service, registration on World of Trucks isn't required to play the game.", + "about_the_game": "Experience legendary American trucks and deliver various cargoes across sunny California, sandy Nevada, and the Grand Canyon State of Arizona. American Truck Simulator takes you on a journey through the breathtaking landscapes and widely recognized landmarks around the States.Game mechanics are based on the highly successful model from Euro Truck Simulator 2 and have been expanded with new features, creating the most captivating game experience from SCS Software.American Truck Simulator puts you in the seat of a driver for hire entering the local freight market, making you work your way up to become an owner-operator, and go on to create one of the largest transportation companies in the United States.Features Drive highly detailed truck models officially licensed from iconic truck manufacturers. Your truck is your new home. Make it yours by changing cabins, chassis, paintjobs, adding tuning accessories or more powerful engines. Lots of different cargoes to choose: From food to machinery to hazard cargoes. Multiple types of trailers \u2013 from reefers to flatbeds, from dumpers to lowboys and goosenecks. The longest trailers (up to 53 ft) will challenge your skills and patience while hauling and during parking. Deliver your cargoes to a rich variety of companies and locations like refineries, oil storage, gas stations, car factories, or roadworks. Various simulation settings for trucking enthusiasts: Air brake simulation; different types of brakes: retarder, Jake brake, trailer brake; multiple types of transmissions straight from real trucks, brake intensity, and more. Get the feel of being inside a real cabin: Adjust your seat, mirrors and position your head to get the best view of the road. Drive safely, follow the rules and speed limits \u2013 police will fine you if you aren't careful! Ensure that you are not delivering overweight cargo \u2013 you may be checked at the weigh scales. Use the route adviser as your personal assistant during the travels. Try the life of a truck driver for hire. By delivering the cargoes safely and improving your skills, become the owner of your own, successful company! Build your own fleet of trucks, buy garages, hire drivers, manage your company for maximum profits. Make your trucking time better by listening to your favorite songs via built-in music player or streaming your favorite radio stations. Capture your favorite moments with a photo mode offering rich set of editing options. Great support for steering wheels, gamepads and other input devices. Long-time support of the game, including new features. Obtain challenging Steam achievements and collect all hand-painted Steam trading cards.World of TrucksTake advantage of additional features of American Truck Simulator by joining our online community on World of Trucks, our center for virtual truckers all around the world interested in Euro Truck Simulator 2, American Truck Simulator and future SCS Software's truck simulators. Use in-game Photo Mode to capture the best moments and share them with thousands of people who love trucks.Favorite the images you like the most and return to them anytime in the future.Discuss the screenshots with everyone using World of Trucks.See the best images hand-picked by the game creators in Editor's Pick updated almost every day. Try to get your own screenshot on this list!Upload and use your custom avatar and license plate in the game.More features coming soon!To join World of Trucks, simply sign up with your Steam account on the join page. You will need to own American Truck Simulator or Euro Truck Simulator 2 to join World of Trucks.World of Trucks is an optional service, registration on World of Trucks isn't required to play the game.", + "short_description": "Experience legendary American trucks and deliver various cargoes across sunny California, sandy Nevada, and the Grand Canyon State of Arizona. American Truck Simulator takes you on a journey through the breathtaking landscapes and widely recognized landmarks around the States.", + "genres": "Indie", + "recommendations": 107236, + "score": 7.63572405200407 + }, + { + "type": "game", + "name": "Grand Theft Auto V", + "detailed_description": "When a young street hustler, a retired bank robber and a terrifying psychopath find themselves entangled with some of the most frightening and deranged elements of the criminal underworld, the U.S. government and the entertainment industry, they must pull off a series of dangerous heists to survive in a ruthless city in which they can trust nobody, least of all each other. . Grand Theft Auto V for PC offers players the option to explore the award-winning world of Los Santos and Blaine County in resolutions of up to 4k and beyond, as well as the chance to experience the game running at 60 frames per second. . The game offers players a huge range of PC-specific customization options, including over 25 separate configurable settings for texture quality, shaders, tessellation, anti-aliasing and more, as well as support and extensive customization for mouse and keyboard controls. Additional options include a population density slider to control car and pedestrian traffic, as well as dual and triple monitor support, 3D compatibility, and plug-and-play controller support. . Grand Theft Auto V for PC also includes Grand Theft Auto Online, with support for 30 players and two spectators. Grand Theft Auto Online for PC will include all existing gameplay upgrades and Rockstar-created content released since the launch of Grand Theft Auto Online, including Heists and Adversary modes. . The PC version of Grand Theft Auto V and Grand Theft Auto Online features First Person Mode, giving players the chance to explore the incredibly detailed world of Los Santos and Blaine County in an entirely new way. . Grand Theft Auto V for PC also brings the debut of the Rockstar Editor, a powerful suite of creative tools to quickly and easily capture, edit and share game footage from within Grand Theft Auto V and Grand Theft Auto Online. The Rockstar Editor\u2019s Director Mode allows players the ability to stage their own scenes using prominent story characters, pedestrians, and even animals to bring their vision to life. Along with advanced camera manipulation and editing effects including fast and slow motion, and an array of camera filters, players can add their own music using songs from GTAV radio stations, or dynamically control the intensity of the game\u2019s score. Completed videos can be uploaded directly from the Rockstar Editor to YouTube and the Rockstar Games Social Club for easy sharing. . Soundtrack artists The Alchemist and Oh No return as hosts of the new radio station, The Lab FM. The station features new and exclusive music from the production duo based on and inspired by the game\u2019s original soundtrack. Collaborating guest artists include Earl Sweatshirt, Freddie Gibbs, Little Dragon, Killer Mike, Sam Herring from Future Islands, and more. Players can also discover Los Santos and Blaine County while enjoying their own music through Self Radio, a new radio station that will host player-created custom soundtracks. . Special access content requires Rockstar Games Social Club account. Visit for details.", + "about_the_game": "When a young street hustler, a retired bank robber and a terrifying psychopath find themselves entangled with some of the most frightening and deranged elements of the criminal underworld, the U.S. government and the entertainment industry, they must pull off a series of dangerous heists to survive in a ruthless city in which they can trust nobody, least of all each other. Grand Theft Auto V for PC offers players the option to explore the award-winning world of Los Santos and Blaine County in resolutions of up to 4k and beyond, as well as the chance to experience the game running at 60 frames per second. The game offers players a huge range of PC-specific customization options, including over 25 separate configurable settings for texture quality, shaders, tessellation, anti-aliasing and more, as well as support and extensive customization for mouse and keyboard controls. Additional options include a population density slider to control car and pedestrian traffic, as well as dual and triple monitor support, 3D compatibility, and plug-and-play controller support. Grand Theft Auto V for PC also includes Grand Theft Auto Online, with support for 30 players and two spectators. Grand Theft Auto Online for PC will include all existing gameplay upgrades and Rockstar-created content released since the launch of Grand Theft Auto Online, including Heists and Adversary modes. The PC version of Grand Theft Auto V and Grand Theft Auto Online features First Person Mode, giving players the chance to explore the incredibly detailed world of Los Santos and Blaine County in an entirely new way. Grand Theft Auto V for PC also brings the debut of the Rockstar Editor, a powerful suite of creative tools to quickly and easily capture, edit and share game footage from within Grand Theft Auto V and Grand Theft Auto Online. The Rockstar Editor\u2019s Director Mode allows players the ability to stage their own scenes using prominent story characters, pedestrians, and even animals to bring their vision to life. Along with advanced camera manipulation and editing effects including fast and slow motion, and an array of camera filters, players can add their own music using songs from GTAV radio stations, or dynamically control the intensity of the game\u2019s score. Completed videos can be uploaded directly from the Rockstar Editor to YouTube and the Rockstar Games Social Club for easy sharing. Soundtrack artists The Alchemist and Oh No return as hosts of the new radio station, The Lab FM. The station features new and exclusive music from the production duo based on and inspired by the game\u2019s original soundtrack. Collaborating guest artists include Earl Sweatshirt, Freddie Gibbs, Little Dragon, Killer Mike, Sam Herring from Future Islands, and more. Players can also discover Los Santos and Blaine County while enjoying their own music through Self Radio, a new radio station that will host player-created custom soundtracks.Special access content requires Rockstar Games Social Club account. Visit for details.", + "short_description": "Grand Theft Auto V for PC offers players the option to explore the award-winning world of Los Santos and Blaine County in resolutions of up to 4k and beyond, as well as the chance to experience the game running at 60 frames per second.", + "genres": "Action", + "recommendations": 1456790, + "score": 9.35562150132167 + }, + { + "type": "game", + "name": "Serena", + "detailed_description": "How long has it been? A man sits in a distant getaway cabin waiting for his wife Serena. Where is she? Things in the cabin evoke memories, and the husband comes to a disturbing realization. . This short point-and-click adventure is the result of a massive collaborative effort between dozens of fans and designers of adventure games. Rallying to support the venerable genre and its passionate community, these developers have brought together a grim and highly detailed horror story in what is the largest, possibly even the first, game project of its kind. Talents include crew from renowned indie companies Senscape, CBE Software, Infamous Quests, Digital Media Workshop, Guys from Andromeda, and many more.FeaturesA (twisted) love letter to the adventure game community. Over 40 contributors provided their wit and talents. Extremely depressive mood, and a bit of fear here and there. A haunting story that will challenge your intellect (and temerity). Amazing voice acting by legendary adventure game designer Josh Mandel. More awesome acting by popular video producer Pushing Up Roses . Yet another overwhelmingly astonishing surprise cameo by an ex-designer from Sierra!. Did we mention the gut-wrenching atmosphere?.", + "about_the_game": "How long has it been? A man sits in a distant getaway cabin waiting for his wife Serena. Where is she? Things in the cabin evoke memories, and the husband comes to a disturbing realization... This short point-and-click adventure is the result of a massive collaborative effort between dozens of fans and designers of adventure games. Rallying to support the venerable genre and its passionate community, these developers have brought together a grim and highly detailed horror story in what is the largest, possibly even the first, game project of its kind. Talents include crew from renowned indie companies Senscape, CBE Software, Infamous Quests, Digital Media Workshop, Guys from Andromeda, and many more.FeaturesA (twisted) love letter to the adventure game communityOver 40 contributors provided their wit and talentsExtremely depressive mood, and a bit of fear here and thereA haunting story that will challenge your intellect (and temerity)Amazing voice acting by legendary adventure game designer Josh MandelMore awesome acting by popular video producer Pushing Up Roses Yet another overwhelmingly astonishing surprise cameo by an ex-designer from Sierra!Did we mention the gut-wrenching atmosphere?", + "short_description": "How long has it been? A man sits in a distant getaway cabin waiting for his wife Serena. Where is she? Things in the cabin evoke memories, and the husband comes to a disturbing realization... This short point-and-click adventure is the result of a massive collaborative effort between dozens of fans and designers of adventure games.", + "genres": "Adventure", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Counter-Strike Nexon: Studio", + "detailed_description": "Join our Discord. About the GameAbout Counter-Strike. One of the most influential FPS franchises, Counter-Strike is one of the most popular online games to date. Pitting Terrorists VS Counter-Terrorists, players face off to complete their objective in round-based combat. Fast paced action blends with precise, tactical strategy to make for a warzone that anyone can pick up and lets the pros rise to the top. . About Counter-Strike Nexon: Studio. For the first time on Steam, Nexon is making a slice of Counter-Strike history available to everyone! Classic Counter-Strike action, new modes, new guns, new characters, Free to Play\u2014what else are we missing? That\u2019s right, ZOMBIES! We welcome you to do your part in cutting down the undead masses. You\u2019ll find plenty of Zombies there in both PvP and PvE flavors. . About Counter-Strike. One of the most influential FPS franchises, Counter-Strike is one of the most popular online games to date. Pitting Terrorists VS Counter-Terrorists, players face off to complete their objective in round-based combat. Fast paced action blends with precise, tactical strategy to make for a warzone that anyone can pick up and lets the pros rise to the top. . About Counter-Strike Nexon: Studio. For the first time on Steam, Nexon is making a slice of Counter-Strike history available to everyone! Classic Counter-Strike action, new modes, new guns, new characters, Free to Play\u2014what else are we missing? That\u2019s right, ZOMBIES! We welcome you to do your part in cutting down the undead masses. You\u2019ll find plenty of Zombies there in both PvP and PvE flavors.Key Features:. \u25aa Free to Play: Counter-Strike Nexon: Studio has no cost to purchase or any subscription fees, just download and load up to get started. . \u25aa Unrestricted Map Creation: Studio Mode provides tons of features that allow you to customize the maps as much as you want. Create a map that other players love to earn yourself some Cheer Cubes!. \u25aa Loads of Modes: Zombies is right in the name, and you\u2019ll find both PvP and PvE gameplay featuring all sorts of undead to kill. Advance through intense Zombie Scenarios that include boss fights, take charge with unique abilities and characters in Zombie Hero, or lead a team of survivors building and defending your base against continuous zombie waves in Shelter Mode. There\u2019s much more than just Zombies, over 20 different modes to explore such as Beast Mode, Bazooka Mode, and Football. For veterans of the series, enjoy offerings from the original Counter-Strike including Bomb Defusal and Hostage Rescue. . \u25aa Maps: Discover the history of regions and lives torn to shreds by the Zombie menace in the maps of Zombie Scenario. Each Scenario offers multiple maps to unlock if you can survive its challenges to reveal the conspiracies behind the undead! There\u2019re over 60 Zombie filled maps to play and master in Counter-Strike Nexon: Studio. We know what you\u2019re thinking. It wouldn\u2019t be Counter-Strike without de_dust! The classic maps of Counter-Strike are all included from both the original release and previous Counter-Strike Series. . \u25aa More Guns: The arsenal is much larger and more diverse in Counter-Strike Nexon: Studio, because you\u2019re going to need all the firepower you can get to stay one step ahead of those walking corpses. Twelve-gauge staples of putting Zombies down for good can be had, such as the Double Barrel shotgun or the KSG-12 combat shotgun, but maybe you\u2019re looking to keep some distance from the dead. Grab an Skull-5 and pop some skulls or the Dual Infinity to slay Zombies with style! . \u25aa New Female and Male Characters: The living dead are both numerous and diverse in Counter-Strike Nexon: Studio. Most importantly, you can play as these vicious creatures when you turn to the other side! You\u2019ll find unique skills and attacks in each of the Zombie characters available all to help you be the best undead you can be. For the living, choose from a variety of exclusive characters for both Terrorists and Counter-Terrorists, including female characters! . \u25aa Crafting to Create and Enhance: An exclusive Crafting system lets you improve the weapons you own, or make new guns to score some of the best armaments in the game. Whether changing the skin, upgrading stats, or seeking a new firearm just play matches to get the materials you need. . \u25aa All in the Family: Unite and fight together! The Family system lets you partner up with friends to earn rewards faster and obtain special gear by playing together in Counter-Strike Nexon: Studio. In addition, use the Family system to share equipment you own with others in the same Family. . \u25aa Continually Updated with New Content: We want you in the game! Who else is going to keep these Zombies at bay?! We are going to be hard at work bringing you more Zombie Modes, more maps, more guns, and more of everything to fulfill all those corpse killing needs. Make sure to hop into our Steam Community Hub to speak up about the game you want to play and keep playing. Please contact Nexon Customer Support for issues related to the game at Additionally, you can check our privacy policy HERE. . You will need to create a Nexon account to use this page, and to submit a ticket.\"", + "about_the_game": "About Counter-StrikeOne of the most influential FPS franchises, Counter-Strike is one of the most popular online games to date. Pitting Terrorists VS Counter-Terrorists, players face off to complete their objective in round-based combat. Fast paced action blends with precise, tactical strategy to make for a warzone that anyone can pick up and lets the pros rise to the top. About Counter-Strike Nexon: StudioFor the first time on Steam, Nexon is making a slice of Counter-Strike history available to everyone! Classic Counter-Strike action, new modes, new guns, new characters, Free to Play\u2014what else are we missing? That\u2019s right, ZOMBIES! We welcome you to do your part in cutting down the undead masses. You\u2019ll find plenty of Zombies there in both PvP and PvE flavors.About Counter-StrikeOne of the most influential FPS franchises, Counter-Strike is one of the most popular online games to date. Pitting Terrorists VS Counter-Terrorists, players face off to complete their objective in round-based combat. Fast paced action blends with precise, tactical strategy to make for a warzone that anyone can pick up and lets the pros rise to the top. About Counter-Strike Nexon: StudioFor the first time on Steam, Nexon is making a slice of Counter-Strike history available to everyone! Classic Counter-Strike action, new modes, new guns, new characters, Free to Play\u2014what else are we missing? That\u2019s right, ZOMBIES! We welcome you to do your part in cutting down the undead masses. You\u2019ll find plenty of Zombies there in both PvP and PvE flavors.Key Features:\u25aa Free to Play: Counter-Strike Nexon: Studio has no cost to purchase or any subscription fees, just download and load up to get started.\u25aa Unrestricted Map Creation: Studio Mode provides tons of features that allow you to customize the maps as much as you want. Create a map that other players love to earn yourself some Cheer Cubes!\u25aa Loads of Modes: Zombies is right in the name, and you\u2019ll find both PvP and PvE gameplay featuring all sorts of undead to kill. Advance through intense Zombie Scenarios that include boss fights, take charge with unique abilities and characters in Zombie Hero, or lead a team of survivors building and defending your base against continuous zombie waves in Shelter Mode. There\u2019s much more than just Zombies, over 20 different modes to explore such as Beast Mode, Bazooka Mode, and Football. For veterans of the series, enjoy offerings from the original Counter-Strike including Bomb Defusal and Hostage Rescue. \u25aa Maps: Discover the history of regions and lives torn to shreds by the Zombie menace in the maps of Zombie Scenario. Each Scenario offers multiple maps to unlock if you can survive its challenges to reveal the conspiracies behind the undead! There\u2019re over 60 Zombie filled maps to play and master in Counter-Strike Nexon: Studio. We know what you\u2019re thinking. It wouldn\u2019t be Counter-Strike without de_dust! The classic maps of Counter-Strike are all included from both the original release and previous Counter-Strike Series.\u25aa More Guns: The arsenal is much larger and more diverse in Counter-Strike Nexon: Studio, because you\u2019re going to need all the firepower you can get to stay one step ahead of those walking corpses. Twelve-gauge staples of putting Zombies down for good can be had, such as the Double Barrel shotgun or the KSG-12 combat shotgun, but maybe you\u2019re looking to keep some distance from the dead. Grab an Skull-5 and pop some skulls or the Dual Infinity to slay Zombies with style! \u25aa New Female and Male Characters: The living dead are both numerous and diverse in Counter-Strike Nexon: Studio. Most importantly, you can play as these vicious creatures when you turn to the other side! You\u2019ll find unique skills and attacks in each of the Zombie characters available all to help you be the best undead you can be. For the living, choose from a variety of exclusive characters for both Terrorists and Counter-Terrorists, including female characters! \u25aa Crafting to Create and Enhance: An exclusive Crafting system lets you improve the weapons you own, or make new guns to score some of the best armaments in the game. Whether changing the skin, upgrading stats, or seeking a new firearm just play matches to get the materials you need. \u25aa All in the Family: Unite and fight together! The Family system lets you partner up with friends to earn rewards faster and obtain special gear by playing together in Counter-Strike Nexon: Studio. In addition, use the Family system to share equipment you own with others in the same Family. \u25aa Continually Updated with New Content: We want you in the game! Who else is going to keep these Zombies at bay?! We are going to be hard at work bringing you more Zombie Modes, more maps, more guns, and more of everything to fulfill all those corpse killing needs. Make sure to hop into our Steam Community Hub to speak up about the game you want to play and keep playing.Please contact Nexon Customer Support for issues related to the game at you can check our privacy policy HERE.You will need to create a Nexon account to use this page, and to submit a ticket.\"", + "short_description": "Counter-Strike Nexon: Studio is a Free to Play MMOFPS offering competitive PvP and PvE action including content from the original Counter-Strike and all new game modes, map creation function, weapons, and hordes of Zombies!", + "genres": "Action", + "recommendations": 614, + "score": 4.233324405424193 + }, + { + "type": "game", + "name": "Evolve Stage 2", + "detailed_description": "Evolve is the winner of over 60 awards, and now you can play it free with Evolve Stage 2!. In a savage world of man vs nature, are you the hunter or the hunted? . Turtle Rock delivers Evolve Stage 2, the next-generation free multiplayer shooter that pits four hunters against a single, player-controlled monster. . Prove you\u2019re the apex predator in unique 4v1 matches, progress your account and characters, and dominate the far-off world of Shear.All content is available in-game and can be unlocked through play, for free. No buy in or box required. Evolve Stage 2 is ready for everyone. . Key Features and New Features:. Stage 2: We\u2019ve made improvements across-the-board including improved matchmaking, enhancements to all characters, visual improvements to maps, optimized performance, and improved player experiences. It\u2019s a free game, but it\u2019s also a much better game. . 4v1:Grab three friends and hunt a monster or stalk lowly humans as an ever-evolving beast. Whichever side you choose, you have access to powerful weapons and abilities that deliver balanced, competitive gameplay. . Hunt Together or Die Alone: Choose a hunter that fits your play style. Whether you play as the Trapper, Support, Assault, or Medic, every role is vital and teamwork is key in surviving an encounter with the monster. . Beast of Prey:As the monster \u2013 the lone predator \u2013 you are the boss battle. Use savage abilities and an animalistic sense to wreak havoc, kill the humans, and prove you are the dominant species. . Savage Planet: Neither flora nor fauna are friendly on planet Shear. Fall victim to natural hazards or use them strategically against your prey. . Character Customization: Level up to unlock new upgrades, skins and perks for your favorite class: hunter or monster. Earn your infamy on the leaderboards and become the apex predator.", + "about_the_game": "Evolve is the winner of over 60 awards, and now you can play it free with Evolve Stage 2! In a savage world of man vs nature, are you the hunter or the hunted? Turtle Rock delivers Evolve Stage 2, the next-generation free multiplayer shooter that pits four hunters against a single, player-controlled monster. Prove you\u2019re the apex predator in unique 4v1 matches, progress your account and characters, and dominate the far-off world of Shear.All content is available in-game and can be unlocked through play, for free. No buy in or box required. Evolve Stage 2 is ready for everyone.Key Features and New Features:Stage 2: We\u2019ve made improvements across-the-board including improved matchmaking, enhancements to all characters, visual improvements to maps, optimized performance, and improved player experiences. It\u2019s a free game, but it\u2019s also a much better game.4v1:Grab three friends and hunt a monster or stalk lowly humans as an ever-evolving beast. Whichever side you choose, you have access to powerful weapons and abilities that deliver balanced, competitive gameplay. Hunt Together or Die Alone: Choose a hunter that fits your play style. Whether you play as the Trapper, Support, Assault, or Medic, every role is vital and teamwork is key in surviving an encounter with the monster. Beast of Prey:As the monster \u2013 the lone predator \u2013 you are the boss battle. Use savage abilities and an animalistic sense to wreak havoc, kill the humans, and prove you are the dominant species. Savage Planet: Neither flora nor fauna are friendly on planet Shear. Fall victim to natural hazards or use them strategically against your prey. Character Customization: Level up to unlock new upgrades, skins and perks for your favorite class: hunter or monster. Earn your infamy on the leaderboards and become the apex predator", + "short_description": "Play Evolve for free with Evolve Stage 2! Evolve Stage 2 is a next-generation free multiplayer shooter featuring addictive 4v1 gameplay. One player-controlled monster must evade and outsmart a team of four uniquely skilled hunters.", + "genres": "Action", + "recommendations": 9289, + "score": 6.023180338243836 + }, + { + "type": null, + "name": "Hotline Miami 2: Wrong Number", + "detailed_description": null, + "about_the_game": null, + "short_description": null, + "genres": null, + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Broforce", + "detailed_description": "When evil threatens the world, the world calls on Broforce - an under-funded, over-powered paramilitary organization dealing exclusively in excessive force. Brace your loins with up to four players to run \u2018n\u2019 gun as dozens of different bros and eliminate the opposing terrorist forces that threaten our way of life. Unleash scores of unique weapons and set off incredible chain reactions of fire, napalm, and limbs in the name of freedom. . . The Broforce: Deliver your own brand of shock and awe with dozens of bros each with their own unique weaponry and special attacks designed to dispatch freedom across the world. Bro-Op & Deathmatch: Battle terrorism with up to four players in cooperative mode or sever ties with your bros and face each other in several bombastic competitive modes. Explosion Run: Join up with other bros to tackle these unique time attack levels under the pressure of exploding terrains and mass chaos. Fully Destructible Everything: Destructible terrain opens up a slew of strategic options while the abundance of Exploding Red Barrels of Justice\u2122 can literally level the playing field with one shot. Level Editor: Design your own playground of destruction with a robust level editor and become the envy of all the other bros by sharing them online. Browse through scores of custom user created levels and complete them to rate their Bro-ness.", + "about_the_game": "When evil threatens the world, the world calls on Broforce - an under-funded, over-powered paramilitary organization dealing exclusively in excessive force. Brace your loins with up to four players to run \u2018n\u2019 gun as dozens of different bros and eliminate the opposing terrorist forces that threaten our way of life. Unleash scores of unique weapons and set off incredible chain reactions of fire, napalm, and limbs in the name of freedom. The Broforce: Deliver your own brand of shock and awe with dozens of bros each with their own unique weaponry and special attacks designed to dispatch freedom across the world.Bro-Op & Deathmatch: Battle terrorism with up to four players in cooperative mode or sever ties with your bros and face each other in several bombastic competitive modes. Explosion Run: Join up with other bros to tackle these unique time attack levels under the pressure of exploding terrains and mass chaos.Fully Destructible Everything: Destructible terrain opens up a slew of strategic options while the abundance of Exploding Red Barrels of Justice\u2122 can literally level the playing field with one shot.Level Editor: Design your own playground of destruction with a robust level editor and become the envy of all the other bros by sharing them online. Browse through scores of custom user created levels and complete them to rate their Bro-ness.", + "short_description": "When evil threatens the world, the world calls on Broforce - an under-funded, over-powered paramilitary organization dealing exclusively in excessive force. Brace your loins with up to four players to run \u2018n\u2019 gun as dozens of different bros and eliminate the opposing terrorist forces that threaten our way of life.", + "genres": "Action", + "recommendations": 42851, + "score": 7.03101984596467 + }, + { + "type": "game", + "name": "Depth", + "detailed_description": "Play as a shark or a diver in a dark aquatic world and overcome your enemies by employing cunning, teamwork, and stealth. Depth blends tension and visceral action as you team up against AI or be matched with other players in heart pounding combat.Play as a shark. As any one of 7 shark species, speed and senses are your greatest weapons. Stalk your prey from across the ocean and tear them in half with your razor sharp teeth. Be a Great White, Tiger, Mako, Bull , Hammerhead, Thresher . or even the legendary Megalodon!Play as a diver. As a human diver you must explore the abyss in search of treasure to upgrade your arsenal. Defend yourself with a range of high powered gear, from spearguns and pistols to underwater assault rifles and explosive sea mines.Heart pounding atmosphere. Experience the dread that comes from swimming in the darkness of the ocean. Dynamic lighting and shadows create a unique and gut-wrenching atmosphere that will have you on edge from the moment you dive in.Evolve your play styleUnlock exotic new weapons for your diver, or 'evolutions' for your shark that open up new tactical possibilities as you play the game. Persistent stat tracking and meaningful steam achievements will also give you something to shoot for (in some cases, quite literally!)Practice offline with AI botsNot feeling quite ready to plunge into online play? Depth allows you to hone your skills against some alarmingly clever AI enemies who can be configured in several modes of difficulty.", + "about_the_game": "Play as a shark or a diver in a dark aquatic world and overcome your enemies by employing cunning, teamwork, and stealth. Depth blends tension and visceral action as you team up against AI or be matched with other players in heart pounding combat.Play as a sharkAs any one of 7 shark species, speed and senses are your greatest weapons. Stalk your prey from across the ocean and tear them in half with your razor sharp teeth. Be a Great White, Tiger, Mako, Bull , Hammerhead, Thresher ...... or even the legendary Megalodon!Play as a diverAs a human diver you must explore the abyss in search of treasure to upgrade your arsenal. Defend yourself with a range of high powered gear, from spearguns and pistols to underwater assault rifles and explosive sea mines.Heart pounding atmosphereExperience the dread that comes from swimming in the darkness of the ocean. Dynamic lighting and shadows create a unique and gut-wrenching atmosphere that will have you on edge from the moment you dive in.Evolve your play styleUnlock exotic new weapons for your diver, or 'evolutions' for your shark that open up new tactical possibilities as you play the game. Persistent stat tracking and meaningful steam achievements will also give you something to shoot for (in some cases, quite literally!)Practice offline with AI botsNot feeling quite ready to plunge into online play? Depth allows you to hone your skills against some alarmingly clever AI enemies who can be configured in several modes of difficulty.", + "short_description": "Play as a shark or a diver in a dark aquatic world and overcome your enemies by employing cunning, teamwork, and stealth. Depth blends tension and visceral action as you team up against AI or be matched with other players in heart pounding combat.", + "genres": "Action", + "recommendations": 23068, + "score": 6.622783524819495 + }, + { + "type": "game", + "name": "Guacamelee! Super Turbo Championship Edition", + "detailed_description": "ALSO FROM DRINKBOX STUDIOSCheck out our latest game Nobody Saves the World (available now)!. About the GameCarlos Calaca has kidnapped El Presidente's Daughter, and he plans to sacrifice her in order to merge the World of the Living with the World of the Dead. . Juan Aguacate, an agave farmer who stumbles upon a Legendary Luchador mask, must find the strength and courage to become the Hero he's always dreamed of being and put a stop to this. . Guacamelee! is a Metroidvania-style action-platformer set in a magical world inspired by traditional Mexican culture and folklore. The game features melee combat, parallel dimensions and same-screen co-op. The original Guacamelee! received wide critical acclaim and was a finalist for both IndieCade and the Independent Games Festival's Excellence in Visual Art award.Key Features. Non-Stop Fighting Action. An extensive move list, advanced combo engine, and anti-gravity grabs. Multi-dimensional Platforming. Instantly swap between the Worlds of Living and Dead to traverse impossible terrain. Combat moves double as movement, uniting platforming and fighting in a way never seen before. Diverse, detailed world containing lively towns, dark forests, flowery canals and fiery volcanoes. Drop in/out 4-Player local co-operative play, featuring independent dimension swapping. Multiple boss characters (each with unique back stories), wide range of foes, and elite-class enemies. Spectacular player abilities: The Rooster Uppercut, Frog Slam, and \u201cIntenso\u201d turbo-combat mode. Create new custom costumes and share these with others via Steam Workshop. Steam leaderboards, achievements and trading cards, support for multiple save slots, persistent cross-save-game costume unlocks. Chickens. Lots and lots of chickens. Also Included: Guacamelee! Gold Edition!. The original Guacamelee! Gold experience is also included with this purchase! Guac Gold was the first version of Guacamelee! to be released on Steam, before we added the extra powers, levels, enemies, gameplay and graphics enhancements that defined Guac STCE. Click here to find out more.", + "about_the_game": "Carlos Calaca has kidnapped El Presidente's Daughter, and he plans to sacrifice her in order to merge the World of the Living with the World of the Dead.Juan Aguacate, an agave farmer who stumbles upon a Legendary Luchador mask, must find the strength and courage to become the Hero he's always dreamed of being and put a stop to this.Guacamelee! is a Metroidvania-style action-platformer set in a magical world inspired by traditional Mexican culture and folklore. The game features melee combat, parallel dimensions and same-screen co-op. The original Guacamelee! received wide critical acclaim and was a finalist for both IndieCade and the Independent Games Festival's Excellence in Visual Art award.Key FeaturesNon-Stop Fighting Action. An extensive move list, advanced combo engine, and anti-gravity grabsMulti-dimensional Platforming. Instantly swap between the Worlds of Living and Dead to traverse impossible terrainCombat moves double as movement, uniting platforming and fighting in a way never seen beforeDiverse, detailed world containing lively towns, dark forests, flowery canals and fiery volcanoesDrop in/out 4-Player local co-operative play, featuring independent dimension swappingMultiple boss characters (each with unique back stories), wide range of foes, and elite-class enemiesSpectacular player abilities: The Rooster Uppercut, Frog Slam, and \u201cIntenso\u201d turbo-combat modeCreate new custom costumes and share these with others via Steam WorkshopSteam leaderboards, achievements and trading cards, support for multiple save slots, persistent cross-save-game costume unlocksChickens. Lots and lots of chickens.Also Included: Guacamelee! Gold Edition!The original Guacamelee! Gold experience is also included with this purchase! Guac Gold was the first version of Guacamelee! to be released on Steam, before we added the extra powers, levels, enemies, gameplay and graphics enhancements that defined Guac STCE. Click here to find out more.", + "short_description": "The definitive version of the smash hit Metroidvania-style action-platformer, Guacamelee! STCE adds new levels, powers, challenges and refinements to the sprawling, ridiculous, Mexican-inspired adventure of the original Guacamelee! Gold Edition.", + "genres": "Action", + "recommendations": 2169, + "score": 5.064520938611113 + }, + { + "type": "game", + "name": "No Man's Sky", + "detailed_description": "Inspired by the adventure and imagination that we love from classic science-fiction, No Man's Sky presents you with a galaxy to explore, filled with unique planets and lifeforms, and constant danger and action. . In No Man's Sky, every star is the light of a distant sun, each orbited by planets filled with life, and you can go to any of them you choose. Fly smoothly from deep space to planetary surfaces, with no loading screens, and no limits. In this infinite procedurally generated universe, you'll discover places and creatures that no other players have seen before - and perhaps never will again.Now including. Play with all major updates since launch: Foundation, Pathfinder, Atlas Rises, NEXT, The Abyss, Visions, the 2.0 BEYOND update, Synthesis, Living Ship, Exo Mech, Desolation and the 3.0 update, ORIGINS, Next Generation, Companions, Expeditions, Prisms, Frontiers, Sentinel, Outlaws, Endurance, Waypoint (4.0), Fractal and Interceptor. . Available for PC and Mac (see recommended and minimum specs for details). . An epic voyage to the centre of a shared universe awaits, allowing you to explore, trade, fight and survive alone or with friends.Embark on an epic voyageAt the centre of the galaxy lies a irresistible pulse which draws you on a journey towards it to learn the true nature of the cosmos. But, facing hostile creatures and fierce pirates, you'll know that death comes at a cost, and survival will be down to the choices you make over how you upgrade your ship, your weapon and suit.Find your own destinyYour voyage through No Man's Sky is up to you. Will you be a fighter, preying on the weak and taking their riches, or taking out pirates for their bounties? Power is yours if you upgrade your ship for speed and weaponry. . Or a trader? Find rich resources on forgotten worlds and exploit them for the highest prices. Invest in more cargo space and you'll reap huge rewards. . Or perhaps an explorer? Go beyond the known frontier and discover places and things that no one has ever seen before. Upgrade your engines to jump ever farther, and strengthen your suit for survival in toxic environments that would kill the unwary.Share your journeyThe galaxy is a living, breathing place. Trade convoys travel between stars, factions vie for territory, pirates hunt the unwary, and the police are ever watching. Every other player lives in the same galaxy, and you can choose to share your discoveries with them on a map that spans known space. Perhaps you will see the results of their actions as well as your own.", + "about_the_game": "Inspired by the adventure and imagination that we love from classic science-fiction, No Man's Sky presents you with a galaxy to explore, filled with unique planets and lifeforms, and constant danger and action.In No Man's Sky, every star is the light of a distant sun, each orbited by planets filled with life, and you can go to any of them you choose. Fly smoothly from deep space to planetary surfaces, with no loading screens, and no limits. In this infinite procedurally generated universe, you'll discover places and creatures that no other players have seen before - and perhaps never will again.Now including...Play with all major updates since launch: Foundation, Pathfinder, Atlas Rises, NEXT, The Abyss, Visions, the 2.0 BEYOND update, Synthesis, Living Ship, Exo Mech, Desolation and the 3.0 update, ORIGINS, Next Generation, Companions, Expeditions, Prisms, Frontiers, Sentinel, Outlaws, Endurance, Waypoint (4.0), Fractal and Interceptor.Available for PC and Mac (see recommended and minimum specs for details).An epic voyage to the centre of a shared universe awaits, allowing you to explore, trade, fight and survive alone or with friends.Embark on an epic voyageAt the centre of the galaxy lies a irresistible pulse which draws you on a journey towards it to learn the true nature of the cosmos. But, facing hostile creatures and fierce pirates, you'll know that death comes at a cost, and survival will be down to the choices you make over how you upgrade your ship, your weapon and suit.Find your own destinyYour voyage through No Man's Sky is up to you. Will you be a fighter, preying on the weak and taking their riches, or taking out pirates for their bounties? Power is yours if you upgrade your ship for speed and weaponry.Or a trader? Find rich resources on forgotten worlds and exploit them for the highest prices. Invest in more cargo space and you'll reap huge rewards.Or perhaps an explorer? Go beyond the known frontier and discover places and things that no one has ever seen before. Upgrade your engines to jump ever farther, and strengthen your suit for survival in toxic environments that would kill the unwary.Share your journeyThe galaxy is a living, breathing place. Trade convoys travel between stars, factions vie for territory, pirates hunt the unwary, and the police are ever watching. Every other player lives in the same galaxy, and you can choose to share your discoveries with them on a map that spans known space. Perhaps you will see the results of their actions as well as your own...", + "short_description": "No Man's Sky is a game about exploration and survival in an infinite procedurally generated universe.", + "genres": "Action", + "recommendations": 206648, + "score": 8.068165819286255 + }, + { + "type": "game", + "name": "DYNASTY WARRIORS 8: Xtreme Legends Complete Edition", + "detailed_description": "NOTICEFor text displayed within the game, you can select any of the following languages:. - English. - French. - German. - Chinese (Traditional). - Chinese (Simplified). - Japanese. How to select the display language. 1. From your game library, right-click the game title, and then select Properties. 2. After selecting the LANGUAGE tab, select the language you want to use from the menu. * Select \"ENGLISH\" here if you want to play in \"GERMAN\" or \"FRENCH\". 3. After selecting the PLAY button, from Configuration, launch the configuration tool. 4. If a language configuration item exists within the tool, select the language you want play in. . Concerning save data, note that data is separated into the following 3 groups:. - English, French, German. - Chinese (Traditional), Chinese (Simplified). - Japanese. The truly ultimate \"WARRIORS OROCHI 3\" is now available on Steam! About the Game\"Dynasty Warriors 8: Xtreme Legends\" introduces entirely new levels of fun to the refreshing gameplay vanquishing swarms of enemies with mighty warriors found in \"Dynasty Warriors 8.\" In story mode, where you can immerse yourself in the vivid tales of the Romance of the Three Kingdoms, it is now possible to play as the mighty warrior \"Lu Bu,\" and embark on a journey that depicts his way of life. Additionally, many new hypothetical scenarios to existing Romance of the Three Kingdoms battles have been added, as well as new playable characters, weapons types, growth/speedrun elements, and more! What's more, a revamped Ambition Mode and completely new Challenge Mode offer whole new ways to enjoy the \"Dynasty Warriors 8\" universe.", + "about_the_game": "\"Dynasty Warriors 8: Xtreme Legends\" introduces entirely new levels of fun to the refreshing gameplay vanquishing swarms of enemies with mighty warriors found in \"Dynasty Warriors 8.\" In story mode, where you can immerse yourself in the vivid tales of the Romance of the Three Kingdoms, it is now possible to play as the mighty warrior \"Lu Bu,\" and embark on a journey that depicts his way of life. Additionally, many new hypothetical scenarios to existing Romance of the Three Kingdoms battles have been added, as well as new playable characters, weapons types, growth/speedrun elements, and more! What's more, a revamped Ambition Mode and completely new Challenge Mode offer whole new ways to enjoy the \"Dynasty Warriors 8\" universe.", + "short_description": ""Dynasty Warriors 8: Xtreme Legends" introduces entirely new levels of fun to the refreshing gameplay vanquishing swarms of enemies with mighty warriors found in "Dynasty Warriors 8."", + "genres": "Action", + "recommendations": 10135, + "score": 6.080635434217973 + }, + { + "type": "game", + "name": "A Story About My Uncle", + "detailed_description": "A Story About My Uncle is a first person platforming adventure game about a boy who searches for his lost uncle, and ends up in a world he couldn\u2019t imagine existed. Take help of your uncle\u2019s mysterious inventions that let you jump incredibly high and far through beautiful scenery, uncover clues to your uncle\u2019s whereabouts, and meet fantastical creatures that will help you on your journey. . The movement in A Story About My Uncle is a crucial part of its core gameplay \u2013 focusing on swinging through the world with a grappling hook that gives the player a wonderful sense of speed and freedom. Soar through a game world with a unique art style and a mysterious story that unravels before you.Key featuresGrappling hook: An empowering mechanic that gives you a sensation of speed, flow and vertigo like you\u2019ve never experienced before. . Explore the world: Visit a wonderful and exciting world - from paradisal caves, to lost civilizations and harsh, mystical landscapes. . Emphasis on story: While searching for your uncle you will meet creatures with stories and fates of their own. Take your time to explore the world to dig deeper into the narrative. . Non-violent: A Story About My Uncle is a First Person game, but it is driven by non-violent gameplay and a heavy emphasis on story and atmosphere.", + "about_the_game": "A Story About My Uncle is a first person platforming adventure game about a boy who searches for his lost uncle, and ends up in a world he couldn\u2019t imagine existed. Take help of your uncle\u2019s mysterious inventions that let you jump incredibly high and far through beautiful scenery, uncover clues to your uncle\u2019s whereabouts, and meet fantastical creatures that will help you on your journey. The movement in A Story About My Uncle is a crucial part of its core gameplay \u2013 focusing on swinging through the world with a grappling hook that gives the player a wonderful sense of speed and freedom. Soar through a game world with a unique art style and a mysterious story that unravels before you.Key featuresGrappling hook: An empowering mechanic that gives you a sensation of speed, flow and vertigo like you\u2019ve never experienced before. Explore the world: Visit a wonderful and exciting world - from paradisal caves, to lost civilizations and harsh, mystical landscapes. Emphasis on story: While searching for your uncle you will meet creatures with stories and fates of their own. Take your time to explore the world to dig deeper into the narrative. Non-violent: A Story About My Uncle is a First Person game, but it is driven by non-violent gameplay and a heavy emphasis on story and atmosphere.", + "short_description": "A Story About My Uncle is a first person platforming adventure game about a boy who searches for his lost uncle, and ends up in a world he couldn\u2019t imagine existed. The movement is a crucial part of the games core gameplay \u2013 focusing on swinging through the world with a grappling hook that gives the player a wonderful sense of speed and...", + "genres": "Adventure", + "recommendations": 11817, + "score": 6.181847207523763 + }, + { + "type": "game", + "name": "The I of the Dragon", + "detailed_description": "THE DRAGON'S LEGACY. The world of Nimoa is as beautiful as the morning dew, but only at first glance. Under the surface of hills and fertile valleys lurks an old and eternal evil. Living as a mould, stretching threads through an infected area like deadly toadstools. The center of this \"being?\" deep in the under world is the giant daemon, Skarborr.GAMEPLAYYou, the player, take the role of the young, inexperienced dragon. In the role of the savior of Nimoa you move through the skies and faces all the challenges of the evil Skarborr. At the beginning of the game the player has the choice of three dragons: Annoth The Fire Breather, Barroth the magician and Morrogh The Necromancer. All three are different and all three have their own ways of dealing with the great many adversaries you will meet. You also develop the dragon's combat abilities throughout the game to deal with the increasingly tough and resilient enemies, until you meet and conquer Skarborr himself. . That is not all, you will also need to control other characters and complete important tasks on the path to overall victory: a warlord and his steed on a potentially fatal fact finding mission, the thoroughly competent hunter on a mission of delicate accuracy and selective killing and the three huge creatures and their riders in an attempt to destroy magical generators keeping the dragons away from the next big fight. . Through 12 enormous and differing geographical areas the task is not only to hunt and destroy despicable monsters, but to build, maintain and defend human settlements. A dragon's individual character, breathtakingly fluid graphics and addictively exhausting aerial combat bring you many hours of sometimes sweat generating gameplay. . You will also fall under the spell of \"The I of the Dragon\" with its mystical atmosphere, impressive sunrises and colorful but ominous sunsets, for who knows what the night will bring.FEATURESA choice of three dragons each with its own abilities, based on fire, ice and acid, developing either into a battle, wizard or sniper dragon. There are no limits to the possibilities. 12 unique territories representing various geographical areas: mountains desserts, forests and savanna etc. Each map has over 10 square kilometers to cover. More than 60 spells with special effects available to each dragon. Real time Terra-Forming allows complete mountain ranges disappear and reappear in another location. Static and real-time lighting ensure the correct lighting conditions to every day and night cycle. Fascinating sunsets and a night sky full of stars await you. The Time Control-Option makes it possible to adjust \"The I of The Dragon\" to your own speed. Slow motion mode with a fascinating effect.", + "about_the_game": "THE DRAGON'S LEGACYThe world of Nimoa is as beautiful as the morning dew, but only at first glance. Under the surface of hills and fertile valleys lurks an old and eternal evil. Living as a mould, stretching threads through an infected area like deadly toadstools. The center of this \"being?\" deep in the under world is the giant daemon, Skarborr.GAMEPLAYYou, the player, take the role of the young, inexperienced dragon. In the role of the savior of Nimoa you move through the skies and faces all the challenges of the evil Skarborr. At the beginning of the game the player has the choice of three dragons: Annoth The Fire Breather, Barroth the magician and Morrogh The Necromancer. All three are different and all three have their own ways of dealing with the great many adversaries you will meet. You also develop the dragon's combat abilities throughout the game to deal with the increasingly tough and resilient enemies, until you meet and conquer Skarborr himself.That is not all, you will also need to control other characters and complete important tasks on the path to overall victory: a warlord and his steed on a potentially fatal fact finding mission, the thoroughly competent hunter on a mission of delicate accuracy and selective killing and the three huge creatures and their riders in an attempt to destroy magical generators keeping the dragons away from the next big fight.Through 12 enormous and differing geographical areas the task is not only to hunt and destroy despicable monsters, but to build, maintain and defend human settlements. A dragon's individual character, breathtakingly fluid graphics and addictively exhausting aerial combat bring you many hours of sometimes sweat generating gameplay.You will also fall under the spell of \"The I of the Dragon\" with its mystical atmosphere, impressive sunrises and colorful but ominous sunsets, for who knows what the night will bring.FEATURESA choice of three dragons each with its own abilities, based on fire, ice and acid, developing either into a battle, wizard or sniper dragon. There are no limits to the possibilities12 unique territories representing various geographical areas: mountains desserts, forests and savanna etc. Each map has over 10 square kilometers to coverMore than 60 spells with special effects available to each dragonReal time Terra-Forming allows complete mountain ranges disappear and reappear in another locationStatic and real-time lighting ensure the correct lighting conditions to every day and night cycleFascinating sunsets and a night sky full of stars await youThe Time Control-Option makes it possible to adjust \"The I of The Dragon\" to your own speedSlow motion mode with a fascinating effect", + "short_description": "The world of Nimoa is as beautiful as the morning dew, but only at first glance. Under the surface of hills and fertile valleys lurks an old and eternal evil. Living as a mould, stretching threads through an infected area like deadly toadstools. The center of this "being?" deep in the under world is the giant daemon, Skarborr.", + "genres": "RPG", + "recommendations": 361, + "score": 3.88394710710968 + }, + { + "type": "game", + "name": "Creativerse", + "detailed_description": "Check Out Playful's 3D Platformer About the GameGo on an adventure into the uncharted depths of creativity!. Creativerse is one of the best-rated sandbox adventure/building games on Steam. The Definitive Edition is the culmination of 8 years of development and everything our players love about the game in a new pay-once-play-forever package (i.e. no longer free-to-play). Join the millions of players across the globe who choose Creativerse!An enormous, reactive worldBegin your journey in your own private world, with a horizon stretching for days in every direction. Discover exotic biomes, strange creatures that fight back, mysterious caverns full of hazardous substratum, raw materials, and rare treasures. Survival will not be easy. at first.Become a powerful CreatorGain mastery over your world through mining, hunting, crafting, cooking, farming, and the power to transform the land. Realize your creative potential as you dig deeper, build higher, learn hundreds of recipes, unlock powerful tools, and engineer mechanical marvels. Your options for reshaping your world are nearly limitless!Next-gen sandbox buildingGo beyond the traditional, often painstaking sandbox experience with advanced tools, such as Blueprints\u2014player-created structures with step-by-step building instructions. Advanced machines like logic gates, sensors, math blocks, and more allow you to bring your creations to life. Creator Mode allows you to bypass the adventure loop to get straight to building. And fully rotatable and paintable blocks let you customize every last detail of your world.A vibrant, creative communityPlay solo. Or invite your friends to join you in your private world. Or join a public world and take on the journey with new friends. Regular community activities and seasonal events, as well as an active community on the forums and discord, keep things fresh.Continually updated by a passionate dev teamDeveloped with care by a team that listens to player feedback and regularly updates the game with new features and content. Join our discord server and share your feedback!.", + "about_the_game": "Go on an adventure into the uncharted depths of creativity!Creativerse is one of the best-rated sandbox adventure/building games on Steam. The Definitive Edition is the culmination of 8 years of development and everything our players love about the game in a new pay-once-play-forever package (i.e. no longer free-to-play). Join the millions of players across the globe who choose Creativerse!An enormous, reactive worldBegin your journey in your own private world, with a horizon stretching for days in every direction. Discover exotic biomes, strange creatures that fight back, mysterious caverns full of hazardous substratum, raw materials, and rare treasures. Survival will not be easy...at first.Become a powerful CreatorGain mastery over your world through mining, hunting, crafting, cooking, farming, and the power to transform the land. Realize your creative potential as you dig deeper, build higher, learn hundreds of recipes, unlock powerful tools, and engineer mechanical marvels. Your options for reshaping your world are nearly limitless!Next-gen sandbox buildingGo beyond the traditional, often painstaking sandbox experience with advanced tools, such as Blueprints\u2014player-created structures with step-by-step building instructions. Advanced machines like logic gates, sensors, math blocks, and more allow you to bring your creations to life. Creator Mode allows you to bypass the adventure loop to get straight to building. And fully rotatable and paintable blocks let you customize every last detail of your world.A vibrant, creative communityPlay solo. Or invite your friends to join you in your private world. Or join a public world and take on the journey with new friends. Regular community activities and seasonal events, as well as an active community on the forums and discord, keep things fresh.Continually updated by a passionate dev teamDeveloped with care by a team that listens to player feedback and regularly updates the game with new features and content. Join our discord server and share your feedback!", + "short_description": "A sandbox adventure game as big as your imagination.", + "genres": "Action", + "recommendations": 2374, + "score": 5.124029785575318 + }, + { + "type": "game", + "name": "Stellaris", + "detailed_description": "Featured DLC Galaxy Edition. . Stellaris Galaxy Edition includes:DIGITAL ORIGINAL SOUNDTRACKThe Stellaris soundtrack delivers two and a half hours of original music, including bonus tracks and alternate versions not included in the game. Composed by Andreas Waldetoft with appearances by the Brandenburg State Orchestra and Mia Stegmar, listeners will hear themes meant to evoke discovery and far-reaching exploration through the vast expanse of space through the fusion of orchestral and electronic music. MP3 and lossless FLAC are included.EXCLUSIVE ALIEN RACE (COSMETIC DLC)Colonize the unknown and build a glorious spider empire! An exclusive alien race will be added to your game with a unique arachnid design. When your friends ask how you obtained these new spacefaring spiders, be sure to tell them you found the deal on the web.DIGITAL COLLECTOR'S BOOK Join the creative team behind Stellaris to learn how the game's aesthetic was designed and realized for Paradox's most visually unique game to date. From concept art all the way through full illustrations and 3D renderings, this exclusive 130-page book includes a collection of game art unavailable anywhere else -- along with insight into the thoughts and research that drove these designs, the problems the team faced along the way, and the ways they finally brought these visuals to life.STELLARIS INFINITE FRONTIER NOVEL BY STEVEN SAVILE (ebook)From best-selling author, Steven Savile comes an original novel based on the science-fiction setting of Paradox's Stellaris. When the Commonwealth of Man receives proof that they are not alone in the universe, humanity is divided: should our species seek salvation in potential friends among the stars, or prepare for an inevitable war? What discoveries await the colony ship as they journey into the unknown to find the source of a mysterious alien signal? Download and read on epub, mobi (Kindle) and PDF.EXCLUSIVE AVATAR AND GALAXY FORUM ICONShow your love for Stellaris on the Paradox Forums and other social networks.SIGNED WALLPAPERPay your respects to the pioneers who ventured forth into the unknown with this desktop wallpaper signed by the Stellaris development team. About the GameGet ready to explore, discover and interact with a multitude of species as you journey among the stars. Forge a galactic empire by sending out science ships to survey and explore, while construction ships build stations around newly discovered planets. Discover buried treasures and galactic wonders as you spin a direction for your society, creating limitations and evolutions for your explorers. Alliances will form and wars will be declared. . Like all our Grand Strategy games, the adventure evolves with time. Because free updates are a part of any active Paradox game, you can continue to grow and expand your empire with new technologies and capabilities. What will you find beyond the stars? Only you can answer that. . DEEP AND VARIED EXPLORATIONEvery game begins with a civilization that has just discovered the means to travel between stars and is ready to explore the galaxy. Have your science ships survey and explore anomalies, leading you into a myriad of quests, introducing strange worlds with even stranger stories and discoveries that may completely change your outcome. . . STUNNING SPACE VISUALSWith characteristically complex unique planets and celestial bodies, you will enter a whirlwind of spectacles in a highly detailed universe. . . INFINITE VARIATION OF SPECIES AND ADVANCED DIPLOMACYThrough customization and procedural generation, you will encounter infinitely varied races. Choose positive or negative traits, specific ideologies, limitations, evolutions or anything you can imagine. Interact with others through the advanced diplomacy system. Diplomacy is key in a proper grand strategy adventure. Adjust your strategy to your situation through negotiation and skill. . . INTERSTELLAR WARFAREAn eternal cycle of war, diplomacy, suspicions and alliances await you. Defend or attack with fully customizable war fleets, where adaptation is the key to victory. Choose from an array of complex technologies when designing and customizing your ships with the complex ship designer. You have a multitude of capabilities to choose from to meet the unknown quests that await. . . ENORMOUS PROCEDURAL GALAXIESGrow and expand your empire with thousands of randomly generated planet types, galaxies, quests and monsters lurking in space. . . PLAY THE WAY YOU WANTCustomize your Empire! The characters you choose, be it a murderous mushroom society or an engineering reptile race, can be customized with traits like ethics, type of technology, form of preferred space travel, type of habitat, philosophies and more. The direction of the game is based on your choices.FREE UPDATE HISTORY", + "about_the_game": "Get ready to explore, discover and interact with a multitude of species as you journey among the stars. Forge a galactic empire by sending out science ships to survey and explore, while construction ships build stations around newly discovered planets. Discover buried treasures and galactic wonders as you spin a direction for your society, creating limitations and evolutions for your explorers. Alliances will form and wars will be declared. Like all our Grand Strategy games, the adventure evolves with time. Because free updates are a part of any active Paradox game, you can continue to grow and expand your empire with new technologies and capabilities. What will you find beyond the stars? Only you can answer that.DEEP AND VARIED EXPLORATIONEvery game begins with a civilization that has just discovered the means to travel between stars and is ready to explore the galaxy. Have your science ships survey and explore anomalies, leading you into a myriad of quests, introducing strange worlds with even stranger stories and discoveries that may completely change your outcome.STUNNING SPACE VISUALSWith characteristically complex unique planets and celestial bodies, you will enter a whirlwind of spectacles in a highly detailed universe.INFINITE VARIATION OF SPECIES AND ADVANCED DIPLOMACYThrough customization and procedural generation, you will encounter infinitely varied races. Choose positive or negative traits, specific ideologies, limitations, evolutions or anything you can imagine. Interact with others through the advanced diplomacy system. Diplomacy is key in a proper grand strategy adventure. Adjust your strategy to your situation through negotiation and skill. INTERSTELLAR WARFAREAn eternal cycle of war, diplomacy, suspicions and alliances await you. Defend or attack with fully customizable war fleets, where adaptation is the key to victory. Choose from an array of complex technologies when designing and customizing your ships with the complex ship designer. You have a multitude of capabilities to choose from to meet the unknown quests that await.ENORMOUS PROCEDURAL GALAXIESGrow and expand your empire with thousands of randomly generated planet types, galaxies, quests and monsters lurking in space.PLAY THE WAY YOU WANTCustomize your Empire! The characters you choose, be it a murderous mushroom society or an engineering reptile race, can be customized with traits like ethics, type of technology, form of preferred space travel, type of habitat, philosophies and more. The direction of the game is based on your choices.FREE UPDATE HISTORY", + "short_description": "Explore a galaxy full of wonders in this sci-fi grand strategy game from Paradox Development Studios. Interact with diverse alien races, discover strange new worlds with unexpected events and expand the reach of your empire. Each new adventure holds almost limitless possibilities.", + "genres": "Simulation", + "recommendations": 106788, + "score": 7.632964243786637 + }, + { + "type": "game", + "name": "This War of Mine", + "detailed_description": "DISCOVER THE UPCOMING GAMES About the GameRecently updated with This War of Mine: Final Cut!. This War of Mine: Final Cut is the conclusive, remastered edition of the game that contains all the updates and free expansions released so far and introduces not only a new scenario but also expands all scenarios with the locations known from Stories DLCs - even if you don\u2019t own those. In short words - that means you can now experience lots of never-seen-before playthroughs and struggle with new challenges. . . It has been a long road. However, all stories must come to an end. . This War of Mine has been giving you a thrilling experience of living through the war as a civilian for five years since its release. Numerous updates and expansions have broadened the experience and filled it with more shades and tonalities of hard civilian existence during wartime. Now, honoring the 5th anniversary of the original release, 11 bit studios proudly presents to you This War of Mine: Final Cut. . This War of Mine: Final Cut contains all the updates and free expansions released so far and introduces not only a new scenario but also expands all scenarios with the locations known from Stories DLCs - even if you don\u2019t own those. In short words - that means you can now experience lots of never-seen-before playthroughs and struggle with new challenges.Major changes and new content:One new classic scenario. All locations from TWoM Stories added to the original game. New quests and Events on Stories locations. Remastered versions of all the classic locations. A brand-new character. Vanilla version of the game. Minor changes and tweaks:64bit and 32bit version. 21:9 aspect ratio support. 4k UI adjustments. new main menu. additional smaller bugfixes and tweaks. To launch the Vanilla version of This War of Mine:Right-click on the game in your Steam Library. . Go to Properties -> Betas. . From the drop-down list, choose vanilla - This War of Mine: Original Release 1.0. Close the window and update the game. This War of Mine: Final Cut marks an end of an era for 11 bit studios, so let\u2019s hear what the art director Przemyslaw Marszal, the person who created the unique style of This War of Mine, has to say: \u201cWe wanted to put the last touch to this phenomenon. The phenomenon, which made us who we are today as a team, equally in terms of creative fearlessness and business direction, and helped us pave our further way. Fantastic support from the gaming community was a huge part of that success, so it was without any doubt that this update must be free. We think of the Final Cut as a closing episode to the one-of-a-kind series This War of Mine has been. It will remain precious to our hearts and I don\u2019t know what ideas the future will bring but Final Cut is final by no means. The creative minds in our studio, who were with the game up to this point, started to pursue new challenges. So we're excited about what's coming.\u201d. ABOUT THIS WAR OF MINE:. . In This War Of Mine you do not play as an elite soldier, rather a group of civilians trying to survive in a besieged city; struggling with lack of food, medicine and constant danger from snipers and hostile scavengers. The game provides an experience of war seen from an entirely new angle. . The pace of This War of Mine is imposed by the day and night cycle. During the day snipers outside stop you from leaving your refuge, so you need to focus on maintaining your hideout: crafting, trading and taking care of your survivors. At night, take one of your civilians on a mission to scavenge through a set of unique locations for items that will help you stay alive. . Make life-and-death decisions driven by your conscience. Try to protect everybody from your shelter or sacrifice some of them for longer-term survival. During war, there are no good or bad decisions; there is only survival. The sooner you realize that, the better. . This War of Mine - main features:Inspired by real-life events. Control your survivors and manage your shelter. Craft weapons, alcohol, beds or stoves \u2013 anything that helps you survive. Make decisions - an often unforgiving and emotionally difficult experience. Randomized world and characters every time you start a new game. Charcoal-stylized aesthetics to complement the game's theme. The universe of This War of Mine has been expanded by following DLCs:The Little Ones - explores the hardships of wartime survival as seen from an entirely new perspective - that of a child. . This War of Mine: Anniversary Edition - this free DLC, created especially for the 2nd Anniversary of the game, adds new characters, new locations to explore, and most importantly - a whole new ending, leading to a different outcome to the game. The dilemma though remains the same \u2013 how far will you go, to protect the ones you care about?. This War of Mine: Stories DLCs:Episode 1: The Father's Promise \u2013 a heartbreaking tale of loss and hope in a war-torn city. Episode 2: The Last Broadcast \u2013 where, as a radio operator, you are going to face moral dilemmas and decide, whether there is a price too high for the truth. Episode 3: Fading Embers \u2013 portrays a story of Anja living in a warzone and carrying a heavy burden as she has to answer to herself what is more important - survival of human legacy or the survival of a man. .", + "about_the_game": "Recently updated with This War of Mine: Final Cut!This War of Mine: Final Cut is the conclusive, remastered edition of the game that contains all the updates and free expansions released so far and introduces not only a new scenario but also expands all scenarios with the locations known from Stories DLCs - even if you don\u2019t own those. In short words - that means you can now experience lots of never-seen-before playthroughs and struggle with new challenges.It has been a long road. However, all stories must come to an end.This War of Mine has been giving you a thrilling experience of living through the war as a civilian for five years since its release. Numerous updates and expansions have broadened the experience and filled it with more shades and tonalities of hard civilian existence during wartime. Now, honoring the 5th anniversary of the original release, 11 bit studios proudly presents to you This War of Mine: Final Cut.This War of Mine: Final Cut contains all the updates and free expansions released so far and introduces not only a new scenario but also expands all scenarios with the locations known from Stories DLCs - even if you don\u2019t own those. In short words - that means you can now experience lots of never-seen-before playthroughs and struggle with new challenges.Major changes and new content:One new classic scenarioAll locations from TWoM Stories added to the original gameNew quests and Events on Stories locationsRemastered versions of all the classic locationsA brand-new characterVanilla version of the gameMinor changes and tweaks:64bit and 32bit version21:9 aspect ratio support4k UI adjustmentsnew main menuadditional smaller bugfixes and tweaksTo launch the Vanilla version of This War of Mine:Right-click on the game in your Steam Library.Go to Properties -> Betas.From the drop-down list, choose vanilla - This War of Mine: Original Release 1.0Close the window and update the gameThis War of Mine: Final Cut marks an end of an era for 11 bit studios, so let\u2019s hear what the art director Przemyslaw Marszal, the person who created the unique style of This War of Mine, has to say: \u201cWe wanted to put the last touch to this phenomenon. The phenomenon, which made us who we are today as a team, equally in terms of creative fearlessness and business direction, and helped us pave our further way. Fantastic support from the gaming community was a huge part of that success, so it was without any doubt that this update must be free. We think of the Final Cut as a closing episode to the one-of-a-kind series This War of Mine has been. It will remain precious to our hearts and I don\u2019t know what ideas the future will bring but Final Cut is final by no means. The creative minds in our studio, who were with the game up to this point, started to pursue new challenges. So we're excited about what's coming.\u201dABOUT THIS WAR OF MINE:In This War Of Mine you do not play as an elite soldier, rather a group of civilians trying to survive in a besieged city; struggling with lack of food, medicine and constant danger from snipers and hostile scavengers. The game provides an experience of war seen from an entirely new angle.The pace of This War of Mine is imposed by the day and night cycle. During the day snipers outside stop you from leaving your refuge, so you need to focus on maintaining your hideout: crafting, trading and taking care of your survivors. At night, take one of your civilians on a mission to scavenge through a set of unique locations for items that will help you stay alive.Make life-and-death decisions driven by your conscience. Try to protect everybody from your shelter or sacrifice some of them for longer-term survival. During war, there are no good or bad decisions; there is only survival. The sooner you realize that, the better.This War of Mine - main features:Inspired by real-life eventsControl your survivors and manage your shelterCraft weapons, alcohol, beds or stoves \u2013 anything that helps you surviveMake decisions - an often unforgiving and emotionally difficult experienceRandomized world and characters every time you start a new gameCharcoal-stylized aesthetics to complement the game's themeThe universe of This War of Mine has been expanded by following DLCs:The Little Ones - explores the hardships of wartime survival as seen from an entirely new perspective - that of a child.This War of Mine: Anniversary Edition - this free DLC, created especially for the 2nd Anniversary of the game, adds new characters, new locations to explore, and most importantly - a whole new ending, leading to a different outcome to the game. The dilemma though remains the same \u2013 how far will you go, to protect the ones you care about?This War of Mine: Stories DLCs:Episode 1: The Father's Promise \u2013 a heartbreaking tale of loss and hope in a war-torn cityEpisode 2: The Last Broadcast \u2013 where, as a radio operator, you are going to face moral dilemmas and decide, whether there is a price too high for the truthEpisode 3: Fading Embers \u2013 portrays a story of Anja living in a warzone and carrying a heavy burden as she has to answer to herself what is more important - survival of human legacy or the survival of a man", + "short_description": "In This War Of Mine you do not play as an elite soldier, rather a group of civilians trying to survive in a besieged city; struggling with lack of food, medicine and constant danger from snipers and hostile scavengers. The game provides an experience of war seen from an entirely new angle.", + "genres": "Adventure", + "recommendations": 77988, + "score": 7.425776816901546 + }, + { + "type": "game", + "name": "SOMA", + "detailed_description": "Frictional Games About the GameSOMA is a sci-fi horror game from Frictional Games, the creators of Amnesia: The Dark Descent. It is an unsettling story about identity, consciousness, and what it means to be human. . The radio is dead, food is running out, and the machines have started to think they are people. Underwater facility PATHOS-II has suffered an intolerable isolation and we\u2019re going to have to make some tough decisions. What can be done? What makes sense? What is left to fight for?. Enter the world of SOMA and face horrors buried deep beneath the ocean waves. Delve through locked terminals and secret documents to uncover the truth behind the chaos. Seek out the last remaining inhabitants and take part in the events that will ultimately shape the fate of the station. But be careful, danger lurks in every corner: corrupted humans, twisted creatures, insane robots, and even an inscrutable omnipresent A.I. You will need to figure out how to deal with each one of them. Just remember there\u2019s no fighting back, either you outsmart your enemies or you get ready to run.", + "about_the_game": "SOMA is a sci-fi horror game from Frictional Games, the creators of Amnesia: The Dark Descent. It is an unsettling story about identity, consciousness, and what it means to be human.\r\n\r\nThe radio is dead, food is running out, and the machines have started to think they are people. Underwater facility PATHOS-II has suffered an intolerable isolation and we\u2019re going to have to make some tough decisions. What can be done? What makes sense? What is left to fight for?\r\n\r\nEnter the world of SOMA and face horrors buried deep beneath the ocean waves. Delve through locked terminals and secret documents to uncover the truth behind the chaos. Seek out the last remaining inhabitants and take part in the events that will ultimately shape the fate of the station. But be careful, danger lurks in every corner: corrupted humans, twisted creatures, insane robots, and even an inscrutable omnipresent A.I.\r\nYou will need to figure out how to deal with each one of them. Just remember there\u2019s no fighting back, either you outsmart your enemies or you get ready to run.", + "short_description": "From the creators of Amnesia: The Dark Descent comes SOMA, a sci-fi horror game set below the waves of the Atlantic ocean. Struggle to survive a hostile world that will make you question your very existence.", + "genres": "Action", + "recommendations": 31549, + "score": 6.829177720471833 + }, + { + "type": "game", + "name": "Quake Live", + "detailed_description": "Developed in 2010 by id Software, Quake Live is a competitive, fast-paced arena FPS. In this multiplayer features-focused successor to Quake III Arena, enjoy the fast and furious action the series is known for as well as over 100 arenas developed by id Software and the community, career stats tracking and match history, and over 12 game modes. . Features . - Experience fast-paced and furious action. . - Play on over 100 arenas, including ones developed by id Software the Quake community. . - View your career stats and match history. . - Connect and compete with friends and players from around the world. . - Enjoy over 12 game modes, including Free-for-All, Duel, Team Deathmatch, Clan Arena, Capture the Flag, Domination, and more.", + "about_the_game": "Developed in 2010 by id Software, Quake Live is a competitive, fast-paced arena FPS. In this multiplayer features-focused successor to Quake III Arena, enjoy the fast and furious action the series is known for as well as over 100 arenas developed by id Software and the community, career stats tracking and match history, and over 12 game modes.\r\n\r\nFeatures \r\n\r\n- Experience fast-paced and furious action. \r\n\r\n- Play on over 100 arenas, including ones developed by id Software the Quake community. \r\n\r\n- View your career stats and match history. \r\n\r\n- Connect and compete with friends and players from around the world. \r\n\r\n- Enjoy over 12 game modes, including Free-for-All, Duel, Team Deathmatch, Clan Arena, Capture the Flag, Domination, and more.", + "short_description": "Experience the most exciting and fast-paced FPS gameplay while competing with players from around the world in over 100 arenas, a dozen game modes, and with persistent career stats tracking, in this online features-focused successor to Quake III Arena.", + "genres": "Action", + "recommendations": 3417, + "score": 5.364027744858974 + }, + { + "type": "game", + "name": "BeamNG.drive", + "detailed_description": "BeamNG.drive is an incredibly realistic driving game with near-limitless possibilities. Our soft-body physics engine simulates every component of a vehicle in real time, resulting in true-to-life behavior. With years of meticulous design, intensive research and experience, the simulation authentically recreates the excitement of real world driving. . Why is BeamNG.drive the game for you?. Soft-body physics: The BeamNG physics engine is at the core of the most detailed and authentic vehicle simulation you've ever seen in a game. Crashes feel visceral, as the game uses an incredibly accurate damage model. . . Vehicles: BeamNG.drive offers dozens of refined, totally customizable vehicles for you to experiment with. Whether it's a compact car or massive truck, you can tweak away at all the moving parts to create just about any driving experience you want. Wheels, suspension, engines, and more; everything is under your control. . . Environments: There's plenty to discover as you drive. Featuring 12 sprawling, beautiful open-world environments, the terrain feels as vast and diverse as the gameplay options. Test out your new setup through tropical jungle passages, barren deserts, urban boulevards, fast highways, and much more. . More features. Game Modes: This goes far deeper than your standard driving simulator. The range of gameplay options are exceptional, whether that's taking on a simple delivery mission or creating an entire map to test out new car builds. . . Free Roam: Don't want to feel limited? Take any vehicle to your destination of choice and start exploring. Experimentation is also key in this game mode, as objects and environmental conditions can be manipulated. Try revving up wind speeds for a challenge, or altering gravity! . Scenarios: BeamNG.drive offers loads of scenarios for every type of driving enthusiast out there. You can complete a truck delivery request as fast and efficiently as possible, or outrun police cruisers in a hot pursuit. No matter the situation, the realistic physics engine will engage and immerse you in the experience. . Time Trials: Choose a vehicle, environment, and route and put yourself to the test! Refine your skills and compete against yourself while improving your best time. . Modding and Community Content: We're proud of our vibrant community of enthusiasts that spark great conversation, while also creating interesting vehicle builds, terrains, and scenarios for others to enjoy. The modding capabilities in BeamNG.drive are vast, allowing you to customize and fine-tune just about anything. With our out-of-the-box World Editor everyone can put a twist on their in-game experience. . Automation: We've partnered with Automation - the car company tycoon game - to allow players to export their creations into BeamNG.drive. If you own Automation, it's a fairly simple process: design your custom car and engine, tailor everything to your specifications, choose the \"export\" option, start up BeamNG.drive, and you'll be able to find your latest creation in the vehicle list! . Freedom: What sets BeamNG.drive apart from other automotive games is player freedom. It\u2019s about doing nearly anything you can think of with a car or truck and seeing it play out in the most realistic way possible. With our soft-body physics engine and modding capabilities, you can come up with any scenario imaginable. It's not just about the vehicles, it's about taking advantage of the expansive and customizable open world to create the driving experience you envision. Combining industry-leading physics, endless customization, and tight-knit community means that BeamNG.drive is the most comprehensive and flat-out fun vehicle simulator you will ever play.", + "about_the_game": "BeamNG.drive is an incredibly realistic driving game with near-limitless possibilities. Our soft-body physics engine simulates every component of a vehicle in real time, resulting in true-to-life behavior. With years of meticulous design, intensive research and experience, the simulation authentically recreates the excitement of real world driving. Why is BeamNG.drive the game for you?Soft-body physics: The BeamNG physics engine is at the core of the most detailed and authentic vehicle simulation you've ever seen in a game. Crashes feel visceral, as the game uses an incredibly accurate damage model. Vehicles: BeamNG.drive offers dozens of refined, totally customizable vehicles for you to experiment with. Whether it's a compact car or massive truck, you can tweak away at all the moving parts to create just about any driving experience you want. Wheels, suspension, engines, and more; everything is under your control.Environments: There's plenty to discover as you drive. Featuring 12 sprawling, beautiful open-world environments, the terrain feels as vast and diverse as the gameplay options. Test out your new setup through tropical jungle passages, barren deserts, urban boulevards, fast highways, and much more.More featuresGame Modes: This goes far deeper than your standard driving simulator. The range of gameplay options are exceptional, whether that's taking on a simple delivery mission or creating an entire map to test out new car builds.Free Roam: Don't want to feel limited? Take any vehicle to your destination of choice and start exploring. Experimentation is also key in this game mode, as objects and environmental conditions can be manipulated. Try revving up wind speeds for a challenge, or altering gravity! Scenarios: BeamNG.drive offers loads of scenarios for every type of driving enthusiast out there. You can complete a truck delivery request as fast and efficiently as possible, or outrun police cruisers in a hot pursuit. No matter the situation, the realistic physics engine will engage and immerse you in the experience. Time Trials: Choose a vehicle, environment, and route and put yourself to the test! Refine your skills and compete against yourself while improving your best time. Modding and Community Content: We're proud of our vibrant community of enthusiasts that spark great conversation, while also creating interesting vehicle builds, terrains, and scenarios for others to enjoy. The modding capabilities in BeamNG.drive are vast, allowing you to customize and fine-tune just about anything. With our out-of-the-box World Editor everyone can put a twist on their in-game experience.Automation: We've partnered with Automation - the car company tycoon game - to allow players to export their creations into BeamNG.drive. If you own Automation, it's a fairly simple process: design your custom car and engine, tailor everything to your specifications, choose the \"export\" option, start up BeamNG.drive, and you'll be able to find your latest creation in the vehicle list! Freedom: What sets BeamNG.drive apart from other automotive games is player freedom. It\u2019s about doing nearly anything you can think of with a car or truck and seeing it play out in the most realistic way possible. With our soft-body physics engine and modding capabilities, you can come up with any scenario imaginable. It's not just about the vehicles, it's about taking advantage of the expansive and customizable open world to create the driving experience you envision. Combining industry-leading physics, endless customization, and tight-knit community means that BeamNG.drive is the most comprehensive and flat-out fun vehicle simulator you will ever play.", + "short_description": "A dynamic soft-body physics vehicle simulator capable of doing just about anything.", + "genres": "Racing", + "recommendations": 171947, + "score": 7.946979881512004 + }, + { + "type": "game", + "name": "Warhammer 40,000: Dawn of War III", + "detailed_description": "Warhammer 40,000: Dawn of War III out now for Mac OS and Linux. Review Scores. About the Game. Step into a brutal battle between three warring factions. In Dawn of War III you will have no choice but to face your foes when a catastrophic weapon is found on the mysterious world of Acheron. . With war raging and the planet under siege by the armies of greedy Ork warlord Gorgutz, ambitious Eldar seer Macha, and mighty Space Marine commander Gabriel Angelos, supremacy must ultimately be suspended for survival.UNLEASH THE GIANTS. Take control of towering war machines and tip the balance of battle in your favor with the biggest characters in Dawn of War history. Turn the tide with the mighty Imperial Knight (Space Marine), the clattering Gorkanaut (Ork), or the haunting Wraithknight (Eldar).COLOSSAL BATTLES. Dawn of War is famous for its epic action and those immense clashes are back - but now they're off-the-scale. Wage war with massive armies across violent volcanic terrain or mighty orbital Star Forts.CALL UP YOUR ELITES. Take your battle plans to another level by deploying powerful collectible elite squads, each boasting their own special abilities and bonuses that will help you unlock and develop new attacking strategies to conquer your foes.DESTRUCTIVE ABILITIES. Cause devastation on the battlefield with powerful super-abilities. Rain down total destruction on your enemies with the Space Marine's Orbital Bombardment, the Eldar's blistering Eldritch Storm or the Ork\u2019s Rokks to counter your unsuspecting rivals.THREE-FACTION CAMPAIGN. Learn what makes each force formidable through alternating missions. You'll soon come to understand the combat advantages of Space Marines, Orks, and Eldar and the rules of a universe with no heroes or villains\u2026 only war.A NEW DAWN ONLINE. Your army will wreak havoc online. Join the multiplayer community and forge new alliances - or turn the tables on your new 'friends' as they become foes in explosive, chaotic and competitive maps.ONE ARMY TO RULE. Customize your own universal army from the very first moment you are matched in a melee. Progress through battle after battle with loyal troops by your side across both challenging campaign missions and dominating multiplayer maps.", + "about_the_game": "Step into a brutal battle between three warring factionsIn Dawn of War III you will have no choice but to face your foes when a catastrophic weapon is found on the mysterious world of Acheron.With war raging and the planet under siege by the armies of greedy Ork warlord Gorgutz, ambitious Eldar seer Macha, and mighty Space Marine commander Gabriel Angelos, supremacy must ultimately be suspended for survival.UNLEASH THE GIANTSTake control of towering war machines and tip the balance of battle in your favor with the biggest characters in Dawn of War history. Turn the tide with the mighty Imperial Knight (Space Marine), the clattering Gorkanaut (Ork), or the haunting Wraithknight (Eldar).COLOSSAL BATTLESDawn of War is famous for its epic action and those immense clashes are back - but now they're off-the-scale. Wage war with massive armies across violent volcanic terrain or mighty orbital Star Forts.CALL UP YOUR ELITESTake your battle plans to another level by deploying powerful collectible elite squads, each boasting their own special abilities and bonuses that will help you unlock and develop new attacking strategies to conquer your foes.DESTRUCTIVE ABILITIESCause devastation on the battlefield with powerful super-abilities. Rain down total destruction on your enemies with the Space Marine's Orbital Bombardment, the Eldar's blistering Eldritch Storm or the Ork\u2019s Rokks to counter your unsuspecting rivals.THREE-FACTION CAMPAIGNLearn what makes each force formidable through alternating missions. You'll soon come to understand the combat advantages of Space Marines, Orks, and Eldar and the rules of a universe with no heroes or villains\u2026 only war.A NEW DAWN ONLINEYour army will wreak havoc online. Join the multiplayer community and forge new alliances - or turn the tables on your new 'friends' as they become foes in explosive, chaotic and competitive maps.ONE ARMY TO RULECustomize your own universal army from the very first moment you are matched in a melee. Progress through battle after battle with loyal troops by your side across both challenging campaign missions and dominating multiplayer maps.", + "short_description": "Step into a brutal battle between three warring factions In Dawn of War III you will have no choice but to face your foes when a catastrophic weapon is found on the mysterious world of Acheron.", + "genres": "Action", + "recommendations": 12065, + "score": 6.195537950499574 + }, + { + "type": "game", + "name": "Braveland", + "detailed_description": "CHECK OUT OUR NEW GAME! About the Game. Braveland is a turn-based game inspired by old-school strategies with hexagonal battlefield. You will start as a humble warrior's son whose village was cruelly raided and will end as talented commander of your army. . . The story will take place in a hand-drawn world and cover many interesting places and characters. Various warriors will join your army - archers, scouts, healers, footmen, arbalesters and more. . Turn-based battles in old-school style. . Command your troops and defeat enemies in hand to hand battles. . 26 various warriors and creatures from archers to golems. . Three story chapters each in unique corner of the world. . Evolve your hero, find awesome artifacts and learn battle magic. . Intense boss fights at the end of each story chapter. . Hours of gameplay with 50 battles. . High definition awesome illustrated cartoon art. . . ", + "about_the_game": "Braveland is a turn-based game inspired by old-school strategies with hexagonal battlefield. You will start as a humble warrior's son whose village was cruelly raided and will end as talented commander of your army. The story will take place in a hand-drawn world and cover many interesting places and characters. Various warriors will join your army - archers, scouts, healers, footmen, arbalesters and more.Turn-based battles in old-school style.Command your troops and defeat enemies in hand to hand battles.26 various warriors and creatures from archers to golems.Three story chapters each in unique corner of the world.Evolve your hero, find awesome artifacts and learn battle magic.Intense boss fights at the end of each story chapter.Hours of gameplay with 50 battles.High definition awesome illustrated cartoon art.", + "short_description": "Braveland is a turn-based game inspired by old-school strategies with hexagonal battlefield. You will start as a humble warrior's son whose village was cruelly raided and will end as talented commander of your army.", + "genres": "Adventure", + "recommendations": 1048, + "score": 4.585333536500586 + }, + { + "type": "game", + "name": "Gang Beasts", + "detailed_description": "Gang Beasts is a silly multiplayer party game with surly gelatinous characters, brutal slapstick fight sequences, and absurd hazardous environments, set in the mean streets of Beef City. . Customise your character and fight local and online enemies in the melee game mode or fight with friends against the gangs of Beef City in the gang game mode. . Gang Beasts is made by Boneloaf, a small independent game studio making a series of experimental multiplayer party games.", + "about_the_game": "Gang Beasts is a silly multiplayer party game with surly gelatinous characters, brutal slapstick fight sequences, and absurd hazardous environments, set in the mean streets of Beef City.\r\n \r\nCustomise your character and fight local and online enemies in the melee game mode or fight with friends against the gangs of Beef City in the gang game mode.\r\n \r\nGang Beasts is made by Boneloaf, a small independent game studio making a series of experimental multiplayer party games.", + "short_description": "Gang Beasts is a silly multiplayer party game with surly gelatinous characters, brutal slapstick fight sequences, and absurd hazardous environments, set in the mean streets of Beef City.", + "genres": "Action", + "recommendations": 40941, + "score": 7.000961680786009 + }, + { + "type": "game", + "name": "Tabletop Simulator", + "detailed_description": "VR SupportTake your tabletop gaming to a whole new level in virtual reality with the HTC Vive & Oculus Rift! And what's more, both VR and non-VR players alike can play together in the same game room!. About the GameCreate your own original games, import custom assets, automate games with scripting, set up complete RPG dungeons, manipulate the physics, create hinges & joints, and of course flip the table when you are losing the game. All with an easy to use system integrated with Steam Workshop. You can do anything you want in Tabletop Simulator. The possibilities are endless!. Endless Games. Tabletop Simulator has it all. The base game includes 15 classics like Chess, Poker, Jigsaw Puzzles, Dominoes, and Mahjong. Additionally, there are thousands of community created content on the Workshop. If you\u2019re the tabletop gaming type, we include an RPG Kit which has tilesets & furniture, as well as animated figurines that you can set up and battle with your friends, with even more options in the Chest. There\u2019s even an option for Game Masters so they can control the table!. Create Games. If you\u2019re into creativity and prototyping, you can easily create your own games by importing images onto custom boards & tables, create custom decks, import 3D models, create scripts, and much more. You can choose to upload your creations on the Steam Workshop or share them privately with your friends. . Fun For All Ages. Everyone can play Tabletop Simulator! Play a classic board game with grandma, have poker night with the guys, or start your epic RPG adventure with your crew. Play almost any tabletop game you can think of! Being a multiplayer-focused game, up to 10 players can play at any given time. . DLCs. Our downloadable content (DLCs) are different from other games, as we partner with developers and publishers to bring their games into Tabletop Simulator. Each DLC is custom created with high quality assets and special themes that match their games. And best of all, only the host needs to own the DLC for everyone at the table to play. . . Key Features:. Online sandbox with unlimited games to play how you want. . Multiplayer physics with objects that collide and interact just how you would expect. . Create your own mods easily with full Steam Workshop support and 3D model importing. . Take games to the next level with Lua scripting support. . Play just like you do in real life; pick up, rotate, shake, and throw any object. . Up to 10 people can play together on the same table. . Team system with voice and text chat. . Save & load individual objects and complete games. . Hotseat allows you to play locally on the same computer with your friends. . Browse the internet, listen to music, and watch videos in multiplayer, in-game on a tablet. . Perfect for RPGs - build your very own roleplaying dungeons with our modular tileset, RPG Kit, Multiple States and Tablet (useful for character sheets). . Great admin tools to enable or disable player permissions and to eliminate griefing in public games. . 360\u00b0 panoramic backgrounds that change the lighting and atmosphere. . Included games: Backgammon, Cards, Chess, Checkers, Chinese Checkers, Custom Board, Dice, Dominoes, Go, Jigsaw Puzzles, Mahjong, Pachisi, Piecepack, Poker, Reversi, RPG Kit, Sandbox, Solitaire, and Tablet.", + "about_the_game": "Create your own original games, import custom assets, automate games with scripting, set up complete RPG dungeons, manipulate the physics, create hinges & joints, and of course flip the table when you are losing the game. All with an easy to use system integrated with Steam Workshop. You can do anything you want in Tabletop Simulator. The possibilities are endless!Endless GamesTabletop Simulator has it all. The base game includes 15 classics like Chess, Poker, Jigsaw Puzzles, Dominoes, and Mahjong. Additionally, there are thousands of community created content on the Workshop. If you\u2019re the tabletop gaming type, we include an RPG Kit which has tilesets & furniture, as well as animated figurines that you can set up and battle with your friends, with even more options in the Chest. There\u2019s even an option for Game Masters so they can control the table!Create GamesIf you\u2019re into creativity and prototyping, you can easily create your own games by importing images onto custom boards & tables, create custom decks, import 3D models, create scripts, and much more. You can choose to upload your creations on the Steam Workshop or share them privately with your friends.Fun For All AgesEveryone can play Tabletop Simulator! Play a classic board game with grandma, have poker night with the guys, or start your epic RPG adventure with your crew. Play almost any tabletop game you can think of! Being a multiplayer-focused game, up to 10 players can play at any given time. DLCsOur downloadable content (DLCs) are different from other games, as we partner with developers and publishers to bring their games into Tabletop Simulator. Each DLC is custom created with high quality assets and special themes that match their games. And best of all, only the host needs to own the DLC for everyone at the table to play.Key Features:Online sandbox with unlimited games to play how you want.Multiplayer physics with objects that collide and interact just how you would expect. Create your own mods easily with full Steam Workshop support and 3D model importing. Take games to the next level with Lua scripting support.Play just like you do in real life; pick up, rotate, shake, and throw any object.Up to 10 people can play together on the same table.Team system with voice and text chat.Save & load individual objects and complete games.Hotseat allows you to play locally on the same computer with your friends.Browse the internet, listen to music, and watch videos in multiplayer, in-game on a tablet. Perfect for RPGs - build your very own roleplaying dungeons with our modular tileset, RPG Kit, Multiple States and Tablet (useful for character sheets). Great admin tools to enable or disable player permissions and to eliminate griefing in public games. 360\u00b0 panoramic backgrounds that change the lighting and atmosphere. Included games: Backgammon, Cards, Chess, Checkers, Chinese Checkers, Custom Board, Dice, Dominoes, Go, Jigsaw Puzzles, Mahjong, Pachisi, Piecepack, Poker, Reversi, RPG Kit, Sandbox, Solitaire, and Tablet.", + "short_description": "Tabletop Simulator is the only simulator where you can let your aggression out by flipping the table! There are no rules to follow: just you, a physics sandbox, and your friends. Make your own online board games or play the thousands of community created mods. Unlimited gaming possibilities!", + "genres": "Casual", + "recommendations": 37746, + "score": 6.94739898146522 + }, + { + "type": "game", + "name": "F1 2015", + "detailed_description": "Race like a champion in F1 2015 - get closer than ever before to the experience of racing in the world\u2019s most glamorous, exciting and prestigious motorsport. F1 2015 puts you in the heart of the action with a stunning new game engine that recreates the blisteringly fast and highly responsive racing cars of FORMULA ONE\u2122 and features all-new \u2018broadcast presentation\u2019 that immerses you in the unique race day atmosphere. F1 2015 is the official videogame of the 2015 FIA FORMULA ONE WORLD CHAMPIONSHIP\u2122 and also features fully playable 2014 FIA FORMULA ONE WORLD CHAMPIONSHIP\u2122 bonus content. Compete as your favourite FORMULA ONE star in the new Championship Season and push yourself to the limit in the challenging Pro Season mode. Hone your skills in the new Online Practice Session, and then challenge your friends and racing rivals from across the world in Online Multiplayer. . \u2022\tA STUNNING NEW GAME ENGINE \u2013 A brand new game engine, built from the ground up for the latest consoles and PCs allows players to experience FORMULA 1\u2122 in unprecedented detail. . \u2022\tTHE MOST RELEVANT FORMULA 1 GAME YET \u2013 An earlier release in the racing calendar and with free digital updates set to keep the game up to date with the sport during the season, F1 2015 brings fans the most relevant FORMULA 1 videogame ever. . \u2022 THE MOST INCLUSIVE F1 RACING EXPERIENCE EVER \u2013 Featuring a naturally authentic purely physics-based handling model with enhancements and additions in over 20 areas, F1 2015 is designed to be player inclusive for both seasoned players and those new to the series. . \u2022\tNEW GAME MODES \u2013 Immerse yourself in the new Championship Season, test yourself to the limits in Pro Season or use the new Online Practice Session to hone your skills before taking on rivals across the world in Online Multiplayer. . \u2022\tBONUS CONTENT \u2013 Look back at last year\u2019s exciting season and enjoy a fully playable 2014 FIA FORMULA ONE WORLD CHAMPIONSHIP\u2122 as bonus game content.", + "about_the_game": "Race like a champion in F1 2015 - get closer than ever before to the experience of racing in the world\u2019s most glamorous, exciting and prestigious motorsport. F1 2015 puts you in the heart of the action with a stunning new game engine that recreates the blisteringly fast and highly responsive racing cars of FORMULA ONE\u2122 and features all-new \u2018broadcast presentation\u2019 that immerses you in the unique race day atmosphere. F1 2015 is the official videogame of the 2015 FIA FORMULA ONE WORLD CHAMPIONSHIP\u2122 and also features fully playable 2014 FIA FORMULA ONE WORLD CHAMPIONSHIP\u2122 bonus content. Compete as your favourite FORMULA ONE star in the new Championship Season and push yourself to the limit in the challenging Pro Season mode. Hone your skills in the new Online Practice Session, and then challenge your friends and racing rivals from across the world in Online Multiplayer. \u2022\tA STUNNING NEW GAME ENGINE \u2013 A brand new game engine, built from the ground up for the latest consoles and PCs allows players to experience FORMULA 1\u2122 in unprecedented detail.\u2022\tTHE MOST RELEVANT FORMULA 1 GAME YET \u2013 An earlier release in the racing calendar and with free digital updates set to keep the game up to date with the sport during the season, F1 2015 brings fans the most relevant FORMULA 1 videogame ever.\u2022\t THE MOST INCLUSIVE F1 RACING EXPERIENCE EVER \u2013 Featuring a naturally authentic purely physics-based handling model with enhancements and additions in over 20 areas, F1 2015 is designed to be player inclusive for both seasoned players and those new to the series.\u2022\tNEW GAME MODES \u2013 Immerse yourself in the new Championship Season, test yourself to the limits in Pro Season or use the new Online Practice Session to hone your skills before taking on rivals across the world in Online Multiplayer.\u2022\tBONUS CONTENT \u2013 Look back at last year\u2019s exciting season and enjoy a fully playable 2014 FIA FORMULA ONE WORLD CHAMPIONSHIP\u2122 as bonus game content.", + "short_description": "Race like a champion in F1\u2122 2015 A stunning new game engine and all-new \u2018broadcast presentation\u2019 puts you in the heart of the action.", + "genres": "Racing", + "recommendations": 1278, + "score": 4.716020027586699 + }, + { + "type": "game", + "name": "Metro 2033 Redux", + "detailed_description": "In 2013 the world was devastated by an apocalyptic event, annihilating almost all mankind and turning the Earth's surface into a poisonous wasteland. A handful of survivors took refuge in the depths of the Moscow underground, and human civilization entered a new Dark Age. . The year is 2033. An entire generation has been born and raised underground, and their besieged Metro Station-Cities struggle for survival, with each other, and the mutant horrors that await outside. You are Artyom, born in the last days before the fire, but raised underground. Having never ventured beyond the city limits, one fateful event sparks a desperate mission to the heart of the Metro system, to warn the remnants of mankind of a terrible impending threat. . Your journey takes you from the forgotten catacombs beneath the subway to the desolate wastelands above, where your actions will determine the fate of mankind. But what if the real threat comes from within?Product Overview. Metro 2033 Redux is the definitive version of the cult classic \u2018Metro 2033\u2019, rebuilt in the latest and greatest iteration of the 4A Engine for Next Gen. Fans of the original game will find the unique world of Metro transformed with incredible lighting, physics and dynamic weather effects. Newcomers will get the chance to experience one of the finest story-driven shooters of all time; an epic adventure combining gripping survival horror, exploration and tactical combat and stealth. . All the gameplay improvements and features from the acclaimed sequel \u2018Metro: Last Light\u2019 have been transferred to Metro 2033 Redux \u2013 superior AI, controls, animation, weapon handling and many more \u2013 to create a thrilling experience for newcomers and veterans alike. With two unique play-styles, and the legendary Ranger Mode included, Metro 2033 Redux offers hours of AAA gameplay for an incredible price.Game Features. Immerse yourself in the Moscow Metro - witness one of the most atmospheric worlds in gaming brought to life with stunning next-gen visuals at 60FPSBrave the horrors of the Russian apocalypse - equip your gasmask and an arsenal of hand-made weaponry as you face the threat of deadly mutants, human foes, and the terrifying environment itself. Rebuilt and Remastered for next-gen - this is no mere \"HD port.\" Metro 2033 has been rebuilt in the vastly improved Last Light engine and gameplay framework, to create the definitive version of the cult classic that fans and newcomers alike can enjoy. Two unique Play Styles : \"Spartan\" and \"Survival\" - approach the game as a slow-burn Survival Horror, or tackle it with the combat skills of a Spartan Ranger in these two unique modes. The legendary Ranger Mode returns - dare you play the fearsome Ranger Mode? No HUD, UI, deadlier combat and limited resources combine to create the ultimate immersive experience. Notice for OS X Yosemite 10.10.5 users with an Nvidia graphics card at or above the minimum specification listed below:. Currently separate drivers are available to fix performance issues specifically affecting Nvidia users who are using OS X Yosemite. These drivers are currently only compatible with OS X Yosemite 10.10.5 and can be found here . Based on the internationally bestselling novel series by Dmitry Glukhovsky.", + "about_the_game": "In 2013 the world was devastated by an apocalyptic event, annihilating almost all mankind and turning the Earth's surface into a poisonous wasteland. A handful of survivors took refuge in the depths of the Moscow underground, and human civilization entered a new Dark Age. The year is 2033. An entire generation has been born and raised underground, and their besieged Metro Station-Cities struggle for survival, with each other, and the mutant horrors that await outside. You are Artyom, born in the last days before the fire, but raised underground. Having never ventured beyond the city limits, one fateful event sparks a desperate mission to the heart of the Metro system, to warn the remnants of mankind of a terrible impending threat. Your journey takes you from the forgotten catacombs beneath the subway to the desolate wastelands above, where your actions will determine the fate of mankind. But what if the real threat comes from within?Product OverviewMetro 2033 Redux is the definitive version of the cult classic \u2018Metro 2033\u2019, rebuilt in the latest and greatest iteration of the 4A Engine for Next Gen. Fans of the original game will find the unique world of Metro transformed with incredible lighting, physics and dynamic weather effects. Newcomers will get the chance to experience one of the finest story-driven shooters of all time; an epic adventure combining gripping survival horror, exploration and tactical combat and stealth. All the gameplay improvements and features from the acclaimed sequel \u2018Metro: Last Light\u2019 have been transferred to Metro 2033 Redux \u2013 superior AI, controls, animation, weapon handling and many more \u2013 to create a thrilling experience for newcomers and veterans alike. With two unique play-styles, and the legendary Ranger Mode included, Metro 2033 Redux offers hours of AAA gameplay for an incredible price.Game FeaturesImmerse yourself in the Moscow Metro - witness one of the most atmospheric worlds in gaming brought to life with stunning next-gen visuals at 60FPSBrave the horrors of the Russian apocalypse - equip your gasmask and an arsenal of hand-made weaponry as you face the threat of deadly mutants, human foes, and the terrifying environment itselfRebuilt and Remastered for next-gen - this is no mere \"HD port.\" Metro 2033 has been rebuilt in the vastly improved Last Light engine and gameplay framework, to create the definitive version of the cult classic that fans and newcomers alike can enjoyTwo unique Play Styles : \"Spartan\" and \"Survival\" - approach the game as a slow-burn Survival Horror, or tackle it with the combat skills of a Spartan Ranger in these two unique modesThe legendary Ranger Mode returns - dare you play the fearsome Ranger Mode? No HUD, UI, deadlier combat and limited resources combine to create the ultimate immersive experienceNotice for OS X Yosemite 10.10.5 users with an Nvidia graphics card at or above the minimum specification listed below:Currently separate drivers are available to fix performance issues specifically affecting Nvidia users who are using OS X Yosemite. These drivers are currently only compatible with OS X Yosemite 10.10.5 and can be found here on the internationally bestselling novel series by Dmitry Glukhovsky", + "short_description": "In 2013 the world was devastated by an apocalyptic event, annihilating almost all mankind and turning the Earth's surface into a poisonous wasteland. A handful of survivors took refuge in the depths of the Moscow underground, and human civilization entered a new Dark Age. The year is 2033.", + "genres": "Action", + "recommendations": 64698, + "score": 7.302618167512156 + }, + { + "type": null, + "name": "S.K.I.L.L. - Special Force 2 (Shooter)", + "detailed_description": null, + "about_the_game": null, + "short_description": null, + "genres": null, + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Resident Evil Revelations 2", + "detailed_description": "The beginning of the Resident Evil Revelations 2 tale sees fan favorite Claire Redfield make a dramatic return. Survivor of the Raccoon City incident depicted in previous Resident Evil games, Claire now works for the anti-bioterrorism organization Terra Save. Moira Burton, is attending her welcome party for Terra Save when unknown armed forces storm the office. Claire and Moira are knocked unconscious and awaken later to find themselves in a dark and abandoned detention facility. Working together, they must find out who took them and to what sinister end. Will Claire and Moira make it out alive and discover what\u2019s led to them being taken to this remote island? A story of twists and turns will have players guessing the next step at every turn. . Headed for the remote prison island in search of his missing daughter, Barry Burton meets brand new character Natalia Korda, a little girl who has a strange power that allows her to sense enemies and hidden items. Using this skill alongside Barry\u2019s proven combat abilities, players will need to alternate between the two to survive the mysterious island and find Moira. With terrifying enemies waiting around every dark corner, Barry will need to use his ammo and weapon supply wisely, in classic survival horror style. . Evolving the episodic chapter set-up of the original Resident Evil Revelations, Resident Evil Revelations 2 will initially release as a weekly series of episodic downloads beginning on February 24, 2015. Players also have the option of choosing Complete Season or Full Bundle, ensuring fans have access to each episode as it releases along with additional bonus content. Each episode in Resident Evil Revelations 2 includes Raid mode content and two full playable scenarios focused on the previously announced Claire and Moira campaign and the newly confirmed Barry and Natalia storyline.FEATURESSurvival horror returns \u2013 A brand new tale in the Resident Evil Revelations saga comes to current and next generation gaming consoles in the form of weekly episodic downloads, a digital Complete Season and retail disc. . Experience the horror event of the season \u2013 Each weekly episode will feature hours of terrifying gameplay and dramatic cliffhangers to leave players eagerly anticipating the next twist in the gripping horror story. . Clare Redfield and Moira Burton star \u2013 Fan favorite Claire returns to the horrors that haunted her in the past alongside Moira Burton, daughter of Resident Evil legend Barry Burton. . Barry is back! \u2013 Fan favorite and classic S.T.A.R.S. member Barry Burton will be returning, as he searches for his missing daughter who is trapped on a remote prison island. . Evil is watching \u2013 Set in what appears to be an abandoned detention facility on a remote island, the horror awaits players around every dark corner. Will there be a way to escape? . New enemy types \u2013 The Rotten have bones that are visible through their bodies and stop at nothing to hunt down to hunt down the living, and the horrific Revenant are formed from parts of human beings sewn together. . Assistive co-op play \u2013 Players will need to switch between the two characters (Claire/Moira, Barry/Natalia) to overcome the nightmares. . Robust Raid mode \u2013 In addition to the deep story mode, Raid mode returns with its addicting fast-action combat. The new and improved Raid mode features 15 characters and over 200 stages, with a ton of new content such as new stages from previously-released RE titles, a deeper progression mechanic, additional difficulty levels, new weapons and weapon parts, and 4x as many character skills as in Revs 1. . 1. Raid Mode online co-op functionality to be added at a later date.", + "about_the_game": "The beginning of the Resident Evil Revelations 2 tale sees fan favorite Claire Redfield make a dramatic return. Survivor of the Raccoon City incident depicted in previous Resident Evil games, Claire now works for the anti-bioterrorism organization Terra Save. Moira Burton, is attending her welcome party for Terra Save when unknown armed forces storm the office. Claire and Moira are knocked unconscious and awaken later to find themselves in a dark and abandoned detention facility. Working together, they must find out who took them and to what sinister end. Will Claire and Moira make it out alive and discover what\u2019s led to them being taken to this remote island? A story of twists and turns will have players guessing the next step at every turn.Headed for the remote prison island in search of his missing daughter, Barry Burton meets brand new character Natalia Korda, a little girl who has a strange power that allows her to sense enemies and hidden items. Using this skill alongside Barry\u2019s proven combat abilities, players will need to alternate between the two to survive the mysterious island and find Moira. With terrifying enemies waiting around every dark corner, Barry will need to use his ammo and weapon supply wisely, in classic survival horror style. Evolving the episodic chapter set-up of the original Resident Evil Revelations, Resident Evil Revelations 2 will initially release as a weekly series of episodic downloads beginning on February 24, 2015. Players also have the option of choosing Complete Season or Full Bundle, ensuring fans have access to each episode as it releases along with additional bonus content. Each episode in Resident Evil Revelations 2 includes Raid mode content and two full playable scenarios focused on the previously announced Claire and Moira campaign and the newly confirmed Barry and Natalia storyline.FEATURESSurvival horror returns \u2013 A brand new tale in the Resident Evil Revelations saga comes to current and next generation gaming consoles in the form of weekly episodic downloads, a digital Complete Season and retail disc. Experience the horror event of the season \u2013 Each weekly episode will feature hours of terrifying gameplay and dramatic cliffhangers to leave players eagerly anticipating the next twist in the gripping horror story.Clare Redfield and Moira Burton star \u2013 Fan favorite Claire returns to the horrors that haunted her in the past alongside Moira Burton, daughter of Resident Evil legend Barry Burton. Barry is back! \u2013 Fan favorite and classic S.T.A.R.S. member Barry Burton will be returning, as he searches for his missing daughter who is trapped on a remote prison island.Evil is watching \u2013 Set in what appears to be an abandoned detention facility on a remote island, the horror awaits players around every dark corner. Will there be a way to escape? New enemy types \u2013 The Rotten have bones that are visible through their bodies and stop at nothing to hunt down to hunt down the living, and the horrific Revenant are formed from parts of human beings sewn together.Assistive co-op play \u2013 Players will need to switch between the two characters (Claire/Moira, Barry/Natalia) to overcome the nightmares. Robust Raid mode \u2013 In addition to the deep story mode, Raid mode returns with its addicting fast-action combat. The new and improved Raid mode features 15 characters and over 200 stages, with a ton of new content such as new stages from previously-released RE titles, a deeper progression mechanic, additional difficulty levels, new weapons and weapon parts, and 4x as many character skills as in Revs 1.1. Raid Mode online co-op functionality to be added at a later date.", + "short_description": "RE Revelations 2 continues the series acclaimed essential survival horror experience, while uncovering startling truths.", + "genres": "Action", + "recommendations": 19549, + "score": 6.513671483868427 + }, + { + "type": "game", + "name": "Metro: Last Light Redux", + "detailed_description": "It is the year 2034. Beneath the ruins of post-apocalyptic Moscow, in the tunnels of the Metro, the remnants of mankind are besieged by deadly threats from outside \u2013 and within. Mutants stalk the catacombs beneath the desolate surface, and hunt amidst the poisoned skies above. . But rather than stand united, the station-cities of the Metro are locked in a struggle for the ultimate power, a doomsday device from the military vaults of D6. A civil war is stirring that could wipe humanity from the face of the earth forever. As Artyom, burdened by guilt but driven by hope, you hold the key to our survival \u2013 the last light in our darkest hour\u2026Product Overview:. Metro: Last Light Redux is the definitive version of the critically acclaimed \u2018Metro: Last Light\u2019, rebuilt in the latest and greatest iteration of the 4A Engine for Next Gen. Newcomers will get the chance to experience one of the finest story-driven shooters of all time; an epic adventure combining gripping survival horror, exploration and tactical combat and stealth. . This definitive version also includes all previously released DLC, adding 10 hours of bonus single-player content to the huge solo campaign. Fans of the original game will notice new features and gameplay improvements, including new melee animations, the ability to check your watch and ammo supplies on the fly, and new full-body player animations. . And those who favoured the more survival-horror oriented gameplay of the cult prequel \u2018Metro 2033\u2019 will find a new way to experience the campaign thanks to the introduction of two unique Play Styles \u2013 Survival and Spartan. The former transforms Last light from a more action-oriented stealth combat experience to a fraught, slow burn fight for survival. With the legendary Ranger Mode included to offer an extra layer of challenge and immersion, Metro: Last Light Redux offers hours of AAA gameplay for an incredible price.Game Features. Immerse yourself in the Moscow Metro - witness one of the most atmospheric worlds in gaming brought to life with stunning next-gen visuals at 60FPSBrave the horrors of the Russian apocalypse - equip your gasmask and an arsenal of hand-made weaponry as you face the threat of deadly mutants, human foes, and the terrifying environment itself. Rebuilt and Remastered for next-gen - with all previous DLC content included, new modes and features, and many gameplay improvement, this is the definitive version of the critically acclaimed classic that fans and newcomers alike will enjoy. Two unique Play Styles : \"Spartan\" and \"Survival\" - approach the game as a slow burn Survival Horror, or tackle it with the combat skills of a Spartan Ranger in these two unique modes. The legendary Ranger Mode returns - dare you play the fearsome Ranger Mode? No HUD, UI, deadlier combat and limited resources combine to create the ultimate immersive experience. Notice for OS X Yosemite 10.10.5 users with an Nvidia graphics card at or above the minimum specification listed below:. Currently separate drivers are available to fix performance issues specifically affecting Nvidia users who are using OS X Yosemite. These drivers are currently only compatible with OS X Yosemite 10.10.5 and can be found here . Based on the internationally bestselling novel series by Dmitry Glukhovsky.", + "about_the_game": "It is the year 2034. Beneath the ruins of post-apocalyptic Moscow, in the tunnels of the Metro, the remnants of mankind are besieged by deadly threats from outside \u2013 and within. Mutants stalk the catacombs beneath the desolate surface, and hunt amidst the poisoned skies above.But rather than stand united, the station-cities of the Metro are locked in a struggle for the ultimate power, a doomsday device from the military vaults of D6. A civil war is stirring that could wipe humanity from the face of the earth forever. As Artyom, burdened by guilt but driven by hope, you hold the key to our survival \u2013 the last light in our darkest hour\u2026Product Overview:Metro: Last Light Redux is the definitive version of the critically acclaimed \u2018Metro: Last Light\u2019, rebuilt in the latest and greatest iteration of the 4A Engine for Next Gen. Newcomers will get the chance to experience one of the finest story-driven shooters of all time; an epic adventure combining gripping survival horror, exploration and tactical combat and stealth. This definitive version also includes all previously released DLC, adding 10 hours of bonus single-player content to the huge solo campaign. Fans of the original game will notice new features and gameplay improvements, including new melee animations, the ability to check your watch and ammo supplies on the fly, and new full-body player animations.And those who favoured the more survival-horror oriented gameplay of the cult prequel \u2018Metro 2033\u2019 will find a new way to experience the campaign thanks to the introduction of two unique Play Styles \u2013 Survival and Spartan. The former transforms Last light from a more action-oriented stealth combat experience to a fraught, slow burn fight for survival. With the legendary Ranger Mode included to offer an extra layer of challenge and immersion, Metro: Last Light Redux offers hours of AAA gameplay for an incredible price.Game FeaturesImmerse yourself in the Moscow Metro - witness one of the most atmospheric worlds in gaming brought to life with stunning next-gen visuals at 60FPSBrave the horrors of the Russian apocalypse - equip your gasmask and an arsenal of hand-made weaponry as you face the threat of deadly mutants, human foes, and the terrifying environment itselfRebuilt and Remastered for next-gen - with all previous DLC content included, new modes and features, and many gameplay improvement, this is the definitive version of the critically acclaimed classic that fans and newcomers alike will enjoyTwo unique Play Styles : \"Spartan\" and \"Survival\" - approach the game as a slow burn Survival Horror, or tackle it with the combat skills of a Spartan Ranger in these two unique modesThe legendary Ranger Mode returns - dare you play the fearsome Ranger Mode? No HUD, UI, deadlier combat and limited resources combine to create the ultimate immersive experienceNotice for OS X Yosemite 10.10.5 users with an Nvidia graphics card at or above the minimum specification listed below:Currently separate drivers are available to fix performance issues specifically affecting Nvidia users who are using OS X Yosemite. These drivers are currently only compatible with OS X Yosemite 10.10.5 and can be found here on the internationally bestselling novel series by Dmitry Glukhovsky", + "short_description": "It is the year 2034. Beneath the ruins of post-apocalyptic Moscow, in the tunnels of the Metro, the remnants of mankind are besieged by deadly threats from outside \u2013 and within. Mutants stalk the catacombs beneath the desolate surface, and hunt amidst the poisoned skies above.", + "genres": "Action", + "recommendations": 50479, + "score": 7.139018092786902 + }, + { + "type": "game", + "name": "Rise of Nations: Extended Edition", + "detailed_description": "Rise of Nations. Rise of Nations is a real-time strategy game that spans all history. Start with a single city in the Ancient Age; gather resources; build an infrastructure; research technologies; construct Wonders of the World such as the Pyramids and the Eiffel Tower; and expand your military might across the world, conquering hostile nations with bombers, battleships, and tanks\u2014all over your lunch hour! . In Rise of Nations there are: . 18 Nations\u2014each with special abilities and unique military units. . Over a hundred military units operating on the ground, sea, and air\u2014 from Hoplites to Frigates to Helicopters. . Over two dozen buildings with upgrades and technologies that will take your nation from a small City to an Information Age society. . 14 Wonders of the World\u2014the Terra Cotta Army, the Taj Mahal, the Eiffel Tower. Each gives your nation special bonuses. . More than a dozen map types, ranging from the Amazon Rainforest to the Himalayas to the Nile Delta. . Conquer the World campaign\u2014a linked series of dozens of scenarios. The Extended Edition includes:Rise of Nations. Rise of Nations: Thrones and Patriots. New in the Extended Edition:\tImproved Visuals. Improved water. Improved textures. Full-screen anti-aliasing. Full Steamworks Integration. Multiplayer with ranked matches (ELO). Achievements. Trading Cards. Cloud saves.", + "about_the_game": "Rise of NationsRise of Nations is a real-time strategy game that spans all history. Start with a single city in the Ancient Age; gather resources; build an infrastructure; research technologies; construct Wonders of the World such as the Pyramids and the Eiffel Tower; and expand your military might across the world, conquering hostile nations with bombers, battleships, and tanks\u2014all over your lunch hour! In Rise of Nations there are: 18 Nations\u2014each with special abilities and unique military units. Over a hundred military units operating on the ground, sea, and air\u2014 from Hoplites to Frigates to Helicopters. Over two dozen buildings with upgrades and technologies that will take your nation from a small City to an Information Age society. 14 Wonders of the World\u2014the Terra Cotta Army, the Taj Mahal, the Eiffel Tower. Each gives your nation special bonuses. More than a dozen map types, ranging from the Amazon Rainforest to the Himalayas to the Nile Delta. Conquer the World campaign\u2014a linked series of dozens of scenarios.The Extended Edition includes:Rise of NationsRise of Nations: Thrones and PatriotsNew in the Extended Edition:\tImproved Visuals Improved water\tImproved textures\tFull-screen anti-aliasingFull Steamworks Integration Multiplayer with ranked matches (ELO)\tAchievements\tTrading Cards\tCloud saves", + "short_description": "Rise of Nations is back! Play the updated classic with full Steamworks integration and enhanced features!", + "genres": "Simulation", + "recommendations": 10608, + "score": 6.110702411370999 + }, + { + "type": "game", + "name": "METAL GEAR SOLID V: THE PHANTOM PAIN", + "detailed_description": "Konami Digital Entertainment continues forth the \u2018METAL GEAR SOLID V Experience\u2019 with the latest chapter, METAL GEAR SOLID V: The Phantom Pain. Ushering in a new era for the franchise with cutting-edge technology powered by the Fox Engine, MGSV: The Phantom Pain will provide players a first-rate gaming experience as they are offered tactical freedom to carry out open-world missions. . Nine years after the events of MGSV: GROUND ZEROES and the fall of Mother Base, Snake a.k.a. Big Boss, awakens from a nine year coma. The year is 1984. The Cold War serves as the backdrop as nuclear weapons continue to shape a global crisis. Driven by revenge, Snake establishes a new private army and returns to the battlefield in pursuit of the shadow group, XOF. . The METAL GEAR SOLID team continues to ambitiously explore mature themes such as the psychology of warfare and the atrocities that result from those that engage in its vicious cycle. One of the most anticipated games of the year with its open-world design, photorealistic visual fidelity and feature-rich game design, MGSV: The Phantom Pain will leave its mark as one of the hallmarks in the gaming industry for its cinematic storytelling, heavy themes, and immersive tactical gameplay. . Key Features:. - Open-World game design allowing players ultimate freedom on how to approach missions and overall game progression . - Fox Engine delivers photorealistic graphics, thoughtful game design and true new-generation game production quality. - Online connectivity that carries the experience beyond the consoles to other devices to augment the overall functionality and access to the game.", + "about_the_game": "Konami Digital Entertainment continues forth the \u2018METAL GEAR SOLID V Experience\u2019 with the latest chapter, METAL GEAR SOLID V: The Phantom Pain. Ushering in a new era for the franchise with cutting-edge technology powered by the Fox Engine, MGSV: The Phantom Pain will provide players a first-rate gaming experience as they are offered tactical freedom to carry out open-world missions.\r\n\r\nNine years after the events of MGSV: GROUND ZEROES and the fall of Mother Base, Snake a.k.a. Big Boss, awakens from a nine year coma. The year is 1984. The Cold War serves as the backdrop as nuclear weapons continue to shape a global crisis. Driven by revenge, Snake establishes a new private army and returns to the battlefield in pursuit of the shadow group, XOF.\r\n\r\nThe METAL GEAR SOLID team continues to ambitiously explore mature themes such as the psychology of warfare and the atrocities that result from those that engage in its vicious cycle. One of the most anticipated games of the year with its open-world design, photorealistic visual fidelity and feature-rich game design, MGSV: The Phantom Pain will leave its mark as one of the hallmarks in the gaming industry for its cinematic storytelling, heavy themes, and immersive tactical gameplay.\r\n\r\nKey Features:\r\n- Open-World game design allowing players ultimate freedom on how to approach missions and overall game progression \r\n- Fox Engine delivers photorealistic graphics, thoughtful game design and true new-generation game production quality\r\n- Online connectivity that carries the experience beyond the consoles to other devices to augment the overall functionality and access to the game.", + "short_description": "Ushering in a new era for the METAL GEAR franchise with cutting-edge technology powered by the Fox Engine, METAL GEAR SOLID V: The Phantom Pain, will provide players a first-rate gaming experience as they are offered tactical freedom to carry out open-world missions.", + "genres": "Action", + "recommendations": 56737, + "score": 7.2160602702763255 + }, + { + "type": "game", + "name": "Sid Meier\u2019s Civilization\u00ae VI", + "detailed_description": "Civilization VI offers new ways to engage with your world: cities now physically expand across the map, active research in technology and culture unlocks new potential, and competing leaders will pursue their own agendas based on their historical traits as you race for one of five ways to achieve victory in the game. . \u200e\u200f\u200f\u200e\u200e\u200f\u200f\u200e. See the marvels of your empire spread across the map like never before. Each district, wonder, and improvement is built on its own hex, allowing you to customize your city to your heart\u2019s content. . From the Commercial Hub to the Spaceport, every district provides unique and powerful bonuses. Pick and choose which districts to build to fit your needs!. Build better than your opponents, place yourself strategically for your allies, and become the best civilization on Earth. . . Boost your civilization\u2019s progress through history to unlock powerful bonuses before anyone else! To advance more quickly, use your units to actively explore, develop your environment, and discover new cultures. . Research isn\u2019t just limited to science. Explore the Civics tree to unlock powerful new governments and cultural policies. Cultivate the civilization that fits your playstyle, or switch it up every time you play!. . As the game progresses, so do your diplomatic relationships. From primitive first interactions where conflict is a fact of life, to late game alliances and negotiations. . Carry influence with nearby city states to gain its diplomatic allegiance and earn game-changing city-state bonuses. Enlist spies to gather crucial intel on rival civilizations, steal precious resources, and even topple governments.", + "about_the_game": "Civilization VI offers new ways to engage with your world: cities now physically expand across the map, active research in technology and culture unlocks new potential, and competing leaders will pursue their own agendas based on their historical traits as you race for one of five ways to achieve victory in the game.\u200e\u200f\u200f\u200e\u200e\u200f\u200f\u200eSee the marvels of your empire spread across the map like never before. Each district, wonder, and improvement is built on its own hex, allowing you to customize your city to your heart\u2019s content.From the Commercial Hub to the Spaceport, every district provides unique and powerful bonuses. Pick and choose which districts to build to fit your needs!Build better than your opponents, place yourself strategically for your allies, and become the best civilization on Earth.Boost your civilization\u2019s progress through history to unlock powerful bonuses before anyone else! To advance more quickly, use your units to actively explore, develop your environment, and discover new cultures.Research isn\u2019t just limited to science. Explore the Civics tree to unlock powerful new governments and cultural policiesCultivate the civilization that fits your playstyle, or switch it up every time you play!As the game progresses, so do your diplomatic relationships. From primitive first interactions where conflict is a fact of life, to late game alliances and negotiations.Carry influence with nearby city states to gain its diplomatic allegiance and earn game-changing city-state bonusesEnlist spies to gather crucial intel on rival civilizations, steal precious resources, and even topple governments.", + "short_description": "Civilization VI is the newest installment in the award winning Civilization Franchise. Expand your empire, advance your culture and go head-to-head against history\u2019s greatest leaders. Will your civilization stand the test of time?", + "genres": "Strategy", + "recommendations": 197195, + "score": 8.03729834644216 + }, + { + "type": "game", + "name": "ENDLESS\u2122 Legend", + "detailed_description": "Special EditionENDLESS\u2122 Legend includes all the Emperor Edition bonuses (minus Dungeon of the Endless - Deep Freeze): . -\tMinor faction \u201cIce Wargs\u201d. -\tHero \u201cNamkang\u201d. -\tUnique trait for custom factions \u201cA song of only ice\u201d. -\tOfficial Digital Soundtrack by FlybyNo in mp3 format. -\tUnique badge for your Amplitude Games2Gether account. -\tAdds 200 points to the value of your votes on Games2Gether. . GAMES2GETHER.COM EXCLUSIVE REWARDS. Join the GAMES2GETHER community now, and receive the ENDLESS\u2122 Legend badge (unlocks points, dozens of avatars and titles to customize your GAMES2GETHER profile). . Follow the development of the game and get to know the talent behind the scenes. . Make your voice count by giving feedback on the game, submitting ideas, and voting for Art and gameplay elements. . Participate in contests and design content that will be created by the studio and added to the game!. About the GameCreate your own LegendAnother sunrise, another day of toil. Food must be grown, industries built, science and magic advanced, and wealth collected. Urgency drives these simple efforts, however, for your planet holds a history of unexplained apocalypse, and the winter you just survived was the worst on record. A fact that has also been true for the previous five. . As you discover the lost secrets of your world and the mysteries of the legends and ruins that exist as much in reality as in rumor, you will come to see that you are not alone. Other peoples also struggle to survive, to grow, and perhaps even to conquer. . You have a city, a loyal populace, and a few troops; your power and magic should be sufficient to keep them alive. But beyond that, nothing is certain\u2026 Where will you go, what will you find, and how will you react? Will your trail be one of roses, or of blood?. Explore fantastic lands.Lead one of eight civilizations each with a unique gameplay style and storyline. . Survive through cold dark seasons that drive Auriga to its end. Will it also be yours?. Experience an endless replayability with randomly generated worlds and quests. . Set the size, shape, topography and more. to create your own world to discover. . Expand beyond the unknown.Conquer, build and develop villages into feared fortresses or wonderful cities. . Assimilate powerful minor factions and use their special traits and units wisely. . Hire, equip and train your heroes to become army leaders or city governors. . Raise your civilization by finding mysterious artefacts and forgotten technologies. . Exploit every opportunity.Evolve your civilization through the discovery of new advanced technologies. . Collect Dust, luxuries and strategic resources tradable on the marketplace. . Keep one step ahead of other civilizations through trade and subtle diplomacy. . Choose from different victory conditions and adapt your strategy on the fly. . Exterminate fools who defy you.Experience an innovative dynamic simultaneous turn-based battle system. . Use unit equipment, abilities and the terrain to overcome your opponents. . Zoom out of a battle and rule the other aspects of your empire seamlessly. . Define your custom civilizations and confront those created by your friends.", + "about_the_game": "Create your own LegendAnother sunrise, another day of toil. Food must be grown, industries built, science and magic advanced, and wealth collected. Urgency drives these simple efforts, however, for your planet holds a history of unexplained apocalypse, and the winter you just survived was the worst on record. A fact that has also been true for the previous five.As you discover the lost secrets of your world and the mysteries of the legends and ruins that exist as much in reality as in rumor, you will come to see that you are not alone. Other peoples also struggle to survive, to grow, and perhaps even to conquer.You have a city, a loyal populace, and a few troops; your power and magic should be sufficient to keep them alive. But beyond that, nothing is certain\u2026 Where will you go, what will you find, and how will you react? Will your trail be one of roses, or of blood?Explore fantastic lands.Lead one of eight civilizations each with a unique gameplay style and storyline.Survive through cold dark seasons that drive Auriga to its end. Will it also be yours?Experience an endless replayability with randomly generated worlds and quests.Set the size, shape, topography and more... to create your own world to discover.Expand beyond the unknown.Conquer, build and develop villages into feared fortresses or wonderful cities.Assimilate powerful minor factions and use their special traits and units wisely.Hire, equip and train your heroes to become army leaders or city governors.Raise your civilization by finding mysterious artefacts and forgotten technologies.Exploit every opportunity.Evolve your civilization through the discovery of new advanced technologies.Collect Dust, luxuries and strategic resources tradable on the marketplace.Keep one step ahead of other civilizations through trade and subtle diplomacy.Choose from different victory conditions and adapt your strategy on the fly.Exterminate fools who defy you.Experience an innovative dynamic simultaneous turn-based battle system.Use unit equipment, abilities and the terrain to overcome your opponents.Zoom out of a battle and rule the other aspects of your empire seamlessly.Define your custom civilizations and confront those created by your friends.", + "short_description": "ENDLESS\u2122 Legend is a 4X turn-based fantasy strategy game by the creators of ENDLESS\u2122 Space and Dungeon of the ENDLESS\u2122. Control every aspect of your civilization as you struggle to save your homeworld Auriga. Create your own Legend!", + "genres": "RPG", + "recommendations": 13588, + "score": 6.273899971790935 + }, + { + "type": "game", + "name": "Assassin's Creed\u00ae Unity", + "detailed_description": "Assassin\u2019s Creed\u00ae Unity is an action/adventure game set in the city of Paris during one of its darkest hours, the French Revolution. Take ownership of the story by customising Arno's equipement to make the experience unique to you, both visually and mechanically. In addition to an epic single-player experience, Assassin\u2019s Creed Unity delivers the excitement of playing with up to three friends through online cooperative gameplay in specific missions. Throughout the game, take part in one of the most pivotal moments of French history in a compelling storyline and a breath-taking playground that brought you the city of lights of today.", + "about_the_game": "Assassin\u2019s Creed\u00ae Unity is an action/adventure game set in the city of Paris during one of its darkest hours, the French Revolution. Take ownership of the story by customising Arno's equipement to make the experience unique to you, both visually and mechanically. In addition to an epic single-player experience, Assassin\u2019s Creed Unity delivers the excitement of playing with up to three friends through online cooperative gameplay in specific missions. Throughout the game, take part in one of the most pivotal moments of French history in a compelling storyline and a breath-taking playground that brought you the city of lights of today.", + "short_description": "Assassin\u2019s Creed\u00ae Unity tells the story of Arno, a young man who embarks upon an extraordinary journey to expose the true powers behind the French Revolution. In the brand new co-op mode, you and your friends will also be thrown in the middle of a ruthless struggle for the fate of a nation.", + "genres": "Action", + "recommendations": 52134, + "score": 7.160284376289701 + }, + { + "type": "game", + "name": "Warface", + "detailed_description": "Just Updated. In this update, waiting for you are the event \"Expedition\", a new device called the Sticky Grenade, a new PTB map \"Port\", as well as some content improvements, and bug fixes. . Full Change LogSummer Event \"Expedition\". The \"Treasure Hunters\" season is in full swing, and the team has finished the work on a new large-scale update. The key feature of the patch is a new event \"Expedition\" with the \"Brawl\" mode. The mode offers several changes, a progressive showcase and new rewards including the Sticky Grenade. Savvy?. . To win, one of the teams will need to score 350 points, before their opposing team does. If this doesn't happen before the timer runs out, the team that scored the most points wins. But to achieve victory, you will have to fight in pretty unusual conditions with the help of power ups that can completely change the course of the game!. Event Rewards. . More about the eventNew Device: The Sticky Grenade. . This is a universal weapon that fits all classes. The Sticky Grenade will be a reliable assistant even in the most difficult situations and will help leave a mark on the battlefield. You can forget all about the preparations for the grenade throw, this new device doesn't require you to pull the pin, so you can instantly use it for a wide range of tactical manoeuvres. Just throw, stick and go. . More about the deviceNew PTB Map \"Port\". . A new map for the \"Plant the Bomb\" mode is now available in the game! The sun is shining, the palm trees are swaying, and Warface is once again clashing against Blackwood. . More about the map. About the GameWarface is a contemporary MMO first person shooter with millions of fans around the world. It offers intense PvP modes, compelling PvE missions and raids that you can challenge with five diverse classes and a colossal customizable arsenal. . Intense PvP. Over ten multiplayer modes with dozens of maps \u2013 from time proven shooter classics to fresh experiments, as well the elaborated system of ranked matches with unique rewards await its heroes. . Compelling PvE. Play with your friends in exciting online missions or try yourself in full-scale raids with several difficulty levels and epic loot. . Diverse classes. Rifleman, Medic, Engineer, Sniper and SED are at your service: assault the defenses of your enemies, revive your teammates, mine the corridors, take down the foes with precise shots or tank the enemy's counter-attack - here you decide how to act!. Enormous customizable arsenal. Hundreds of weapons are at your disposal, customizable with a range of scopes, grips, flash guards, and camo to get the best performance tailored to your preference. . Jump into action and play for free!", + "about_the_game": "Warface is a contemporary MMO first person shooter with millions of fans around the world. It offers intense PvP modes, compelling PvE missions and raids that you can challenge with five diverse classes and a colossal customizable arsenal.Intense PvPOver ten multiplayer modes with dozens of maps \u2013 from time proven shooter classics to fresh experiments, as well the elaborated system of ranked matches with unique rewards await its heroes.Compelling PvEPlay with your friends in exciting online missions or try yourself in full-scale raids with several difficulty levels and epic loot.Diverse classesRifleman, Medic, Engineer, Sniper and SED are at your service: assault the defenses of your enemies, revive your teammates, mine the corridors, take down the foes with precise shots or tank the enemy's counter-attack - here you decide how to act!Enormous customizable arsenalHundreds of weapons are at your disposal, customizable with a range of scopes, grips, flash guards, and camo to get the best performance tailored to your preference.Jump into action and play for free!", + "short_description": "Warface is a contemporary MMO first person shooter with millions of fans around the world. It offers intense PvP modes, compelling PvE missions and raids that you can challenge with five diverse classes and a colossal customizable arsenal.", + "genres": "Action", + "recommendations": 943, + "score": 4.515806920746205 + }, + { + "type": "game", + "name": "Brawlhalla", + "detailed_description": ".", + "about_the_game": "", + "short_description": "An epic platform fighter for up to 8 players online or local. Try casual free-for-alls, ranked matches, or invite friends to a private room. And it's free! Play cross-platform with millions of players on PlayStation, Xbox, Nintendo Switch, iOS, Android & Steam! Frequent updates. Over fifty Legends.", + "genres": "Action", + "recommendations": 2874, + "score": 5.249979080448426 + }, + { + "type": "game", + "name": "Pillars of Eternity", + "detailed_description": "Prepare to be enchanted by a world where the choices you make and the paths you choose shape your destiny. Obsidian Entertainment, the developer of Fallout: New Vegas\u2122 and South Park: The Stick of Truth\u2122, together with Paradox Interactive is proud to present Pillars of Eternity. . Recapture the deep sense of exploration, the joy of a pulsating adventure, and the thrill of leading your own band of companions across a new fantasy realm and into the depths of monster-infested dungeons in search of lost treasures and ancient mysteries. . So gather your party, venture forth, and embrace adventure as you delve into a realm of wonder, nostalgia, and the excitement of classic RPGs with Obsidian\u2019s Pillars of Eternity!. Play as Any One of Six RacesHuman, Aumaua, Dwarf, Elf, Godlike and Orlan.Utilize Five Core Skills to Overcome Any SituationStealth, Athletics, Lore, Mechanics and Survival.Deep Character CustomizationBuild a character as one of eleven classes such as Barbarian, Chanter, Cipher, Druid, Fighter, Monk, Paladin, Priest, Ranger, Rogue and Wizard.Sculpt Your Own StorySide with various factions using a reputation system, where your actions and choices have far-reaching consequences.Explore a Rich and Diverse WorldBeautiful pre-rendered environments laced with an engaging story and characters bring the world to life. .", + "about_the_game": "Prepare to be enchanted by a world where the choices you make and the paths you choose shape your destiny. Obsidian Entertainment, the developer of Fallout: New Vegas\u2122 and South Park: The Stick of Truth\u2122, together with Paradox Interactive is proud to present Pillars of Eternity.Recapture the deep sense of exploration, the joy of a pulsating adventure, and the thrill of leading your own band of companions across a new fantasy realm and into the depths of monster-infested dungeons in search of lost treasures and ancient mysteries. So gather your party, venture forth, and embrace adventure as you delve into a realm of wonder, nostalgia, and the excitement of classic RPGs with Obsidian\u2019s Pillars of Eternity!Play as Any One of Six RacesHuman, Aumaua, Dwarf, Elf, Godlike and Orlan.Utilize Five Core Skills to Overcome Any SituationStealth, Athletics, Lore, Mechanics and Survival.Deep Character CustomizationBuild a character as one of eleven classes such as Barbarian, Chanter, Cipher, Druid, Fighter, Monk, Paladin, Priest, Ranger, Rogue and Wizard.Sculpt Your Own StorySide with various factions using a reputation system, where your actions and choices have far-reaching consequences.Explore a Rich and Diverse WorldBeautiful pre-rendered environments laced with an engaging story and characters bring the world to life.", + "short_description": "Prepare to be enchanted by a world where the choices you make and the paths you choose shape your destiny. Obsidian Entertainment, the developer of Fallout: New Vegas\u2122 and South Park: The Stick of Truth\u2122, together with Paradox Interactive is proud to present Pillars of Eternity.", + "genres": "RPG", + "recommendations": 14124, + "score": 6.299402693121088 + }, + { + "type": "game", + "name": "The Witcher\u00ae 3: Wild Hunt", + "detailed_description": "Check out other games from CD PROJEKT RED Check out other games from CD PROJEKT RED Special Offer. About the GameTHE MOST AWARDED GAME OF A GENERATION. NOW ENHANCED FOR THE NEXT. . You are Geralt of Rivia, mercenary monster slayer. Before you stands a war-torn, monster-infested continent you can explore at will. Your current contract? Tracking down Ciri \u2014 the Child of Prophecy, a living weapon that can alter the shape of the world. . Updated to the latest version, The Witcher 3: Wild Hunt comes with new features and items, including a built-in Photo Mode, swords, armor, and alternate outfits inspired by The Witcher Netflix series \u2014 and more!. . Behold the dark fantasy world of the Continent like never before! This edition of The Witcher 3: Wild Hunt has been enhanced with numerous visual and technical improvements, including vastly improved level of detail, a range of community created and newly developed mods for the game, real-time ray tracing, and more \u2014 all implemented with the power of modern PCs in mind. . . Trained from early childhood and mutated to gain superhuman skills, strength, and reflexes, witchers are a counterbalance to the monster-infested world in which they live. \u2022 Gruesomely destroy foes as a professional monster hunter armed with a range of upgradeable weapons, mutating potions, and combat magic. \u2022 Hunt down a wide variety of exotic monsters, from savage beasts prowling mountain passes to cunning supernatural predators lurking in the shadowy back alleys of densely populated cities. \u2022 Invest your rewards to upgrade your weaponry and buy custom armor, or spend them on horse races, card games, fist fighting, and other pleasures life brings. . . Built for endless adventure, the massive open world of The Witcher sets new standards in terms of size, depth, and complexity. \u2022 Traverse a fantastical open world: explore forgotten ruins, caves, and shipwrecks, trade with merchants and dwarven smiths in cities, and hunt across the open plains, mountains, and seas. \u2022 Deal with treasonous generals, devious witches, and corrupt royalty to provide dark and dangerous services. \u2022 Make choices that go beyond good & evil, and face their far-reaching consequences. . . Take on the most important contract of your life: to track down the child of prophecy, the key to saving or destroying this world. \u2022 In times of war, chase down the child of prophecy, a living weapon foretold by ancient elven legends. \u2022 Struggle against ferocious rulers, spirits of the wilds, and even a threat from beyond the veil \u2013 all hell-bent on controlling this world. \u2022 Define your destiny in a world that may not be worth saving.", + "about_the_game": "THE MOST AWARDED GAME OF A GENERATIONNOW ENHANCED FOR THE NEXTYou are Geralt of Rivia, mercenary monster slayer. Before you stands a war-torn, monster-infested continent you can explore at will. Your current contract? Tracking down Ciri \u2014 the Child of Prophecy, a living weapon that can alter the shape of the world.Updated to the latest version, The Witcher 3: Wild Hunt comes with new features and items, including a built-in Photo Mode, swords, armor, and alternate outfits inspired by The Witcher Netflix series \u2014 and more!Behold the dark fantasy world of the Continent like never before! This edition of The Witcher 3: Wild Hunt has been enhanced with numerous visual and technical improvements, including vastly improved level of detail, a range of community created and newly developed mods for the game, real-time ray tracing, and more \u2014 all implemented with the power of modern PCs in mind.Trained from early childhood and mutated to gain superhuman skills, strength, and reflexes, witchers are a counterbalance to the monster-infested world in which they live.\u2022 Gruesomely destroy foes as a professional monster hunter armed with a range of upgradeable weapons, mutating potions, and combat magic.\u2022 Hunt down a wide variety of exotic monsters, from savage beasts prowling mountain passes to cunning supernatural predators lurking in the shadowy back alleys of densely populated cities.\u2022 Invest your rewards to upgrade your weaponry and buy custom armor, or spend them on horse races, card games, fist fighting, and other pleasures life brings.Built for endless adventure, the massive open world of The Witcher sets new standards in terms of size, depth, and complexity.\u2022 Traverse a fantastical open world: explore forgotten ruins, caves, and shipwrecks, trade with merchants and dwarven smiths in cities, and hunt across the open plains, mountains, and seas.\u2022 Deal with treasonous generals, devious witches, and corrupt royalty to provide dark and dangerous services.\u2022 Make choices that go beyond good & evil, and face their far-reaching consequences.Take on the most important contract of your life: to track down the child of prophecy, the key to saving or destroying this world.\u2022 In times of war, chase down the child of prophecy, a living weapon foretold by ancient elven legends.\u2022 Struggle against ferocious rulers, spirits of the wilds, and even a threat from beyond the veil \u2013 all hell-bent on controlling this world.\u2022 Define your destiny in a world that may not be worth saving.", + "short_description": "You are Geralt of Rivia, mercenary monster slayer. Before you stands a war-torn, monster-infested continent you can explore at will. Your current contract? Tracking down Ciri \u2014 the Child of Prophecy, a living weapon that can alter the shape of the world.", + "genres": "RPG", + "recommendations": 673179, + "score": 8.84671024794176 + }, + { + "type": "game", + "name": "Call of Duty\u00ae: Infinite Warfare", + "detailed_description": "New DLC Available. Retribution, the fourth DLC map pack for Infinite Warfare, delivers four new epic multiplayer maps and a chilling zombies co-op experience, The Beast from Beyond, set in a desolate military base on a distant Ice Planet. . Retribution takes the fight to new Infinite Warfare multiplayer environments, including Carnage, a post apocalyptic race track along the coast; Altitude, a high-end, sky high shopping mall located on the edges of the universe; Depot 22, a watering hole at the end of civilization; and Heartland, a simulation of small town America and a re-imagining of the classic Call of Duty\u00ae: Ghosts map, Warhawk. . The Beast from Beyond will conclude the 5-part zombies experience and will take our heroes to space. With the entire crew infected, they'll need to battle through hordes of zombies to uncover the ultimate evil that's been pulling the strings. Digital Deluxe Edition. Get the best digital value with the Call of Duty\u00ae: Infinite Warfare Digital Deluxe Edition. Includes Call of Duty\u00ae: Infinite Warfare, Call of Duty\u00ae: Modern Warfare\u00ae Remastered* AND Call of Duty: Infinite Warfare Season Pass** for one great price! Also includes the Terminal Bonus Map, Zombies in Spaceland Pack, BulletHawk & Hellstorm Personalization Packs, as well as a Calling Card set. . *At launch, Modern Warfare Remastered will contain only 10 MP maps from the original Call of Duty: Modern Warfare game. Additional MP maps will be made available by 12-31-2016. Modern Warfare Remastered is a full game download. Internet connection required. For more information, please visit . SEASON PASS OFFER: Receive 10 Rare Supply Drops upon purchase plus 1,000 Bonus Salvage to craft new prototype weapons. . . Infinite Warfare delivers three unique game modes: Campaign, Multiplayer, and Zombies. . In Campaign, players play as Captain Reyes, a pilot turned Commander, who must lead the remaining coalition forces against a relentless enemy, while trying to overcome the deadly, extreme environments of space. . Multiplayer combines a fluid momentum based movement system, player focused map design, deep customization, and a brand new combat rig system to create an intense gameplay experience where every second counts. Combat Rigs are the ultimate combat systems. Each Rig is a cutting-edge, tactical combat suit worn by the player and is built for totally different styles of play. . Zombies will transport players back in time to a 1980\u2019s amusement park complete with a plethora of rides and an awesome arcade. . Call of Duty\u00ae: Modern Warfare\u00ae is back, remastered in true high-definition for a new generation. Relive the iconic campaign and team up with your friends online. . **Based on suggested retail prices; actual saving may vary. Download Season Pass content from the Infinite Warfare in-game store. Season Pass purchasers should not purchase map packs separately, as additional charges will apply. Availability, pricing, and release dates may vary by platform and territory. Season Pass content may be sold separately. Game required. Sold separately. Digital Legacy Edition. The Call of Duty\u00ae: Infinite Warfare Digital Legacy Edition includes Call of Duty\u00ae: Infinite Warfare and Call of Duty\u00ae: Modern Warfare \u00ae Remastered*. You'll also receive the Terminal Bonus Map and Zombies in Spaceland Pack, containing a weapon camo, calling card, and a Fate and Fortune Card Pack!. *At launch, Modern Warfare Remastered will contain only 10 MP maps from the original Call of Duty: Modern Warfare game. Additional MP maps will be made available by 12-31-2016. Modern Warfare Remastered is a full game download. Internet connection required. For more information, please visit . Infinite Warfare delivers three unique game modes: Campaign, Multiplayer, and Zombies. . In Campaign, players play as Captain Reyes, a pilot turned Commander, who must lead the remaining coalition forces against a relentless enemy, while trying to overcome the deadly, extreme environments of space. . Multiplayer combines a fluid momentum based movement system, player focused map design, deep customization, and a brand new combat rig system to create an intense gameplay experience where every second counts. Combat Rigs (Rigs) are the ultimate combat systems. Each Rig is a cutting-edge, tactical combat suit worn by the player and is built for totally different styles of play. Players will also join one of four brand-new Mission Teams to unlock calling cards, camos, emblems, and weapons unique to that team. . Zombies will transport players back in time to a 1980s amusement park, complete with a plethora of rides, an awesome arcade, and a funky, functioning rollercoaster. . Call of Duty\u00ae: Modern Warfare\u00ae is back, remastered in true high-definition for a new generation. Relive the iconic campaign and team up with your friends online. . . About the Game. Includes the Terminal Bonus Map and Zombies in Spaceland Pack, contains a weapon camo, calling card, and a Fate and Fortune Card Pack!. Infinite Warfare delivers three unique game modes: Campaign, Multiplayer, and Zombies. . In Campaign, players play as Captain Reyes, a pilot turned Commander, who must lead the remaining coalition forces against a relentless, fanatical enemy, while trying to overcome the deadly, extreme environments of space. . Multiplayer combines a fluid momentum based movement system, player focused map design, deep customization, and a brand new combat rig system to create an intense gameplay experience where every second counts. Combat Rigs (Rigs) are the ultimate combat systems. Each Rig is a cutting-edge, tactical combat suit worn by the player and is built for totally different styles of play. Players will also join one of four brand-new Mission Teams to unlock calling cards, camos, emblems, and weapons unique to that team. . In Zombies, go back in time to fight the undead in a 1980s amusement park, complete with a plethora of rides, an awesome arcade, and a funky, functioning rollercoaster. Embrace previously beloved aspects of the mode like easter eggs, power ups, and novel weapons while experiencing innovations like brand-new team mechanics, the After Life Arcade, and Fate and Fortune Cards.", + "about_the_game": "Includes the Terminal Bonus Map and Zombies in Spaceland Pack, contains a weapon camo, calling card, and a Fate and Fortune Card Pack!Infinite Warfare delivers three unique game modes: Campaign, Multiplayer, and Zombies.In Campaign, players play as Captain Reyes, a pilot turned Commander, who must lead the remaining coalition forces against a relentless, fanatical enemy, while trying to overcome the deadly, extreme environments of space.Multiplayer combines a fluid momentum based movement system, player focused map design, deep customization, and a brand new combat rig system to create an intense gameplay experience where every second counts. Combat Rigs (Rigs) are the ultimate combat systems. Each Rig is a cutting-edge, tactical combat suit worn by the player and is built for totally different styles of play. Players will also join one of four brand-new Mission Teams to unlock calling cards, camos, emblems, and weapons unique to that team.In Zombies, go back in time to fight the undead in a 1980s amusement park, complete with a plethora of rides, an awesome arcade, and a funky, functioning rollercoaster. Embrace previously beloved aspects of the mode like easter eggs, power ups, and novel weapons while experiencing innovations like brand-new team mechanics, the After Life Arcade, and Fate and Fortune Cards.", + "short_description": "Infinite Warfare delivers three unique game modes: Campaign, Multiplayer, and Zombies.", + "genres": "Action", + "recommendations": 13251, + "score": 6.257345290623596 + }, + { + "type": "game", + "name": "Deponia: The Complete Journey", + "detailed_description": "Buzz Buy Deponia Doomsday: About the GameJunk, junk and even more junk. Life on the trash-planet Deponia is anything but a walk in the park. No surprise that Rufus had enough of that and hatches one ludicrous plan after the other to escape this bleak place. . When Rufus, on one of his attempts to leave Deponia behind, meets Goal, he not only falls madly in love with the beautiful girl from Elysium; he also accidentally shoves her right off her comfortable star cruiser and down to the desolate trash-planet. This accident kindles a new, brilliant plan: he needs to get Goal back to the floating city of Elysium \u2013 and while he's on it, he can also impersonate her sleazy fiance Cletus, who is the spitting image of Rufus for some reason. And thus, an exciting adventure begins. . Showered in top-scores and awards, the Deponia-Trilogy, created by the developers of Edna&Harvey: The Breakout, The Whispered World and Memoria, managed to reach cult-status almost instantly. Thanks to its exciting story, likeable characters and hilarious dialogues and a finely crafted mixture of comedy and puzzles, Deponia is enjoyable for both, young and old. Join Rufus on his thrilling journeys, for the first time in a complete edition with many new features, that will not only be a blast for hardcore adventure fans, but also those new to the genre. . Deponia: The Complete Journey does not include the new sequel Deponia Doomsday!Key Features. Deponia: The Complete Journey features over 4 hours of Developer's Commentary, a Deponia world map that allows for selection of each chapter of the game, a comprehensive graphical questlog help system, minigame help screens, a new launch menu, new hidden collectables, Linux support, plus 6 new songs written and sung by Poki and Behind-the-Scenes videos. Developer's Commentary is featuring game creator Poki and the voices of Rufus and Goal. Experience Deponia's story in full length. Challenging puzzles, more than 40 hours of playtime and bizarre dialogues. Bonus content, extras and making-of features include 'How to draw Rufus & Goal' and 'The Art of Deponia' videos, Developer's Commentary Soundtrack (6 new songs created and sung by Poki) and papercraft models. From the creators of the award-winning games Edna&Harvey: The Breakout, The Whispered World, A New Beginning, Harvey's New Eyes, Memoria and Blackguards.", + "about_the_game": "Junk, junk and even more junk. Life on the trash-planet Deponia is anything but a walk in the park. No surprise that Rufus had enough of that and hatches one ludicrous plan after the other to escape this bleak place.When Rufus, on one of his attempts to leave Deponia behind, meets Goal, he not only falls madly in love with the beautiful girl from Elysium; he also accidentally shoves her right off her comfortable star cruiser and down to the desolate trash-planet. This accident kindles a new, brilliant plan: he needs to get Goal back to the floating city of Elysium \u2013 and while he's on it, he can also impersonate her sleazy fiance Cletus, who is the spitting image of Rufus for some reason. And thus, an exciting adventure begins...Showered in top-scores and awards, the Deponia-Trilogy, created by the developers of Edna&Harvey: The Breakout, The Whispered World and Memoria, managed to reach cult-status almost instantly. Thanks to its exciting story, likeable characters and hilarious dialogues and a finely crafted mixture of comedy and puzzles, Deponia is enjoyable for both, young and old. Join Rufus on his thrilling journeys, for the first time in a complete edition with many new features, that will not only be a blast for hardcore adventure fans, but also those new to the genre.Deponia: The Complete Journey does not include the new sequel Deponia Doomsday!Key FeaturesDeponia: The Complete Journey features over 4 hours of Developer's Commentary, a Deponia world map that allows for selection of each chapter of the game, a comprehensive graphical questlog help system, minigame help screens, a new launch menu, new hidden collectables, Linux support, plus 6 new songs written and sung by Poki and Behind-the-Scenes videosDeveloper's Commentary is featuring game creator Poki and the voices of Rufus and GoalExperience Deponia's story in full lengthChallenging puzzles, more than 40 hours of playtime and bizarre dialoguesBonus content, extras and making-of features include 'How to draw Rufus & Goal' and 'The Art of Deponia' videos, Developer's Commentary Soundtrack (6 new songs created and sung by Poki) and papercraft modelsFrom the creators of the award-winning games Edna&Harvey: The Breakout, The Whispered World, A New Beginning, Harvey's New Eyes, Memoria and Blackguards", + "short_description": "Junk, junk and even more junk. Life on the trash-planet Deponia is anything but a walk in the park. No surprise that Rufus had enough of that and hatches one ludicrous plan after the other to escape this bleak place.", + "genres": "Adventure", + "recommendations": 3048, + "score": 5.2887160753359534 + }, + { + "type": "game", + "name": "Overcast - Walden and the Werewolf", + "detailed_description": "A mysterious creature has destroyed a village located near Walden's cabin, killing every person residing on the premises. Now, Walden wants revenge. This is the story of an old hunter who has nothing to lose. . Jump scares to chill your bones;. . Exclusive sound-design and horrifying scenarios;. . Original soundtrack produced by Igo Carminatti.(Played by famous youtubers such as \"PewDiePie\", \"Markiplier\" and many others).", + "about_the_game": "A mysterious creature has destroyed a village located near Walden's cabin, killing every person residing on the premises. Now, Walden wants revenge. This is the story of an old hunter who has nothing to lose.Jump scares to chill your bones;Exclusive sound-design and horrifying scenarios;Original soundtrack produced by Igo Carminatti.(Played by famous youtubers such as \"PewDiePie\", \"Markiplier\" and many others)", + "short_description": "A mysterious creature has destroyed a village located near Walden's cabin, killing every person residing on the premises. Now, Walden wants revenge. This is the story of an old hunter who has nothing to lose.", + "genres": "Action", + "recommendations": 1204, + "score": 4.676730623291914 + }, + { + "type": "game", + "name": "Guns and Robots", + "detailed_description": "Guns and Robots is free to play online third person shooter. The game brings robot action with massive customization. Players get cartoony bright 3D graphics in attractive environments and challenge each other in open arenas. Guns and Robots gives fun, entertaining experience with easy to master gameplay and numerous options to experiment robot constructing skills.BUILD YOUR ROBOT. CUSTOMIZE IT. DOMINATE THE ARENAS!. We are very excited to give gamers around the world the ability to enjoy the game that the community participated in creating! We would like to thank all for your support and most importantly, we are dedicated to adding more content and bring to you exciting new features, so join our Forums at and be a part of Guns and Robots community!FEATURED DLC. Purchase the Steam Starter Pack of Guns and Robots and blast your way through your enemies with:. \u2022 1000 Sparks. \u2022 150 Upgrade Components. Guns and Robots Starter Pack is ideal for new robot-fighters who are looking to get a quick start in the action. This is special new player offer to get your hands on cool artillery, equipment and upgrades. In this pack you will get all upgradable component options:. 30 upgrade head components,. 30 upgrade weapon components,. 30 upgrade device components,. 30 upgrade body components,. 30 upgrade chassis components,. KEY FEATURES. Massive customization. In Guns and Robots, the robots come in three module classes based on players' assembly and unlimited options for character customization. Pinpoint enemies with multiple weapons simultaneously.Wide variety of potential combinations per weapon allow players to fine\u2014tune their arsenal according to their game play preferences. Enjoyable and extremely funny online arenas where players literally blast their way through. Adrenaline-pumping game play. Different maps add fine mixture of thrill, speed and action to the game play. Dynamic combat experience.Players can choose to line up for high-level real-time combat. Player Guilds. Players can join, create guilds and benefit from numerous guild features. Achievements. Variety of achievements for the players with exceptional performance. AVAILABLE GAME MODES:. Capture the Batteries (Capture the Flag). Team Deathmatch . Bomb Squad (Destroy the Enemy Base).", + "about_the_game": "Guns and Robots is free to play online third person shooter. The game brings robot action with massive customization. Players get cartoony bright 3D graphics in attractive environments and challenge each other in open arenas. Guns and Robots gives fun, entertaining experience with easy to master gameplay and numerous options to experiment robot constructing skills.BUILD YOUR ROBOT. CUSTOMIZE IT. DOMINATE THE ARENAS!We are very excited to give gamers around the world the ability to enjoy the game that the community participated in creating! We would like to thank all for your support and most importantly, we are dedicated to adding more content and bring to you exciting new features, so join our Forums at and be a part of Guns and Robots community!FEATURED DLCPurchase the Steam Starter Pack of Guns and Robots and blast your way through your enemies with:\u2022 1000 Sparks\u2022 150 Upgrade ComponentsGuns and Robots Starter Pack is ideal for new robot-fighters who are looking to get a quick start in the action. This is special new player offer to get your hands on cool artillery, equipment and upgrades. In this pack you will get all upgradable component options:30 upgrade head components,30 upgrade weapon components,30 upgrade device components,30 upgrade body components,30 upgrade chassis components,KEY FEATURESMassive customization. In Guns and Robots, the robots come in three module classes based on players' assembly and unlimited options for character customization. Pinpoint enemies with multiple weapons simultaneously.Wide variety of potential combinations per weapon allow players to fine\u2014tune their arsenal according to their game play preferences.Enjoyable and extremely funny online arenas where players literally blast their way through.Adrenaline-pumping game play. Different maps add fine mixture of thrill, speed and action to the game play.Dynamic combat experience.Players can choose to line up for high-level real-time combat.Player Guilds. Players can join, create guilds and benefit from numerous guild features.Achievements. Variety of achievements for the players with exceptional performance.AVAILABLE GAME MODES:Capture the Batteries (Capture the Flag)Team Deathmatch Bomb Squad (Destroy the Enemy Base)", + "short_description": "Guns and Robots is free to play online third person shooter. The game brings robot action with massive customization. Players get cartoony bright 3D graphics in attractive environments and challenge each other in open arenas.", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "RimWorld", + "detailed_description": "RimWorld is a sci-fi colony sim driven by an intelligent AI storyteller. Inspired by Dwarf Fortress, Firefly, and Dune. . You begin with three survivors of a shipwreck on a distant world. Manage colonists' moods, needs, wounds, illnesses and addictions. . Build in the forest, desert, jungle, tundra, and more. . Watch colonists develop and break relationships with family members, lovers, and spouses. . Replace wounded limbs and organs with prosthetics, bionics, or biological parts harvested from others. . Fight pirates, tribes, mad animals, giant insects and ancient killing machines. . Craft structures, weapons, and apparel from metal, wood, stone, cloth, and futuristic materials. . Tame and train cute pets, productive farm animals, and deadly attack beasts. . Trade with passing ships and caravans. . Form caravans to complete quests, trade, attack other factions, or migrate your whole colony. . Dig through snow, weather storms, and fight fires. . Capture refugees or prisoners and turn them to your side or sell them into slavery. . Discover a new generated world each time you play. . Explore hundreds of wild and interesting mods on the Steam Workshop. . Learn to play easily with the help of an intelligent and unobtrusive AI tutor. . RimWorld is a story generator. It\u2019s designed to co-author tragic, twisted, and triumphant stories about imprisoned pirates, desperate colonists, starvation and survival. It works by controlling the \u201crandom\u201d events that the world throws at you. Every thunderstorm, pirate raid, and traveling salesman is a card dealt into your story by the AI Storyteller. There are several storytellers to choose from. Randy Random does crazy stuff, Cassandra Classic goes for rising tension, and Phoebe Chillax likes to relax. . Your colonists are not professional settlers \u2013 they\u2019re crash-landed survivors from a passenger liner destroyed in orbit. You can end up with a nobleman, an accountant, and a housewife. You\u2019ll acquire more colonists by capturing them in combat and turning them to your side, buying them from slave traders, or taking in refugees. So your colony will always be a motley crew. . Each person\u2019s background is tracked and affects how they play. A nobleman will be great at social skills (recruiting prisoners, negotiating trade prices), but refuse to do physical work. A farm oaf knows how to grow food by long experience, but cannot do research. A nerdy scientist is great at research, but cannot do social tasks at all. A genetically engineered assassin can do nothing but kill \u2013 but he does that very well. . Colonists develop - and destroy - relationships. Each has an opinion of the others, which determines whether they'll become lovers, marry, cheat, or fight. Perhaps your two best colonists are happily married - until one of them falls for the dashing surgeon who saved her from a gunshot wound. . The game generates a whole planet from pole to equator. You choose whether to land your crash pods in a cold northern tundra, a parched desert flat, a temperate forest, or a steaming equatorial jungle. Different areas have different animals, plants, diseases, temperatures, rainfall, mineral resources, and terrain. These challenges of surviving in a disease-infested, choking jungle are very different from those in a parched desert wasteland or a frozen tundra with a two-month growing season. . Travel across the planet. You're not stuck in one place. You can form a caravan of people, animals, and prisoners. Rescue kidnapped former allies from pirate outposts, attend peace talks, trade with other factions, attack enemy colonies, and complete other quests. You can even pack up your entire colony and move to a new place. You can use rocket-powered transport pods to travel faster. . You can tame and train animals. Lovable pets will cheer up sad colonists. Farm animals can be worked, milked, and sheared. Attack beasts can be released upon your enemies. There are many animals - cats, labrador retrievers, grizzly bears, camels, cougars, chinchillas, chickens, and exotic alien-like lifeforms. . People in RimWorld constantly observe their situation and surroundings in order to decide how to feel at any given moment. They respond to hunger and fatigue, witnessing death, disrespectfully unburied corpses, being wounded, being left in darkness, getting packed into cramped environments, sleeping outside or in the same room as others, and many other situations. If they're too stressed, they might lash out or break down. . Wounds, infections, prosthetics, and chronic conditions are tracked on each body part and affect characters' capacities. Eye injuries make it hard to shoot or do surgery. Wounded legs slow people down. Hands, brain, mouth, heart, liver, kidneys, stomach, feet, fingers, toes, and more can all be wounded, diseased, or missing, and all have logical in-game effects. And other species have their own body layouts - take off a deer's leg, and it can still hobble on the other three. Take off a rhino's horn, and it's much less dangerous. . You can repair body parts with prosthetics ranging from primitive to transcendent. A peg leg will get Joe Colonist walking after an unfortunate incident with a rhinoceros, but he'll still be quite slow. Buy an expensive bionic leg from a trader the next year, and Joe becomes a superhuman runner. You can even extract, sell, buy, and transplant internal organs. . And there's much more than that! The game is easy to mod and has an active mod community. Read more at . (All non-English translations are made by fans.)", + "about_the_game": "RimWorld is a sci-fi colony sim driven by an intelligent AI storyteller. Inspired by Dwarf Fortress, Firefly, and Dune.You begin with three survivors of a shipwreck on a distant world.Manage colonists' moods, needs, wounds, illnesses and addictions.Build in the forest, desert, jungle, tundra, and more.Watch colonists develop and break relationships with family members, lovers, and spouses.Replace wounded limbs and organs with prosthetics, bionics, or biological parts harvested from others.Fight pirates, tribes, mad animals, giant insects and ancient killing machines.Craft structures, weapons, and apparel from metal, wood, stone, cloth, and futuristic materials.Tame and train cute pets, productive farm animals, and deadly attack beasts.Trade with passing ships and caravans.Form caravans to complete quests, trade, attack other factions, or migrate your whole colony.Dig through snow, weather storms, and fight fires.Capture refugees or prisoners and turn them to your side or sell them into slavery.Discover a new generated world each time you play.Explore hundreds of wild and interesting mods on the Steam Workshop.Learn to play easily with the help of an intelligent and unobtrusive AI tutor.RimWorld is a story generator. It\u2019s designed to co-author tragic, twisted, and triumphant stories about imprisoned pirates, desperate colonists, starvation and survival. It works by controlling the \u201crandom\u201d events that the world throws at you. Every thunderstorm, pirate raid, and traveling salesman is a card dealt into your story by the AI Storyteller. There are several storytellers to choose from. Randy Random does crazy stuff, Cassandra Classic goes for rising tension, and Phoebe Chillax likes to relax.Your colonists are not professional settlers \u2013 they\u2019re crash-landed survivors from a passenger liner destroyed in orbit. You can end up with a nobleman, an accountant, and a housewife. You\u2019ll acquire more colonists by capturing them in combat and turning them to your side, buying them from slave traders, or taking in refugees. So your colony will always be a motley crew.Each person\u2019s background is tracked and affects how they play. A nobleman will be great at social skills (recruiting prisoners, negotiating trade prices), but refuse to do physical work. A farm oaf knows how to grow food by long experience, but cannot do research. A nerdy scientist is great at research, but cannot do social tasks at all. A genetically engineered assassin can do nothing but kill \u2013 but he does that very well.Colonists develop - and destroy - relationships. Each has an opinion of the others, which determines whether they'll become lovers, marry, cheat, or fight. Perhaps your two best colonists are happily married - until one of them falls for the dashing surgeon who saved her from a gunshot wound.The game generates a whole planet from pole to equator. You choose whether to land your crash pods in a cold northern tundra, a parched desert flat, a temperate forest, or a steaming equatorial jungle. Different areas have different animals, plants, diseases, temperatures, rainfall, mineral resources, and terrain. These challenges of surviving in a disease-infested, choking jungle are very different from those in a parched desert wasteland or a frozen tundra with a two-month growing season.Travel across the planet. You're not stuck in one place. You can form a caravan of people, animals, and prisoners. Rescue kidnapped former allies from pirate outposts, attend peace talks, trade with other factions, attack enemy colonies, and complete other quests. You can even pack up your entire colony and move to a new place. You can use rocket-powered transport pods to travel faster.You can tame and train animals. Lovable pets will cheer up sad colonists. Farm animals can be worked, milked, and sheared. Attack beasts can be released upon your enemies. There are many animals - cats, labrador retrievers, grizzly bears, camels, cougars, chinchillas, chickens, and exotic alien-like lifeforms.People in RimWorld constantly observe their situation and surroundings in order to decide how to feel at any given moment. They respond to hunger and fatigue, witnessing death, disrespectfully unburied corpses, being wounded, being left in darkness, getting packed into cramped environments, sleeping outside or in the same room as others, and many other situations. If they're too stressed, they might lash out or break down.Wounds, infections, prosthetics, and chronic conditions are tracked on each body part and affect characters' capacities. Eye injuries make it hard to shoot or do surgery. Wounded legs slow people down. Hands, brain, mouth, heart, liver, kidneys, stomach, feet, fingers, toes, and more can all be wounded, diseased, or missing, and all have logical in-game effects. And other species have their own body layouts - take off a deer's leg, and it can still hobble on the other three. Take off a rhino's horn, and it's much less dangerous.You can repair body parts with prosthetics ranging from primitive to transcendent. A peg leg will get Joe Colonist walking after an unfortunate incident with a rhinoceros, but he'll still be quite slow. Buy an expensive bionic leg from a trader the next year, and Joe becomes a superhuman runner. You can even extract, sell, buy, and transplant internal organs.And there's much more than that! The game is easy to mod and has an active mod community. Read more at non-English translations are made by fans.)", + "short_description": "A sci-fi colony sim driven by an intelligent AI storyteller. Generates stories by simulating psychology, ecology, gunplay, melee combat, climate, biomes, diplomacy, interpersonal relationships, art, medicine, trade, and more.", + "genres": "Indie", + "recommendations": 138387, + "score": 7.803840818673883 + }, + { + "type": "game", + "name": "Just Survive", + "detailed_description": "Just Survive is a post-apocalyptic survival game that immerses you in a world where humanity is fighting to take back control from the zombie hordes. . Scavenge for supplies, craft items, and build Strongholds to protect against dangers, both living and undead, that lurk around every corner. . SURVIVAL - Though the great outbreak has passed, the undead still linger in considerable numbers. Stay alert and quiet to avoid attracting them, and be prepared to either run or fight for your life at a moment\u2019s notice. . CRAFT - Gathering raw materials is a key part of crafting. Axes, pickaxes, and crowbars allow you to harvest the various trees, rocks, and vehicles scattered around the world. You should collect what you can, when you\u2019re not actively fending off threats. . TAKE BACK CONTROL - The first step in re-establishing society is to solidify a foothold in the struggle against the undead, and you can help by building a Stronghold in Badwater Canyon. Each location has unique advantages, so it\u2019s wise to scout before making a commitment. . COORDINATE - Those that want to travel safely, access contested locations, and successfully defend their Strongholds will want to work together with other players. Note that Badwater Canyon is a desperate place, and your neighbors may find that they\u2019re better off just taking what they need from your dead body. . Do you have what it takes to Just Survive?. Visit the Just Survive website to learn more about this game.", + "about_the_game": "Just Survive is a post-apocalyptic survival game that immerses you in a world where humanity is fighting to take back control from the zombie hordes.\r\n\r\nScavenge for supplies, craft items, and build Strongholds to protect against dangers, both living and undead, that lurk around every corner.\r\n\r\nSURVIVAL - Though the great outbreak has passed, the undead still linger in considerable numbers. Stay alert and quiet to avoid attracting them, and be prepared to either run or fight for your life at a moment\u2019s notice.\r\n\r\nCRAFT - Gathering raw materials is a key part of crafting. Axes, pickaxes, and crowbars allow you to harvest the various trees, rocks, and vehicles scattered around the world. You should collect what you can, when you\u2019re not actively fending off threats.\r\n\r\nTAKE BACK CONTROL - The first step in re-establishing society is to solidify a foothold in the struggle against the undead, and you can help by building a Stronghold in Badwater Canyon. Each location has unique advantages, so it\u2019s wise to scout before making a commitment.\r\n\r\nCOORDINATE - Those that want to travel safely, access contested locations, and successfully defend their Strongholds will want to work together with other players. Note that Badwater Canyon is a desperate place, and your neighbors may find that they\u2019re better off just taking what they need from your dead body. \r\n\r\nDo you have what it takes to Just Survive?\r\n\r\nVisit the Just Survive website to learn more about this game.", + "short_description": "Just Survive is a post-apocalyptic survival game that immerses you in a world where humanity is fighting to take back control from the zombie hordes.", + "genres": "Action", + "recommendations": 64223, + "score": 7.297760453288481 + }, + { + "type": "game", + "name": "Heroes\u00ae of Might & Magic\u00ae III - HD Edition", + "detailed_description": "Important note: Heroes III \u2013 HD Edition content is based on the original 1999 game: The Restoration of Erathia. . Do you remember all those sleepless nights spent fighting Black Dragons and Archangels, Demons and Necromancers? Were you a true fan of Heroes\u00ae of Might & Magic\u00ae III? We have great news for you!. The most popular Heroes\u00ae title of all time is back in HD! Fifteen years later, rediscover the epic tale of Queen Catherine Ironfist, as she re-embarks on her critically acclaimed quest to unite her ravaged homeland and re-conquer the kingdom of Erathia. . Forge the destinies of mighty and magical heroes, leading fantastic and ferocious creatures in a game that still stands today as the landmark opus of the Might & Magic: Heroes\u2019 franchise. . Heroes\u00ae of Might & Magic\u00ae III is a turn-based strategy game, originally released in February 1999. . Key Features. \u2022\tA new HD experience: re-live the Heroes\u00ae III in HD, a true craftsmanship which offers players updated graphics, with wide screen compatibility. . \u2022\tEnjoy the critically acclaimed Heroes\u00ae III gameplay, with 7 exciting campaign scenarios, around 50 skirmish maps, a local multiplayer mode and a map editor. . \u2022\tA new online multiplayer lobby: Now Steamworks compatible, Heroes\u00ae III offers an online multiplayer lobby, where you can share your experience with the Heroes III community.", + "about_the_game": "Important note: Heroes III \u2013 HD Edition content is based on the original 1999 game: The Restoration of Erathia. Do you remember all those sleepless nights spent fighting Black Dragons and Archangels, Demons and Necromancers? Were you a true fan of Heroes\u00ae of Might & Magic\u00ae III? We have great news for you!The most popular Heroes\u00ae title of all time is back in HD! Fifteen years later, rediscover the epic tale of Queen Catherine Ironfist, as she re-embarks on her critically acclaimed quest to unite her ravaged homeland and re-conquer the kingdom of Erathia.Forge the destinies of mighty and magical heroes, leading fantastic and ferocious creatures in a game that still stands today as the landmark opus of the Might & Magic: Heroes\u2019 franchise.Heroes\u00ae of Might & Magic\u00ae III is a turn-based strategy game, originally released in February 1999.Key Features\u2022\tA new HD experience: re-live the Heroes\u00ae III in HD, a true craftsmanship which offers players updated graphics, with wide screen compatibility.\u2022\tEnjoy the critically acclaimed Heroes\u00ae III gameplay, with 7 exciting campaign scenarios, around 50 skirmish maps, a local multiplayer mode and a map editor.\u2022\tA new online multiplayer lobby: Now Steamworks compatible, Heroes\u00ae III offers an online multiplayer lobby, where you can share your experience with the Heroes III community.", + "short_description": "The most popular Heroes\u00ae title of all time is back in HD! Fifteen years later, rediscover the epic tale of Queen Catherine Ironfist, as she re-embarks on her critically acclaimed quest to unite her ravaged homeland and re-conquer the kingdom of Erathia.", + "genres": "RPG", + "recommendations": 14770, + "score": 6.328883132190274 + }, + { + "type": "game", + "name": "Far Cry\u00ae 4", + "detailed_description": "Hidden in the towering Himalayas lies Kyrat, a country steeped in tradition and violence. You are Ajay Ghale. Traveling to Kyrat to fulfill your mother\u2019s dying wish, you find yourself caught up in a civil war to overthrow the oppressive regime of dictator Pagan Min. Explore and navigate this vast open world, where danger and unpredictability lurk around every corner. Here, every decision counts, and every second is a story. Welcome to Kyrat. . Key Features. \u2022 EXPLORE AN OPEN WORLD FILLED WITH POSSIBILITIES. Discover the most diverse Far Cry world ever created. With terrain spanning from lush forests to the snowcapped Himalayas, the entire world is alive\u2026and deadly. - From leopards, rhinos, black eagles, and vicious honey badgers, Kyrat is home to abundant wildlife. As you embark on your hunt for resources, know that something may be hunting you. - Scout enemy territory from above in the all-new gyrocopter and then plummet back to earth in your wing suit. Climb aboard the back of a six-ton elephant and unleash its raw power on your enemies. - Choose the right weapon for the job, no matter how insane or unpredictable that job might be. With a diverse arsenal, you\u2019ll be prepared for anything. . \u2022 CO-OP: BRING A FRIEND. Not every journey should be taken alone. Far Cry 4 allows for a second player to drop in and drop out at any point, re-imagining the cooperative experience in the true spirit of Far Cry for the next generation. You\u2019ll now be able to discover and explore the living open world of Kyrat together.", + "about_the_game": "Hidden in the towering Himalayas lies Kyrat, a country steeped in tradition and violence. You are Ajay Ghale. Traveling to Kyrat to fulfill your mother\u2019s dying wish, you find yourself caught up in a civil war to overthrow the oppressive regime of dictator Pagan Min. Explore and navigate this vast open world, where danger and unpredictability lurk around every corner. Here, every decision counts, and every second is a story. Welcome to Kyrat.\r\n\r\nKey Features\r\n\r\n\u2022 EXPLORE AN OPEN WORLD FILLED WITH POSSIBILITIES\r\nDiscover the most diverse Far Cry world ever created. With terrain spanning from lush forests to the snowcapped Himalayas, the entire world is alive\u2026and deadly.\r\n- From leopards, rhinos, black eagles, and vicious honey badgers, Kyrat is home to abundant wildlife. As you embark on your hunt for resources, know that something may be hunting you...\r\n- Scout enemy territory from above in the all-new gyrocopter and then plummet back to earth in your wing suit. Climb aboard the back of a six-ton elephant and unleash its raw power on your enemies.\r\n- Choose the right weapon for the job, no matter how insane or unpredictable that job might be. With a diverse arsenal, you\u2019ll be prepared for anything.\r\n\r\n\u2022 CO-OP: BRING A FRIEND\r\nNot every journey should be taken alone. Far Cry 4 allows for a second player to drop in and drop out at any point, re-imagining the cooperative experience in the true spirit of Far Cry for the next generation. You\u2019ll now be able to discover and explore the living open world of Kyrat together.", + "short_description": "Hidden in the towering Himalayas lies Kyrat, a country steeped in tradition and violence. You are Ajay Ghale. Traveling to Kyrat to fulfill your mother\u2019s dying wish, you find yourself caught up in a civil war to overthrow the oppressive regime of dictator Pagan Min.", + "genres": "Action", + "recommendations": 43386, + "score": 7.039199264505673 + }, + { + "type": "game", + "name": "War Trigger 3", + "detailed_description": "Compete with friends or players from around the globe using some of the world's deadliest modern weapons and vehicles. Play with up to 24 players in unique arenas designed for infantry, vehicle, and air combat. . Game Modes:. - Search and Destroy. - Territories. - Conquer. - Survivor. - Team Deathmatch: Resources \"TDR\". - Team Deathmatch: Armored \"TDA\"", + "about_the_game": "Compete with friends or players from around the globe using some of the world's deadliest modern weapons and vehicles. Play with up to 24 players in unique arenas designed for infantry, vehicle, and air combat.\r\n\r\nGame Modes:\r\n- Search and Destroy\r\n- Territories\r\n- Conquer\r\n- Survivor\r\n- Team Deathmatch: Resources \"TDR\"\r\n- Team Deathmatch: Armored \"TDA\"", + "short_description": "Destroy, smash and blast your way to victory! Use advanced weapons and vehicles to dominate the battlefield.", + "genres": "Action", + "recommendations": 168, + "score": 3.3817818179853694 + }, + { + "type": "game", + "name": "The Escapists", + "detailed_description": "Introducing: The Survivalists. Check out our new game in the Escapists Universe: The Survivalists. Just UpdatedFREE CONTENT UPDATE!. Jingle Cells . Following on from last year\u2019s release of the free Santa\u2019s Sweatshop content, our daring escapee elf unfortunately lost control of their sleigh mid-flight and was forced to make an emergency landing \u2013 right in the middle of the grounds of the Jingle Cells prison!. Stuck doing hard time again, if you want to get home in time for the holidays you\u2019ll need to sneak around the brand new wintery themed prison sourcing the unique items and crafting supplies that you\u2019ll need to repair the sleigh and make another break for it!. . The Jingle Cells update features:. New festive themed prison to escape. 20 new items and craftables. New leaderboard to make your mark on. About the GameYou\u2019ve landed yourself in prison again, and your only chance is to engineer an escape by any means necessary. How you do it is up to you! Why not cause a prison riot? Or dig a tunnel right under the walls of the prison? Or even steal a guard uniform to blend in with your captors?. The Escapists is a unique prison sandbox experience with lots of items to craft and combine in your daring quest for freedom. Life in prison will keep you on your toes with the strict rules that you\u2019ll have to break. The guards are out to stop any escape attempts, so you\u2019ll have to avoid suspicious behaviour by attending roll calls, working a prison job and hiding your stolen craftables. . Escaping is what you do best, and you\u2019ll have to prove your skills in a variety of challenging prisons from across the world. . Become an Escapist now!Features. 10 Fully operational prisons complete with routines to give you a flavour of how it *really* is inside!. 10 Separate job opportunities for you to sink your teeth into\u2026 If you have the knowledge to earn and hold down these employment paths of course!. 185+ Unique Items for you to seek out and perhaps even craft useful items with. (Team17 fully endorse the use of various weapons such as \u2018shivs\u2019, \u2018nunchucks\u2019 and \u2018maces\u2019 \u2013 within a fictional setting of course!). . Various Favour types for you to tackle offered up by inmates \u2013 You wouldn't want to go upsetting them now, would you?. Highly opinionated and incredibly funny inmates and guards to keep you on your toes as well as providing entertainment! . Multiple escape routes for you to work out and achieve the title of \u2018The Escapist\u2019!. Multiple save slots so you can have more than one escape attempt on the go!. Steam Achievements to strive for. . Steam Leaderboards \u2013 Once you have escaped see how you fared against other successfully escaped players!. Prison Editor \u2013 Create from scratch your very own confinement masterpiece and share it with the community!.", + "about_the_game": "You\u2019ve landed yourself in prison again, and your only chance is to engineer an escape by any means necessary. How you do it is up to you! Why not cause a prison riot? Or dig a tunnel right under the walls of the prison? Or even steal a guard uniform to blend in with your captors?The Escapists is a unique prison sandbox experience with lots of items to craft and combine in your daring quest for freedom. Life in prison will keep you on your toes with the strict rules that you\u2019ll have to break. The guards are out to stop any escape attempts, so you\u2019ll have to avoid suspicious behaviour by attending roll calls, working a prison job and hiding your stolen craftables. Escaping is what you do best, and you\u2019ll have to prove your skills in a variety of challenging prisons from across the world.Become an Escapist now!Features10 Fully operational prisons complete with routines to give you a flavour of how it *really* is inside!10 Separate job opportunities for you to sink your teeth into\u2026 If you have the knowledge to earn and hold down these employment paths of course!185+ Unique Items for you to seek out and perhaps even craft useful items with. (Team17 fully endorse the use of various weapons such as \u2018shivs\u2019, \u2018nunchucks\u2019 and \u2018maces\u2019 \u2013 within a fictional setting of course!). Various Favour types for you to tackle offered up by inmates \u2013 You wouldn't want to go upsetting them now, would you?Highly opinionated and incredibly funny inmates and guards to keep you on your toes as well as providing entertainment! Multiple escape routes for you to work out and achieve the title of \u2018The Escapist\u2019!Multiple save slots so you can have more than one escape attempt on the go!Steam Achievements to strive for.Steam Leaderboards \u2013 Once you have escaped see how you fared against other successfully escaped players!Prison Editor \u2013 Create from scratch your very own confinement masterpiece and share it with the community!", + "short_description": "The Escapists provides players the opportunity of experiencing a light-hearted insight into everyday prison life with the main objective being that of escaping!", + "genres": "Action", + "recommendations": 13803, + "score": 6.284248404275136 + }, + { + "type": "game", + "name": "Block N Load", + "detailed_description": "Five of you. Five of them. Face off in a tactical battle where everything you build, destroy, construct or shoot has devastating impact on the entire game. Build your defenses and charge into action to destroy theirs. Tunnel under the map or catapult over it, they\u2019ll never see it coming! Be sneaky, be devious, be destructive. Be a large metal robot, twisted scientist, deadly ninja and more. Build using a crazy range of block types and work together in this FPS where no game is ever the same. Ready up! It\u2019s time to Block N Load. NOW FREE TO PLAY.Tell Me More!. NO GAME THE SAME: The game world is ever-changing and evolving throughout every match, as players creatively build and tunnel their way to enemy positions and onto victory. . UNHINGED HEROES: Character variety offers a robust mix of roles for full combat, defensive and supportive players in a team. . BRAINS AS IMPORTANT AS BULLETS: Every game has a blend of intelligent and creative tactics fused with strategic shooter action. It\u2019s fast-paced yet strategic. . BUILD PHASE: Experiment and take the time to work on your defences, traps and setups before the team attacks truly begin. . MASTERS OF CONSTRUCTION: Creative use of a wide choice of blocks in-game mean your deadly and devious constructions can cause havoc with the enemy \u2013 and the map. . WHAT THE BLOCK!? Big bombs, turrets, bounce pads, poison traps, landmines, forcefields, speed pads, mortars, glue blocks, health blocks, ammo blocks and more. Everything you need for calculated mayhem. . MAP EDITOR: Craft your own amazing Arenas using the same tools the developers do for official Arenas. Share them on the Steam Workshop and play them in game. . CUSTOM GAME MODE: Set up your own game on the servers to choose your favourite map and build time. 1000s of player made maps available to try!. TIME ASSAULT MODE: Ready for a single player challenge? Take on deadly hero based assault courses, utilise your parkour skills and compete against your own best times & if you're fast enough win a top spot on the global leaderboards.", + "about_the_game": "Five of you. Five of them. Face off in a tactical battle where everything you build, destroy, construct or shoot has devastating impact on the entire game. Build your defenses and charge into action to destroy theirs. Tunnel under the map or catapult over it, they\u2019ll never see it coming! Be sneaky, be devious, be destructive. Be a large metal robot, twisted scientist, deadly ninja and more. Build using a crazy range of block types and work together in this FPS where no game is ever the same. Ready up! It\u2019s time to Block N Load. NOW FREE TO PLAY.Tell Me More!NO GAME THE SAME: The game world is ever-changing and evolving throughout every match, as players creatively build and tunnel their way to enemy positions and onto victory.UNHINGED HEROES: Character variety offers a robust mix of roles for full combat, defensive and supportive players in a team.BRAINS AS IMPORTANT AS BULLETS: Every game has a blend of intelligent and creative tactics fused with strategic shooter action. It\u2019s fast-paced yet strategic.BUILD PHASE: Experiment and take the time to work on your defences, traps and setups before the team attacks truly begin. MASTERS OF CONSTRUCTION: Creative use of a wide choice of blocks in-game mean your deadly and devious constructions can cause havoc with the enemy \u2013 and the map. WHAT THE BLOCK!? Big bombs, turrets, bounce pads, poison traps, landmines, forcefields, speed pads, mortars, glue blocks, health blocks, ammo blocks and more. Everything you need for calculated mayhem. MAP EDITOR: Craft your own amazing Arenas using the same tools the developers do for official Arenas. Share them on the Steam Workshop and play them in game.CUSTOM GAME MODE: Set up your own game on the servers to choose your favourite map and build time. 1000s of player made maps available to try!TIME ASSAULT MODE: Ready for a single player challenge? Take on deadly hero based assault courses, utilise your parkour skills and compete against your own best times & if you're fast enough win a top spot on the global leaderboards.", + "short_description": "Five of you. Five of them. Face off in a battle where everything you build, destroy, construct or shoot has a devastating impact on the entire game. Build defences using a crazy range of block types and work together in this FPS where no game is EVER the same. NOW FREE TO PLAY.", + "genres": "Action", + "recommendations": 1860, + "score": 4.963254554721475 + }, + { + "type": "game", + "name": "Woodle Tree Adventures", + "detailed_description": "Woodle Tree Adventures is an old school platform game with a catchy and unique art style! You will find all the classical elements from the 90's games and new interesting ideas. Explore a total of 6 worlds and save the lands with the magical water drops you'll find through your journey, bringing back peace and balance and finally becoming the new hero!. The feeling of traveling around the game world is refreshingly peaceful. Woodle Tree is a great game to play if you want to relax, and the soundtrack and art style help giving a serene tone. Even if you\u2019re not a fan of the genre, this game is still very much worth considering, even if only to witness the beautiful game world. . If you loved games like Banjo Kazooie and Mario 64, never fear, Woodle Tree will take you back to the good old days!. The whole gameplay is an hybrid between an art game and a platformer and is meant to be played by adults and children and to bring happiness to all souls.", + "about_the_game": "Woodle Tree Adventures is an old school platform game with a catchy and unique art style! You will find all the classical elements from the 90's games and new interesting ideas.Explore a total of 6 worlds and save the lands with the magical water drops you'll find through your journey, bringing back peace and balance and finally becoming the new hero!The feeling of traveling around the game world is refreshingly peaceful. Woodle Tree is a great game to play if you want to relax, and the soundtrack and art style help giving a serene tone. Even if you\u2019re not a fan of the genre, this game is still very much worth considering, even if only to witness the beautiful game world.If you loved games like Banjo Kazooie and Mario 64, never fear, Woodle Tree will take you back to the good old days!The whole gameplay is an hybrid between an art game and a platformer and is meant to be played by adults and children and to bring happiness to all souls.", + "short_description": "Woodle Tree Adventures is an old school platform game with a catchy and unique art style! Explore a total of 6 worlds and save the lands with the magical water drops you'll find through your journey, bringing back peace and balance and finally becoming the new hero!", + "genres": "Action", + "recommendations": 1349, + "score": 4.751635619800386 + }, + { + "type": "game", + "name": "Robocraft", + "detailed_description": "Wishlist Robocraft 2 on Steam About the GameBuild insane, fully customisable robot battle vehicles that drive, hover, walk and fly in the free-to-play action game Robocraft. Add weapons from the future and jump in the driving seat as you take your creation into battle against others online!. BUILD - Combine blocks in an easy-to-use editor interface to create a futuristic robot battle vehicle armed with dozens of different weapon options. . DRIVE - Jump into the pilot seat and test out your robot design against AI. Jet cars, tanks, flying warships, helicopters, drones; almost any vehicle is possible in Robocraft!. . FIGHT - Battle online in vast battlefields against players from all over the world on dedicated servers. . ADDITIONAL FEATURES. Over 250 cubes and growing! Be part of a constantly changing metagame with new weapons, components and features added every month. Watch as enemy robots break apart cube by cube as you destroy them with powerful weaponry which players can switch between at their leisure. Form Parties and battle on the same team with your friends. Create or join Clans of up to 50 players. Share your robotic creations with other players online via the Community Robot Factory. For more information about Robocraft, please visit Robocraftgame.com", + "about_the_game": "Build insane, fully customisable robot battle vehicles that drive, hover, walk and fly in the free-to-play action game Robocraft. Add weapons from the future and jump in the driving seat as you take your creation into battle against others online!BUILD - Combine blocks in an easy-to-use editor interface to create a futuristic robot battle vehicle armed with dozens of different weapon options.DRIVE - Jump into the pilot seat and test out your robot design against AI. Jet cars, tanks, flying warships, helicopters, drones; almost any vehicle is possible in Robocraft!FIGHT - Battle online in vast battlefields against players from all over the world on dedicated servers.ADDITIONAL FEATURESOver 250 cubes and growing! Be part of a constantly changing metagame with new weapons, components and features added every monthWatch as enemy robots break apart cube by cube as you destroy them with powerful weaponry which players can switch between at their leisureForm Parties and battle on the same team with your friendsCreate or join Clans of up to 50 playersShare your robotic creations with other players online via the Community Robot FactoryFor more information about Robocraft, please visit Robocraftgame.com", + "short_description": "Build insane, fully customisable robot battle vehicles that drive, hover, walk and fly in the free-to-play action game Robocraft. Add weapons from the future and jump in the driving seat as you take your creation into battle against other players online!", + "genres": "Action", + "recommendations": 2493, + "score": 5.156259797906218 + }, + { + "type": "game", + "name": "Zombie Army Trilogy", + "detailed_description": "NOW INCLUDES ALL 8 CHARACTERS FROM THE LEFT 4 DEAD GAMES!. \u201cCo-operative multiplayer done right.\u201d - Eurogamer. \u201cProven shooter mechanics and a real sense of fun.\u201d - Wired. \"A generous wodge of the most enjoyable kind of schlock horror shooting on PC.\" - PC Games N. The cult horror shooter series comes to an apocalyptic conclusion with an epic new third chapter, a heart-pumping new horde mode, and remastered editions of the best-selling Nazi Zombie Army 1 & 2. . In the dying flames of World War II, Hitler has unleashed one final, unholy gamble \u2013 a legion of undead super soldiers that threatens to overwhelm the whole of Europe. Fight alone or team up to save humanity from the zombie menace in this apocalyptic third-person shooter!. Battle through THREE epic campaigns across 15 demon-infested missions. Play solo or fight back to back in online co-op for 2-4 players. Dare you take on one of the most intense and challenging third-person shooters in gaming? . Face gruesome enemies with iconic weaponry and powerful explosives. Dismember the undead to give yourself a fighting chance, and experience every putrid lung burst, every rotten bone shatter with the infamous X-ray Kill Camera. . The ultimate horror package \u2013 alone or with teammates. Experience THREE nerve-shredding campaigns across FIFTEEN missions of intense third-person action. . Take the fight to the undead alone, or team up in 2-4 player online co-op. . Face your fears in the brutal new Horde Mode for 1-4 players, across 5 blood-curdling maps. . Gut-wrenching gunplay. Defeat harrowing legions of zombies, armoured skeletons, fire demons, chainsaw-wielding elites - and worse - before facing the demonic F\u00fchrer himself!. Shred the undead with genre-best rifle ballistics, powerful firearms and deadly explosive traps. . Wince as your bullets shred the insides of the undead in gruesome detail with the return of the series\u2019 acclaimed X-ray Kill Camera. . Customise your carnage . Choose from 16 playable characters, including all 8 survivors from Left 4 Dead 1 & 2!. Perfect your play style with CUSTOMISABLE loadouts - pick your favourite weapons and explosives. . Customise your DIFFICULTY and add enemy multipliers. Surely you would never brave \u201cX4\u201d on Sniper Elite difficulty . or would you?. Recut. Remastered. Unleashed. Includes the first two Nazi Zombie Army games like you\u2019ve never seen them before. . Pick apart zombies with the new DISMEMBERMENT mechanic and bathe in a bloody glow of NEW graphical effects, NEW audio, NEW enemy animations . and more. . Play your favourite missions from ANY campaign in ANY order in ONE unified online community.", + "about_the_game": "NOW INCLUDES ALL 8 CHARACTERS FROM THE LEFT 4 DEAD GAMES!\u201cCo-operative multiplayer done right.\u201d - Eurogamer\u201cProven shooter mechanics and a real sense of fun.\u201d - Wired\"A generous wodge of the most enjoyable kind of schlock horror shooting on PC.\" - PC Games NThe cult horror shooter series comes to an apocalyptic conclusion with an epic new third chapter, a heart-pumping new horde mode, and remastered editions of the best-selling Nazi Zombie Army 1 & 2.In the dying flames of World War II, Hitler has unleashed one final, unholy gamble \u2013 a legion of undead super soldiers that threatens to overwhelm the whole of Europe. Fight alone or team up to save humanity from the zombie menace in this apocalyptic third-person shooter!Battle through THREE epic campaigns across 15 demon-infested missions. Play solo or fight back to back in online co-op for 2-4 players. Dare you take on one of the most intense and challenging third-person shooters in gaming? Face gruesome enemies with iconic weaponry and powerful explosives. Dismember the undead to give yourself a fighting chance, and experience every putrid lung burst, every rotten bone shatter with the infamous X-ray Kill Camera.The ultimate horror package \u2013 alone or with teammatesExperience THREE nerve-shredding campaigns across FIFTEEN missions of intense third-person action. Take the fight to the undead alone, or team up in 2-4 player online co-op.Face your fears in the brutal new Horde Mode for 1-4 players, across 5 blood-curdling maps. Gut-wrenching gunplayDefeat harrowing legions of zombies, armoured skeletons, fire demons, chainsaw-wielding elites - and worse - before facing the demonic F\u00fchrer himself!Shred the undead with genre-best rifle ballistics, powerful firearms and deadly explosive traps.Wince as your bullets shred the insides of the undead in gruesome detail with the return of the series\u2019 acclaimed X-ray Kill Camera.Customise your carnage Choose from 16 playable characters, including all 8 survivors from Left 4 Dead 1 & 2!Perfect your play style with CUSTOMISABLE loadouts - pick your favourite weapons and explosives.Customise your DIFFICULTY and add enemy multipliers. Surely you would never brave \u201cX4\u201d on Sniper Elite difficulty ... or would you?Recut. Remastered. Unleashed.Includes the first two Nazi Zombie Army games like you\u2019ve never seen them before.Pick apart zombies with the new DISMEMBERMENT mechanic and bathe in a bloody glow of NEW graphical effects, NEW audio, NEW enemy animations ... and more.Play your favourite missions from ANY campaign in ANY order in ONE unified online community.", + "short_description": "The cult horror shooter series comes to an apocalyptic conclusion with an epic new third chapter, a heart-pumping new horde mode, and remastered editions of the best-selling Nazi Zombie Army 1 & 2.", + "genres": "Action", + "recommendations": 12209, + "score": 6.203358859759133 + }, + { + "type": "game", + "name": "Ryse: Son of Rome", + "detailed_description": "Fight as a soldier. Lead as a general. Rise as a legend. . \u201cRyse: Son of Rome\u201d tells the story of Marius Titus, a young Roman soldier who witnesses the murder of his family at the hands of barbarian bandits, then travels with the Roman army to Britannia to seek revenge. Quickly rising through the ranks, Marius must become a leader of men and defender of the Empire on his quest to exact vengeance \u2013 a destiny he soon discovers can only be fulfilled much closer to home. . About Ryse: Son of Rome. Journey to the heart of the Roman Empire and experience the brutality of battle like never before as \"Ryse: Son of Rome\" comes to PC with support for glorious 4K resolution. Continuing Crytek's legacy for groundbreaking games, Ryse pushes PC hardware to its limits whilst drawing players deep into the bloody drama of ancient Rome. . \u201cRyse: Son of Rome\u201d is an immersive action-adventure story of struggle, brutality and heroism. It follows a fearless Roman soldier named Marius Titus who joins the army to avenge the slaying of his family and emerges as a hero who must fight to save the Roman Empire. . \u201cRyse: Son of Rome\u201d presents a cinematic re-creation of the Roman Empire, its people, conflicts and landscapes in breathtaking detail and brings the brutality and intensity of Roman warfare to life in visceral detail. . Features. The complete Ryse experience. The PC version of \u201cRyse: Son of Rome\u201d offers the full experience, bundling the original Xbox One launch hit with all its DLC. . Taking full advantage of the PC. 4K gaming is another leap in graphics quality for PC gamers and Ryse is the perfect showcase for what\u2019s now possible in high-end PC games. \u201cRyse: Son of Rome\u201d leverages the power of Crytek\u2019s CRYENGINE and the latest High-End PC gaming technology to present conflict in the Roman Empire like you\u2019ve never seen it before. . Next-generation cinematic immersion. Marius\u2019 tale of revenge comes to life through new advancements in performance capture, allowing players to interact with believably realistic characters . Brutally intense combat. \u201cRyse: Son of Rome\u201d delivers a visceral, brutally realistic combat experience with epic-scale battles. Relive the ruthless history of ancient Rome as you engage in raw close-quarters combat against the barbarian hordes. . Cooperative gladiatorial combat in the Colosseum. Colosseum Mode, plunges you into the Arena to fight alongside a friend against an ever-changing array of enemies and challenges, to the roar of thousands of spectators. . A dynamic battlefield . Colosseum Mode includes 26 multiplayer maps, with tile sets ranging from British camps to Roman villas and Egyptian deserts. . Forge your own Legend. You decide your destiny, customizing your gladiator through gold and Valor (XP) with new armor, weapons, shields, and consumables to win the crowd and survive in the arena. . Bonus Content. \"Ryse: Son of Rome\" for PC will come with all bonus material originally released as downloadable content for the Xbox One version, including: . \u2022\tThe Colosseum Pack containing two character skins and two Arena maps. \u2022\tThe Mars\u2019 Chosen Pack containing one new character skin, four Arena maps, and the new Survival mode. \u2022\tThe Duel of Fates Pack containing two character skins, two Arena maps, and one additional Survival map. \u2022\tThe Morituri Pack, with three new Arena maps, two Survival maps, and five solo Arena maps.", + "about_the_game": "Fight as a soldier. Lead as a general. Rise as a legend.\u201cRyse: Son of Rome\u201d tells the story of Marius Titus, a young Roman soldier who witnesses the murder of his family at the hands of barbarian bandits, then travels with the Roman army to Britannia to seek revenge. Quickly rising through the ranks, Marius must become a leader of men and defender of the Empire on his quest to exact vengeance \u2013 a destiny he soon discovers can only be fulfilled much closer to home...About Ryse: Son of RomeJourney to the heart of the Roman Empire and experience the brutality of battle like never before as \"Ryse: Son of Rome\" comes to PC with support for glorious 4K resolution. Continuing Crytek's legacy for groundbreaking games, Ryse pushes PC hardware to its limits whilst drawing players deep into the bloody drama of ancient Rome.\u201cRyse: Son of Rome\u201d is an immersive action-adventure story of struggle, brutality and heroism. It follows a fearless Roman soldier named Marius Titus who joins the army to avenge the slaying of his family and emerges as a hero who must fight to save the Roman Empire.\u201cRyse: Son of Rome\u201d presents a cinematic re-creation of the Roman Empire, its people, conflicts and landscapes in breathtaking detail and brings the brutality and intensity of Roman warfare to life in visceral detail.FeaturesThe complete Ryse experienceThe PC version of \u201cRyse: Son of Rome\u201d offers the full experience, bundling the original Xbox One launch hit with all its DLC. Taking full advantage of the PC4K gaming is another leap in graphics quality for PC gamers and Ryse is the perfect showcase for what\u2019s now possible in high-end PC games. \u201cRyse: Son of Rome\u201d leverages the power of Crytek\u2019s CRYENGINE and the latest High-End PC gaming technology to present conflict in the Roman Empire like you\u2019ve never seen it before. Next-generation cinematic immersionMarius\u2019 tale of revenge comes to life through new advancements in performance capture, allowing players to interact with believably realistic characters Brutally intense combat\u201cRyse: Son of Rome\u201d delivers a visceral, brutally realistic combat experience with epic-scale battles. Relive the ruthless history of ancient Rome as you engage in raw close-quarters combat against the barbarian hordes.Cooperative gladiatorial combat in the ColosseumColosseum Mode, plunges you into the Arena to fight alongside a friend against an ever-changing array of enemies and challenges, to the roar of thousands of spectators.A dynamic battlefield Colosseum Mode includes 26 multiplayer maps, with tile sets ranging from British camps to Roman villas and Egyptian deserts.Forge your own LegendYou decide your destiny, customizing your gladiator through gold and Valor (XP) with new armor, weapons, shields, and consumables to win the crowd and survive in the arena. Bonus Content\"Ryse: Son of Rome\" for PC will come with all bonus material originally released as downloadable content for the Xbox One version, including: \u2022\tThe Colosseum Pack containing two character skins and two Arena maps.\u2022\tThe Mars\u2019 Chosen Pack containing one new character skin, four Arena maps, and the new Survival mode.\u2022\tThe Duel of Fates Pack containing two character skins, two Arena maps, and one additional Survival map.\u2022\tThe Morituri Pack, with three new Arena maps, two Survival maps, and five solo Arena maps.", + "short_description": "\u201cRyse: Son of Rome\u201d tells the story of Marius Titus, a young Roman soldier who witnesses the murder of his family at the hands of barbarian bandits, then travels with the Roman army to Britannia to seek revenge.", + "genres": "Action", + "recommendations": 29233, + "score": 6.778917271149085 + }, + { + "type": "game", + "name": "Call to Arms", + "detailed_description": "WE ARE ONEOur team is multi-national. Our head office is located in Germany, but a large part of our team is still in Ukraine. No words can describe our feelings right now. . Our games mean so much to us. They are our daily passion. Our mission. We are united in what we love to do and we accomplish our goals together. . We are not just colleagues. . We are friends. We are family. We are one. . And we have a simple message to you:. Make games, not war. BASIC EDITION. Enjoyed what you saw in the free version? Now everything gets better! Experience the cooperative campaign with your friends, play user generated content, fight custom battles in editor and mod your game from ground up. There are endless possibilities to increase your singleplayer and multiplayer experience. Limited on time? Don't worry, your base factions are unlocked right away and extra items will make it even more fun to customize your army!. DELUXE EDITION. The Deluxe Edition of Call to Arms includes the following bonus content:. The Allied Army DLC, including two minor factions and a GRM singleplayer campaign. A clan tag item. Exclusive squad logo items. Emoticon items for the in-game chat. A slight XP boost to speed up your progress in the leaderboards. An outstanding HUD element visible while playing and recording matches. ULTIMATE EDITION. The Ultimate Edition of Call to Arms includes the Deluxe Edition and Season Pass!. The Season Pass includes:. The Allied Army DLC, including two minor factions and a GRM singleplayer campaign. The German Army DLC, including the German faction and a new singleplayer campaign. The Russian Army DLC, including the Russian faction and a new singleplayer campaign. Beta Access to new factions before they get released. The Season Pass content will be released throughout 2018. If you have the free version, some new factions may not be available, or available at a later point. Feature List. About the GameCall to Arms offers an innovative mix of real-time strategy and 3rd, as well as 1st person controls. Set in the time of modern warfare, the game offers realistically modeled vehicles and heavy weaponry, as well as dozens of firearms and customizations. Command your troops to victory or fight by yourself in the 3rd or 1st person action mode. . Conquer rural areas, factories, railway stations and towns during intense missions and use the environment to your advantage. Cover is everywhere, and almost everything can be destroyed. An unseen amount of challenges are awaiting you in exciting, yet competitive online combat supported by Steamworks!Real-Time Strategy. Control several dozen units and place your squads in cover, flank your enemies and support your allies while advancing to the next key objective. Plant claymores, fortifiy FOBs, or set up mortar positions. There is an endless amount of options to choose in the RTS mode of Call to Arms.1st/3rd Person Controls. Not only can you defeat your enemies as a commander, but also by taking over any of your individual soldiers. You can control them in 3rd person view, as well as first person. The game has no limits!Tanks. Take over one of your vehicles at any time and join the heat of combat during intense tank warfare! Call to Arms offers you the ability to control every single unit to the last bit, including the type of ammunition you can use to take out enemy targets.Helicopters. If you need that little bit of extra fire power, then hop into a helicopter and support your allies in online matches with some serious air support that leaves no room for escape!", + "about_the_game": "Call to Arms offers an innovative mix of real-time strategy and 3rd, as well as 1st person controls. Set in the time of modern warfare, the game offers realistically modeled vehicles and heavy weaponry, as well as dozens of firearms and customizations. Command your troops to victory or fight by yourself in the 3rd or 1st person action mode.Conquer rural areas, factories, railway stations and towns during intense missions and use the environment to your advantage. Cover is everywhere, and almost everything can be destroyed. An unseen amount of challenges are awaiting you in exciting, yet competitive online combat supported by Steamworks!Real-Time StrategyControl several dozen units and place your squads in cover, flank your enemies and support your allies while advancing to the next key objective. Plant claymores, fortifiy FOBs, or set up mortar positions. There is an endless amount of options to choose in the RTS mode of Call to Arms.1st/3rd Person ControlsNot only can you defeat your enemies as a commander, but also by taking over any of your individual soldiers. You can control them in 3rd person view, as well as first person. The game has no limits!TanksTake over one of your vehicles at any time and join the heat of combat during intense tank warfare! Call to Arms offers you the ability to control every single unit to the last bit, including the type of ammunition you can use to take out enemy targets.HelicoptersIf you need that little bit of extra fire power, then hop into a helicopter and support your allies in online matches with some serious air support that leaves no room for escape!", + "short_description": "Call to Arms offers an innovative mix of real-time strategy and 3rd, as well as 1st person controls. Set in the time of modern warfare, the game offers realistically modeled vehicles and heavy weaponry. Command your troops to victory or fight by yourself in the 3rd or 1st person action mode.", + "genres": "Action", + "recommendations": 14129, + "score": 6.299636007490634 + }, + { + "type": "game", + "name": "BLOCKADE 3D", + "detailed_description": "BLOCKADE 3D!. First Person Shooter! Dynamic cubic world where you can build and destroy things and ones. Modern, real prototype of weapons and other liquidating your different-colored enemies will vary your in-game possibilities. A lots of cool game-modes, where you can shoot, destroy, build your own map, be the last-man-standing against zombies in Zombie-Mode. Every one can find stuff he addicted to in this game. Huge amount of maps, made by developers themselves and of course by community. Upgrade your weapon, your looking, and looking of your equipment, increase your in-game level, involve yourself in the game's worldwide ranking system with another players. Some of game-modes include up to 4 team at the same battle field. Clan tournaments where you gather with other clans to reach 1 goal - be a champion.", + "about_the_game": "BLOCKADE 3D!\r\n\r\nFirst Person Shooter! Dynamic cubic world where you can build and destroy things and ones. Modern, real prototype of weapons and other liquidating your different-colored enemies will vary your in-game possibilities. A lots of cool game-modes, where you can shoot, destroy, build your own map, be the last-man-standing against zombies in Zombie-Mode. Every one can find stuff he addicted to in this game. Huge amount of maps, made by developers themselves and of course by community. Upgrade your weapon, your looking, and looking of your equipment, increase your in-game level, involve yourself in the game's worldwide ranking system with another players. Some of game-modes include up to 4 team at the same battle field. Clan tournaments where you gather with other clans to reach 1 goal - be a champion.", + "short_description": "BLOCKADE 3D! First Person Shooter in an editable procedural cubic world. A large arsenal of weapons, 4 teams at the same time and up to 32 players on one map. A large number of game modes!", + "genres": "Action", + "recommendations": 426, + "score": 3.9928121761577846 + }, + { + "type": "game", + "name": "Dead Bits", + "detailed_description": "Quilly was abducted by aliens, now, he has to fight for his freedom! Destroy cube aliens with guns, bats and inteligence. avoid traps and more. Dead Bits is a first-person shooter with original dubstep soundtrack for Windows and Mac. . Entirely made out of cubes;. . A lot of weapons and enemies;. . Original dubstep / electronic soundtrack produced by Frost Orb.(Youtuber - Markiplier)(Youtuber - Fer0m0nas).", + "about_the_game": "Quilly was abducted by aliens, now, he has to fight for his freedom! Destroy cube aliens with guns, bats and inteligence... avoid traps and more. Dead Bits is a first-person shooter with original dubstep soundtrack for Windows and Mac.Entirely made out of cubes;A lot of weapons and enemies;Original dubstep / electronic soundtrack produced by Frost Orb.(Youtuber - Markiplier)(Youtuber - Fer0m0nas)", + "short_description": "Quilly was abducted by aliens, now, he has to fight for his freedom! Destroy cube aliens with guns, bats and inteligence... avoid traps and more. Dead Bits is a first-person shooter with original dubstep soundtrack for Windows and Mac.", + "genres": "Action", + "recommendations": 3489, + "score": 5.3777701479951965 + }, + { + "type": "game", + "name": "ArcheAge", + "detailed_description": "A vast open-world sandbox MMORPG with everything you can possibly imagine. On Nuia lives those in harmony with nature through their firm belief in the love of the Goddess Nui. On Harihara, those filled with the spirit of the Goddess labor to shape nature itself. These two continents are where our story begins. . Cut across vast expanses of land on a horse or a snow lion. Board a ship and trade across the great and mighty ocean. Search far and wide for hidden treasures. There is a conspiracy that is lurking in the shadows of this world. Will you be the one to stop it from coming to fruition?. Whether you are training your cannons on an enemy ship or bombarding enemy castle ramparts with a siege engine, you will be uncovering the secrets of the awakening lands, the Lost Continent, and its former denizens. So, revive the legacy of Delphinad, the greatest city ever to exist. Retrace the tracks left by the ancient heroes and gods who had no choice but to travel to the Lost Continent to destroy it. . ArcheAge is home to six major races: the spiritual Nuians, secretive Elves, and crafty Dwarves share the western continent, while the nomadic Firran, cunning Harani, and fearsome Warborn inhabit the continent to the east. Explore 6 unique races with 364 possible class combinations built from 14 skillsets. . Loose ties connect the neighboring races, but allegiances are fluid, forever complicated by the whims of pirate factions sailing, trading, and pillaging at will. . Gliders, Mounts, Ships, and Trade. Ride and glide on mounts to quickly explore the continent. Want to go up on top of mountain peaks? Try using Gliders. Want to explore other continents across the seas? Build ships and set sail. There are no limits to where you can go in ArcheAge. Walk on your feet, ride a donkey, or drive vehicles to explore and trade throughout the continents. . Battle for you, your guild, and your faction. In ArcheAge, you can battle on the ground, the seas, or even in the air. There are no limits. Defeat monsters with your unique set of skills, and conquer all sort of dungeons. You can also glide and fight in the air on your glider. . Craft siege gear and use it to lead your side to victory in wars. Enter Auroria with your Guild, build castles, and push opposing factions away to expand your grounds. Craft various ships such as rowboats, battle clippers, and schooners to set sail on sea. Protect your schooner from pirates. There's also a chance you may run into Kraken, the hidden foe of the sea, so be on guard.Housing, Farming, Guild. You'll always have some good neighbors around your home. Help each other build up the community and make your neighborhood flourish!", + "about_the_game": "A vast open-world sandbox MMORPG with everything you can possibly imagine.On Nuia lives those in harmony with nature through their firm belief in the love of the Goddess Nui. On Harihara, those filled with the spirit of the Goddess labor to shape nature itself. These two continents are where our story begins. Cut across vast expanses of land on a horse or a snow lion. Board a ship and trade across the great and mighty ocean. Search far and wide for hidden treasures. There is a conspiracy that is lurking in the shadows of this world. Will you be the one to stop it from coming to fruition?Whether you are training your cannons on an enemy ship or bombarding enemy castle ramparts with a siege engine, you will be uncovering the secrets of the awakening lands, the Lost Continent, and its former denizens. So, revive the legacy of Delphinad, the greatest city ever to exist. Retrace the tracks left by the ancient heroes and gods who had no choice but to travel to the Lost Continent to destroy it.ArcheAge is home to six major races: the spiritual Nuians, secretive Elves, and crafty Dwarves share the western continent, while the nomadic Firran, cunning Harani, and fearsome Warborn inhabit the continent to the east. Explore 6 unique races with 364 possible class combinations built from 14 skillsets.Loose ties connect the neighboring races, but allegiances are fluid, forever complicated by the whims of pirate factions sailing, trading, and pillaging at will.Gliders, Mounts, Ships, and TradeRide and glide on mounts to quickly explore the continent. Want to go up on top of mountain peaks? Try using Gliders. Want to explore other continents across the seas? Build ships and set sail. There are no limits to where you can go in ArcheAge. Walk on your feet, ride a donkey, or drive vehicles to explore and trade throughout the continents.Battle for you, your guild, and your factionIn ArcheAge, you can battle on the ground, the seas, or even in the air. There are no limits. Defeat monsters with your unique set of skills, and conquer all sort of dungeons. You can also glide and fight in the air on your glider.Craft siege gear and use it to lead your side to victory in wars. Enter Auroria with your Guild, build castles, and push opposing factions away to expand your grounds. Craft various ships such as rowboats, battle clippers, and schooners to set sail on sea. Protect your schooner from pirates. There's also a chance you may run into Kraken, the hidden foe of the sea, so be on guard.Housing, Farming, GuildYou'll always have some good neighbors around your home. Help each other build up the community and make your neighborhood flourish!", + "short_description": "Play ArcheAge - A vast open-world sandbox MMORPG with everything you can possibly imagine.", + "genres": "Free to Play", + "recommendations": 792, + "score": 4.400901235210409 + }, + { + "type": "game", + "name": "Trove", + "detailed_description": "Introducing Bomber Royale mode!. Bomber Royale brings a Trovian twist to the battle royale genre. Grapple your way across deadly pitfalls, lethal lava, and deconstructable maps as you lob a variety of special bombs at up to 19 opposing players in this fast-paced, frenetic fight to be the last Trovian standing. . LEARN MORE!. Trove mods come to the Steam Workshop!. About the Game. Grab your friends, hone your blades, and set off for adventure in Trove, the ultimate action MMO! Battle the forces of Shadow in realms filled with incredible dungeons and items created by your fellow players. Whether hunting treasure in far-off lands or building realms of your own, it\u2019s never been this good to be square!. Cubular ClassesPlay as a Knight, Gunslinger, Ice Sage, Dracolyte, Pirate-with-a-parrot, or any (or all!) of the other Classes in Trove while mastering abilities from deadly ninja techniques to deliciously deadly ice cream crushes. Upgrade your gear to tackle epic challenges and strut your stuff with killer looks. Infinite RealmsExplore through fully destructible realms on the backs of fire-breathing dragons and purrfectly whiskered Meownts. Jump into action tailored to any level as you conquer untamed wilds from the Treasure Isles to Candoria, home of the sweet-toothed Candy Barbarians. Delve into DungeonsAssemble a group of hardy cube-kind and crawl your way through huge dungeons unique to each realm. Brave deadly minions, bosses, and traps to \u201cliberate\u201d powerful armor and weapons, or dip into smaller Lairs for single servings of danger perfect for solo fun.Get Rich with LootRake in a shimmering hoard of treasure and collectible items from the deepest and darkest places in Trove. Load up on special gear, costumes, decorations, recipes, crafting ingredients, flying carpets, sea-faring ships, and dragons of mighty renown. Build Your Home\u2026 Cornerstones are personal homes you can build block by block, but they\u2019re also mobile bases! Drop your Cornerstone at specially-marked plots in any world you\u2019re visiting, and voil\u00e0: your hand-crafted home-away-from-home will appear, giving you a place to kick back, relax, and craft to your heart\u2019s content. Build a World\u2026What\u2019s better than crafting alone? Building entire new Club Worlds with friends. Feel like making enormous geodesic domes in the desert? Magnificent castles in the sky? Do it \u2013 and land yourself in our list of the cubic masterpieces in Trove!. Build Anything in the Game!Dragons? Check. Bacon swords? Yup. Rainbow-grade 3D glasses of insufferable doom? Just the tip of the iceberg! Collect a HUGE range gear made by your fellow players and make and submit your own items \u2013 including Dungeons, Lairs, Class Costumes, and more. PlusMusic Blocks, Meownts, Fishing, Farming, Pets, Sailing (with Boats!), Flying (with Wings!), Mag Trains, Dance-Pads, Heroes, Villains, Allies (who might be Villains), Flasks, Bombs, Pi\u00f1ata Parties, and the Crafting of any and all Things. . Did we mention it\u2019s free to play?!", + "about_the_game": "Grab your friends, hone your blades, and set off for adventure in Trove, the ultimate action MMO! Battle the forces of Shadow in realms filled with incredible dungeons and items created by your fellow players. Whether hunting treasure in far-off lands or building realms of your own, it\u2019s never been this good to be square!Cubular ClassesPlay as a Knight, Gunslinger, Ice Sage, Dracolyte, Pirate-with-a-parrot, or any (or all!) of the other Classes in Trove while mastering abilities from deadly ninja techniques to deliciously deadly ice cream crushes. Upgrade your gear to tackle epic challenges and strut your stuff with killer looks.Infinite RealmsExplore through fully destructible realms on the backs of fire-breathing dragons and purrfectly whiskered Meownts. Jump into action tailored to any level as you conquer untamed wilds from the Treasure Isles to Candoria, home of the sweet-toothed Candy Barbarians.Delve into DungeonsAssemble a group of hardy cube-kind and crawl your way through huge dungeons unique to each realm. Brave deadly minions, bosses, and traps to \u201cliberate\u201d powerful armor and weapons, or dip into smaller Lairs for single servings of danger perfect for solo fun.Get Rich with LootRake in a shimmering hoard of treasure and collectible items from the deepest and darkest places in Trove. Load up on special gear, costumes, decorations, recipes, crafting ingredients, flying carpets, sea-faring ships, and dragons of mighty renown. Build Your Home\u2026 Cornerstones are personal homes you can build block by block, but they\u2019re also mobile bases! Drop your Cornerstone at specially-marked plots in any world you\u2019re visiting, and voil\u00e0: your hand-crafted home-away-from-home will appear, giving you a place to kick back, relax, and craft to your heart\u2019s content.Build a World\u2026What\u2019s better than crafting alone? Building entire new Club Worlds with friends. Feel like making enormous geodesic domes in the desert? Magnificent castles in the sky? Do it \u2013 and land yourself in our list of the cubic masterpieces in Trove!Build Anything in the Game!Dragons? Check. Bacon swords? Yup. Rainbow-grade 3D glasses of insufferable doom? Just the tip of the iceberg! Collect a HUGE range gear made by your fellow players and make and submit your own items \u2013 including Dungeons, Lairs, Class Costumes, and more.PlusMusic Blocks, Meownts, Fishing, Farming, Pets, Sailing (with Boats!), Flying (with Wings!), Mag Trains, Dance-Pads, Heroes, Villains, Allies (who might be Villains), Flasks, Bombs, Pi\u00f1ata Parties, and the Crafting of any and all Things. Did we mention it\u2019s free to play?!", + "short_description": "Grab your friends, hone your blades, and set off for adventure in Trove, the ultimate action MMO!", + "genres": "Action", + "recommendations": 1017, + "score": 4.565558350729775 + }, + { + "type": "game", + "name": "Resident Evil", + "detailed_description": "The game that defined the survival-horror genre is back! Check out the remastered HD version of Resident Evil. . In 1998 a special forces team is sent to investigate some bizarre murders on the outskirts of Raccoon City. Upon arriving they are attacked by a pack of blood-thirsty dogs and are forced to take cover in a nearby mansion. But the scent of death hangs heavy in the air. Supplies are scarce as they struggle to stay alive. . Graphics. More detailed graphics that retain the horror. . The environments come alive with detail thanks to resolution upgrades and non-static 3D models. . Post-processing effects like Bloom filters, which were not easy to do at the time of the original release, have been added to make the HD graphics even more realistic. . High-Resolution Environments - We've increased the resolution of the background environments by recreating them with a mix of high-res static images, plus animated 3D models. . Widescreen Support. Widescreen (16:9) is supported, so players can experience a greater sense of immersion. . In widescreen mode, the screen will scroll. The parts of the screen that get cut off on the top and bottom will scroll into view automatically depending on the character's position. . You can switch the display mode during gameplay in real time. . Sound & New Controls. High-Quality Sound - The audio has been remastered to increase the sampling rate, and of course 5.1ch output is also now supported. . New Controls. You can play using the original control scheme or an alternate control scheme that lets you just push the analog stick to move in the direction you want to go. . You can switch the control scheme during gameplay in real time.", + "about_the_game": "The game that defined the survival-horror genre is back! Check out the remastered HD version of Resident Evil.In 1998 a special forces team is sent to investigate some bizarre murders on the outskirts of Raccoon City. Upon arriving they are attacked by a pack of blood-thirsty dogs and are forced to take cover in a nearby mansion. But the scent of death hangs heavy in the air. Supplies are scarce as they struggle to stay alive.GraphicsMore detailed graphics that retain the horror.The environments come alive with detail thanks to resolution upgrades and non-static 3D models.Post-processing effects like Bloom filters, which were not easy to do at the time of the original release, have been added to make the HD graphics even more realistic.High-Resolution Environments - We've increased the resolution of the background environments by recreating them with a mix of high-res static images, plus animated 3D models.Widescreen SupportWidescreen (16:9) is supported, so players can experience a greater sense of immersion.In widescreen mode, the screen will scroll. The parts of the screen that get cut off on the top and bottom will scroll into view automatically depending on the character's position.You can switch the display mode during gameplay in real time.Sound & New ControlsHigh-Quality Sound - The audio has been remastered to increase the sampling rate, and of course 5.1ch output is also now supported.New ControlsYou can play using the original control scheme or an alternate control scheme that lets you just push the analog stick to move in the direction you want to go.You can switch the control scheme during gameplay in real time.", + "short_description": "The game that defined the survival-horror genre is back! Check out the remastered HD version of Resident Evil.", + "genres": "Action", + "recommendations": 15521, + "score": 6.361576031653118 + }, + { + "type": "game", + "name": "FOR HONOR\u2122", + "detailed_description": "FOR HONOR\u2122 - COMPLETE EDITIONGet the ultimate For Honor experience all in one with the Complete Edition. Includes the base game, Marching Fire Expansion, the Year 1: Heroes Bundle, and the Year 3 Pass. . FOR HONOR\u2122 - YEAR 3 PASSThe Year of the Harbinger is upon us! Enhance your For Honor experience with the Year 3 Pass. Get VIP early access to 4 new Heroes, plus exclusive bonus content. . FOR HONOR\u2122 - STARTER EDITION. Get the Starter Edition to join the battlegrounds of For Honor with instant access to all multiplayer and story modes, as well as all maps. . Starter Edition includes 6 playable heroes (instead of 12) with 3 fully unlocked. Other heroes can be unlocked for 8000 Steel each (8 to 15 hours of gameplay depending on how you play). . The Starter Edition is full compatible with the Season Pass, existing DLCs and all additional content. FOR HONOR\u2122 - Marching Fire Edition. Includes the For Honor\u00ae base game, plus Marching Fire\u2122 Expansion. Enter the chaos of war and choose your faction : Knight, Viking, Samurai, or Wu Lin Warrior. Play in a variety of thrilling modes including PvP, PVE, co-op and story campaign. About the GameEnter the chaos of war as a bold Knight, a brutal Viking, or a deadly Samurai. Play the thrilling story campaign or fight in brutal PvP modes, now on new dedicated servers. . Enjoy an evolved experience with 18 Heroes, 18 maps, new PvP and ranked modes, thousands of gear items, and more since launch. . Dedicated servers provide a stable and seamless experience as you fight to claim victory for your faction. . Make the fight your own by customizing your Heroes with thousands of different weapons, emblems, and more. . Earn rewards while you learn the art of combat with a brand-new training mode that takes you from Apprentice to Master. . ----. Constant internet connection required. Additional notes:. Eye tracking features available with Tobii Eye Tracking. . Check out the For Honor VR experience: immerse yourself in the action with Littlstar.", + "about_the_game": "Enter the chaos of war as a bold Knight, a brutal Viking, or a deadly Samurai. Play the thrilling story campaign or fight in brutal PvP modes, now on new dedicated servers.Enjoy an evolved experience with 18 Heroes, 18 maps, new PvP and ranked modes, thousands of gear items, and more since launch.Dedicated servers provide a stable and seamless experience as you fight to claim victory for your faction.Make the fight your own by customizing your Heroes with thousands of different weapons, emblems, and more.Earn rewards while you learn the art of combat with a brand-new training mode that takes you from Apprentice to Master.----Constant internet connection required.Additional notes:Eye tracking features available with Tobii Eye Tracking.Check out the For Honor VR experience: immerse yourself in the action with Littlstar.", + "short_description": "Carve a path of destruction through an intense, believable battlefield in For Honor.", + "genres": "Action", + "recommendations": 80402, + "score": 7.445872577218678 + }, + { + "type": "game", + "name": "INSIDE", + "detailed_description": "Hunted and alone, a boy finds himself drawn into the center of a dark project. . Try Playdead\u2019s award-winning indie adventure game. INSIDE is a dark, narrative-driven platformer combining intense action with challenging puzzles. It has been critically acclaimed for its moody art style, ambient soundtrack and unsettling atmosphere.", + "about_the_game": "Hunted and alone, a boy finds himself drawn into the center of a dark project.Try Playdead\u2019s award-winning indie adventure game. INSIDE is a dark, narrative-driven platformer combining intense action with challenging puzzles. It has been critically acclaimed for its moody art style, ambient soundtrack and unsettling atmosphere.", + "short_description": "Hunted and alone, a boy finds himself drawn into the center of a dark project. INSIDE is a dark, narrative-driven platformer combining intense action with challenging puzzles. It has been critically acclaimed for its moody art style, ambient soundtrack and unsettling atmosphere.", + "genres": "Action", + "recommendations": 44685, + "score": 7.058646803275296 + }, + { + "type": "game", + "name": "Unturned", + "detailed_description": "STAY UNTURNED. You're one of the few not yet turned zombie. Keeping it that way will be a challenge. . Go in guns blazing and attract the attention of everything, living and dead. . Take a subtle approach sneaking around and making use of distractions. . Confront and learn to counter special abilities ranging from invisibility to fire breathing to lightning attacks. . STRUGGLE AGAINST NATURE. Zombies aside nature does plenty to make life hard. . Forage wild fruits and vegetables. . Hunt animals for pelts and meat, or in some hostile environments become the prey. . Fish for food and garbage. . Plant a crop and make sure it gets rain. . Seek warmth and take shelter from blizzards. . DEAL WITH OTHER PLAYERS. Friend or foe there's a lot of interesting people online. . Arrest bandits with handcuffs and blindfold them as a non-lethal strategy. . Fight with every kind of weapon under the sun - swords, machine guns, snipers, missiles, landmines - you name it. . Raid enemy encampments using charges and detonators and steal their loot. . For pure PvP play arena mode in a last man standing battle to the death, or PvE for peaceful cooperation. . Roleplay servers encourage everyone to stay in character and tell a story together. . HELP THE NEW SOCIETY. Plenty to do even if you're offline or going solo. . Meet, talk and trade with NPCs. . Complete quests to aid NPCs and progress the story. . Fend off waves of the undead to clear hordes. . Secure airdropped supplies. . Gear up with gasmasks to scout radioactive deadzones. . FORTIFY YOUR STRONGHOLD. Somewhere to kick back and chillax or a hideout to direct your gang, whatever floats your boat (in this case sometimes literally). . Build with barricades, furniture, traps, machinery and more. . Board up the windows of existing structures to survive the night. . Craft an entirely new structure from supplies you collect. . Turn your vehicle into a moving fortress by building on it. . TRAVEL BY LAND, AIR AND SEA. Roll out in style with a fully stocked garage. . Land vehicles including tanks, quads and snowmobiles. . Air vehicles from helicopters to seaplanes to fighter jets. . Sea vehicles such as jetskis and hovercraft. . Maintain your vehicles with tires, batteries and fuel. . EXPLORE MASSIVE WORLDS. With 5 officially developed and 1 curated community created sandbox map there's a wide variety of locations to discover:. Prince Edward Island (PEI). The Yukon. Washington. Russia. Hawaii. Germany. MOD EVERYTHING. From the ground up Unturned was designed for modding. . Download player created content ranging from guns to vehicles to huge levels from the workshop, and upload your own. . Build custom maps using the in-game level editor. All of the official maps were created with the same free public tools and their assets are open for you to use. . Write plugins using built-in or strong third party systems. . Get your apparel and skins upvoted in the workshop for consideration to be accepted and sold. . Team up with other modders and put together your own update for consideration to be officially adopted. . NEAT STUFF. I think these features are neat and they didn't fit anywhere else. There's many more I want to include but for brevity's sake:. Most objects can be destroyed to create new pathways. . For immersion you can pick a frequency and use two-way radios to communicate with your squad rather than external voice chat programs.", + "about_the_game": "STAY UNTURNEDYou're one of the few not yet turned zombie. Keeping it that way will be a challenge.Go in guns blazing and attract the attention of everything, living and dead.Take a subtle approach sneaking around and making use of distractions.Confront and learn to counter special abilities ranging from invisibility to fire breathing to lightning attacks.STRUGGLE AGAINST NATUREZombies aside nature does plenty to make life hard.Forage wild fruits and vegetables.Hunt animals for pelts and meat, or in some hostile environments become the prey.Fish for food and garbage.Plant a crop and make sure it gets rain.Seek warmth and take shelter from blizzards.DEAL WITH OTHER PLAYERSFriend or foe there's a lot of interesting people online.Arrest bandits with handcuffs and blindfold them as a non-lethal strategy.Fight with every kind of weapon under the sun - swords, machine guns, snipers, missiles, landmines - you name it.Raid enemy encampments using charges and detonators and steal their loot.For pure PvP play arena mode in a last man standing battle to the death, or PvE for peaceful cooperation.Roleplay servers encourage everyone to stay in character and tell a story together.HELP THE NEW SOCIETYPlenty to do even if you're offline or going solo.Meet, talk and trade with NPCs.Complete quests to aid NPCs and progress the story.Fend off waves of the undead to clear hordes.Secure airdropped supplies.Gear up with gasmasks to scout radioactive deadzones.FORTIFY YOUR STRONGHOLDSomewhere to kick back and chillax or a hideout to direct your gang, whatever floats your boat (in this case sometimes literally).Build with barricades, furniture, traps, machinery and more.Board up the windows of existing structures to survive the night.Craft an entirely new structure from supplies you collect.Turn your vehicle into a moving fortress by building on it.TRAVEL BY LAND, AIR AND SEARoll out in style with a fully stocked garage.Land vehicles including tanks, quads and snowmobiles.Air vehicles from helicopters to seaplanes to fighter jets.Sea vehicles such as jetskis and hovercraft.Maintain your vehicles with tires, batteries and fuel.EXPLORE MASSIVE WORLDSWith 5 officially developed and 1 curated community created sandbox map there's a wide variety of locations to discover:Prince Edward Island (PEI)The YukonWashingtonRussiaHawaiiGermanyMOD EVERYTHINGFrom the ground up Unturned was designed for modding.Download player created content ranging from guns to vehicles to huge levels from the workshop, and upload your own.Build custom maps using the in-game level editor. All of the official maps were created with the same free public tools and their assets are open for you to use.Write plugins using built-in or strong third party systems.Get your apparel and skins upvoted in the workshop for consideration to be accepted and sold.Team up with other modders and put together your own update for consideration to be officially adopted. NEAT STUFFI think these features are neat and they didn't fit anywhere else. There's many more I want to include but for brevity's sake:Most objects can be destroyed to create new pathways.For immersion you can pick a frequency and use two-way radios to communicate with your squad rather than external voice chat programs.", + "short_description": "You're a survivor in the zombie infested ruins of society, and must work with your friends and forge alliances to remain among the living.", + "genres": "Action", + "recommendations": 7694, + "score": 5.899002691156381 + }, + { + "type": "game", + "name": "The Long Dark", + "detailed_description": "THE LONG DARK: SURVIVAL EDITION - This edition of the game features the award-winning Survival Mode as a stand-alone product. . THE LONG DARK - This edition of the game includes both Survival Mode & the WINTERMUTE Story Mode. . . . Bright lights flare across the night sky. The wind rages outside the thin walls of your wooden cabin. A wolf howls in the distance. You look at the meager supplies in your pack, and wish for the days before the power mysteriously went out. How much longer will you survive?. Welcome to THE LONG DARK, the innovative exploration-survival experience Wired magazine calls \"the pinnacle of an entire genre\". . . THE LONG DARK is a thoughtful, exploration-survival experience that challenges solo players to think for themselves as they explore an expansive frozen wilderness in the aftermath of a geomagnetic disaster. There are no zombies -- only you, the cold, and all the threats Mother Nature can muster. . THE LONG DARK: SURVIVAL EDITION brings you the genre-defining Survival Mode, honed after years of open development and frequent updates. Widely considered the paramount Survival game of all time, SURVIVAL EDITION gives you pure focus on THE LONG DARK\u2019s Survival Sandbox -- the experience that started it all!. In THE LONG DARK, you are getting both the genre-defining Survival Mode, honed after years of open development and frequent updates, and the award-winning episodic narrative mode, WINTERMUTE. . . . . . Included with both THE LONG DARK: SURVIVAL EDITION and THE LONG DARK, Survival Mode is the free-form, non-narrative Survival Sandbox that has defined the genre since launching on Steam in 2014. After years of open development and dozens of major updates, THE LONG DARK now stands at the pinnacle of the entire genre. Survival is your only goal, and death your only end. Make your own survival story with every game. . . The game that defined death for the survival genre. When you die in Survival, your save is deleted. Every decision matters. . . The game challenges players to think for themselves by providing the information but never the answers. You have to earn the right to survive. . . Monitor your Hunger, Thirst, Fatigue, and Cold as you struggle to balance resources with the energy needed to obtain them. Every action costs Calories, and time is your most precious resource. Choose your path carefully. . . Over 100 gear items including Tools, Light Sources, Weapons, First Aid supplies, Clothing, and more. . . Explore a 50+ square kilometer Northern Canadian wilderness spanning 12 major regions and all the zones that connect them in search of life-saving supplies. Distant mountains, coastal towns, mines, farmlands, and a huge expanse of brutal winter wilderness to test your survival mettle. . . Hunt, fish, trap, climb, map, search for life-saving food and gear items, and try to avoid dying from the hostile wildlife, succumbing to hypothermia, frostbite, or dysentery (amongst other uncomfortable afflictions), find and maintain your life-saving gear. Hunt and be hunted by: Wolves, Bears, Moose, Rabbits, Deers, Crows, and more to come in future updates. . . Four distinct Experience Modes let you find a challenge level you are comfortable with, such as Pilgrim Mode, which is meant to be quiet and pensive, all the way to Interloper Mode, where only the most experienced survivors have a chance to last a week. If none of the four Experiences suits you, use Custom Mode settings to tailor your Survival Mode game to your specific tastes. . Features the music of Sascha Dikiciyan. . . Several standalone Challenge Modes offer objective-based experiences designed to last 1-3 hours each, such as Whiteout -- the race to gather enough supplies to prepare for a monster blizzard. Or Hunted, where you need to escape a murderous Bear. Complete them to unlock Feats that provide long-term gameplay benefits in Survival Mode. Additional Challenges include: Hopeless Rescue, Nomad, Archivist, As the Dead Sleep, and Escape the Darkwalker. . . . Included in THE LONG DARK The episodic story-mode for THE LONG DARK, WINTERMUTE, includes four of the five episodes that form WINTERMUTE. Episode Five is in development, and is slated for a late 2023 release. This will bring the WINTERMUTE storyline to its conclusion. . The first four episodes of WINTERMUTE represent approximately 30 hours of gameplay. Episode Five is included in the price of the game, and will be unlocked for free as they are released.Please note, if you purchase THE LONG DARK: SURVIVAL EDITION you can add WINTERMUTE by purchasing the WINTERMUTE DLC here. . . . Bush pilot Will Mackenzie (player character) and Dr. Astrid Greenwood are separated after their plane crashes deep in the Northern Canadian wilderness in the aftermath of a mysterious flash of light in the sky. Struggling to survive as he desperately searches for Astrid, Mackenzie comes across the small town of Milton, where he begins to understand the scope of this quiet apocalypse. . . Mackenzie\u2019s search for Astrid takes him deeper into the savage Winter wilderness. A mysterious trapper may be the key to finding Astrid, but can he be trusted?. . . In the aftermath of events in Milton, an enigmatic stranger rescues Dr. Astrid Greenwood (player character) from near death. Facing the blizzards of Pleasant Valley, Astrid must bring all her skills as a doctor to bear on the survivors she encounters. But will she find Mackenzie, and get closer to the mystery that's taking them to Perseverance Mills?. . . A murderous gang of convicts has captured Mackenzie. Desperate to escape one of the darkest corners of Great Bear Island, he must somehow survive his fiercest enemy yet. Can Mackenzie recover the Hardcase, continue his search for Astrid, and also save the innocents caught up in this deadly confrontation?. . NOTE: Unlike Survival Mode, WINTERMUTE does not feature permadeath. You can save your progress as you play. . Features performances by Jennifer Hale, Mark Meer, David Hayter, and Elias Toufexis (Episode Three), and the music of Cris Velasco. . . . In addition to releasing the remaining episode of WINTERMUTE, we intend to continue updating Survival Mode with limited free updates alongside our paid DLC Expansion Pass, TALES FROM THE FAR TERRITORY, running through 2023. This is on top of the over 100 updates we have made to the game over the past 8 years of open development. Keep in mind that your purchase of THE LONG DARK entitles you to all five episodes of WINTERMUTE without extra charge. For more information about the free updates coming to Survival Mode, please visit the Expansion Pass roadmap at . . . . To learn more about THE LONG DARK, and get news and updates, please visit To join the official community, please visit and share your stories. For Technical Support, please visit our Support Portal at hinterlandgames.com/support. . . . . . . . . . . . . Hinterland is an independent video game developer and IP creator headquartered in Vancouver, British Columbia, Canada. . Established in 2012 by game director & writer, Raphael van Lierop, Hinterland is a multi-ethnic, international team united around a singular goal: to create thought-provoking, story-rich entertainment experiences set in compelling original worlds. . Our fictional settings -- our IP -- are conceived from the ground up to exist across multiple mediums. We believe that when people love a world, they want to experience it across as many platforms as possible. . Hinterland's first IP, THE LONG DARK, first launched on Steam Early Access on September 2014. The game's multi-platform 1.0 launched on August 2017. Today, THE LONG DARK has more than 10-million players around the world. . We aim for our games to foster a sense of social awareness, and we aspire to provide immersive, sophisticated worlds for anyone seeking a mature entertainment experience. . Join us on our journey.", + "about_the_game": "THE LONG DARK: SURVIVAL EDITION - This edition of the game features the award-winning Survival Mode as a stand-alone product.THE LONG DARK - This edition of the game includes both Survival Mode & the WINTERMUTE Story Mode.Bright lights flare across the night sky. The wind rages outside the thin walls of your wooden cabin. A wolf howls in the distance. You look at the meager supplies in your pack, and wish for the days before the power mysteriously went out. How much longer will you survive?Welcome to THE LONG DARK, the innovative exploration-survival experience Wired magazine calls \"the pinnacle of an entire genre\".THE LONG DARK is a thoughtful, exploration-survival experience that challenges solo players to think for themselves as they explore an expansive frozen wilderness in the aftermath of a geomagnetic disaster. There are no zombies -- only you, the cold, and all the threats Mother Nature can muster.THE LONG DARK: SURVIVAL EDITION brings you the genre-defining Survival Mode, honed after years of open development and frequent updates. Widely considered the paramount Survival game of all time, SURVIVAL EDITION gives you pure focus on THE LONG DARK\u2019s Survival Sandbox -- the experience that started it all!In THE LONG DARK, you are getting both the genre-defining Survival Mode, honed after years of open development and frequent updates, and the award-winning episodic narrative mode, WINTERMUTE.Included with both THE LONG DARK: SURVIVAL EDITION and THE LONG DARK, Survival Mode is the free-form, non-narrative Survival Sandbox that has defined the genre since launching on Steam in 2014. After years of open development and dozens of major updates, THE LONG DARK now stands at the pinnacle of the entire genre. Survival is your only goal, and death your only end. Make your own survival story with every game.The game that defined death for the survival genre. When you die in Survival, your save is deleted. Every decision matters.The game challenges players to think for themselves by providing the information but never the answers. You have to earn the right to survive.Monitor your Hunger, Thirst, Fatigue, and Cold as you struggle to balance resources with the energy needed to obtain them. Every action costs Calories, and time is your most precious resource. Choose your path carefully.Over 100 gear items including Tools, Light Sources, Weapons, First Aid supplies, Clothing, and more.Explore a 50+ square kilometer Northern Canadian wilderness spanning 12 major regions and all the zones that connect them in search of life-saving supplies. Distant mountains, coastal towns, mines, farmlands, and a huge expanse of brutal winter wilderness to test your survival mettle.Hunt, fish, trap, climb, map, search for life-saving food and gear items, and try to avoid dying from the hostile wildlife, succumbing to hypothermia, frostbite, or dysentery (amongst other uncomfortable afflictions), find and maintain your life-saving gear. Hunt and be hunted by: Wolves, Bears, Moose, Rabbits, Deers, Crows, and more to come in future updates.Four distinct Experience Modes let you find a challenge level you are comfortable with, such as Pilgrim Mode, which is meant to be quiet and pensive, all the way to Interloper Mode, where only the most experienced survivors have a chance to last a week. If none of the four Experiences suits you, use Custom Mode settings to tailor your Survival Mode game to your specific tastes.Features the music of Sascha Dikiciyan.Several standalone Challenge Modes offer objective-based experiences designed to last 1-3 hours each, such as Whiteout -- the race to gather enough supplies to prepare for a monster blizzard. Or Hunted, where you need to escape a murderous Bear. Complete them to unlock Feats that provide long-term gameplay benefits in Survival Mode. Additional Challenges include: Hopeless Rescue, Nomad, Archivist, As the Dead Sleep, and Escape the Darkwalker.Included in THE LONG DARK The episodic story-mode for THE LONG DARK, WINTERMUTE, includes four of the five episodes that form WINTERMUTE. Episode Five is in development, and is slated for a late 2023 release. This will bring the WINTERMUTE storyline to its conclusion.The first four episodes of WINTERMUTE represent approximately 30 hours of gameplay. Episode Five is included in the price of the game, and will be unlocked for free as they are released.Please note, if you purchase THE LONG DARK: SURVIVAL EDITION you can add WINTERMUTE by purchasing the WINTERMUTE DLC here.Bush pilot Will Mackenzie (player character) and Dr. Astrid Greenwood are separated after their plane crashes deep in the Northern Canadian wilderness in the aftermath of a mysterious flash of light in the sky. Struggling to survive as he desperately searches for Astrid, Mackenzie comes across the small town of Milton, where he begins to understand the scope of this quiet apocalypse.Mackenzie\u2019s search for Astrid takes him deeper into the savage Winter wilderness. A mysterious trapper may be the key to finding Astrid, but can he be trusted?In the aftermath of events in Milton, an enigmatic stranger rescues Dr. Astrid Greenwood (player character) from near death. Facing the blizzards of Pleasant Valley, Astrid must bring all her skills as a doctor to bear on the survivors she encounters. But will she find Mackenzie, and get closer to the mystery that's taking them to Perseverance Mills?A murderous gang of convicts has captured Mackenzie. Desperate to escape one of the darkest corners of Great Bear Island, he must somehow survive his fiercest enemy yet. Can Mackenzie recover the Hardcase, continue his search for Astrid, and also save the innocents caught up in this deadly confrontation?NOTE: Unlike Survival Mode, WINTERMUTE does not feature permadeath. You can save your progress as you play.Features performances by Jennifer Hale, Mark Meer, David Hayter, and Elias Toufexis (Episode Three), and the music of Cris Velasco.In addition to releasing the remaining episode of WINTERMUTE, we intend to continue updating Survival Mode with limited free updates alongside our paid DLC Expansion Pass, TALES FROM THE FAR TERRITORY, running through 2023. This is on top of the over 100 updates we have made to the game over the past 8 years of open development. Keep in mind that your purchase of THE LONG DARK entitles you to all five episodes of WINTERMUTE without extra charge. For more information about the free updates coming to Survival Mode, please visit the Expansion Pass roadmap at learn more about THE LONG DARK, and get news and updates, please visit To join the official community, please visit and share your stories. For Technical Support, please visit our Support Portal at hinterlandgames.com/support.Hinterland is an independent video game developer and IP creator headquartered in Vancouver, British Columbia, Canada.Established in 2012 by game director & writer, Raphael van Lierop, Hinterland is a multi-ethnic, international team united around a singular goal: to create thought-provoking, story-rich entertainment experiences set in compelling original worlds. Our fictional settings -- our IP -- are conceived from the ground up to exist across multiple mediums. We believe that when people love a world, they want to experience it across as many platforms as possible.Hinterland's first IP, THE LONG DARK, first launched on Steam Early Access on September 2014. The game's multi-platform 1.0 launched on August 2017. Today, THE LONG DARK has more than 10-million players around the world.We aim for our games to foster a sense of social awareness, and we aspire to provide immersive, sophisticated worlds for anyone seeking a mature entertainment experience.Join us on our journey.", + "short_description": "THE LONG DARK is a thoughtful, exploration-survival experience that challenges solo players to think for themselves as they explore an expansive frozen wilderness in the aftermath of a geomagnetic disaster. There are no zombies -- only you, the cold, and all the threats Mother Nature can muster.", + "genres": "Adventure", + "recommendations": 87571, + "score": 7.502177273140686 + }, + { + "type": "game", + "name": "The Elder Scrolls\u00ae Online", + "detailed_description": "The Elder Scrolls Online: Necrom. Traverse the Telvanni Peninsula in Morrowind and preserve secrets ascribed to the unfathomable realms of Apocrypha. Unlock the runic power of a brand-new class - the Arcanist - and fight to uphold reality itself. Newcomer Pack Now Available. Slither into your Tamrielic journey with the Newcomer Pack, featuring an exclusive Salamander pet, 1,500 Crowns for use in the Crown Store, as well as a 150% Experience Scroll to aid in your adventures. . This bundle includes:. Exclusive Pet: Flame Skin Salamander. 1,500 Crowns. 150% Experience Scroll. About the GameExperience an ever-expanding story across all of Tamriel in The Elder Scrolls Online, an award-winning online RPG. Explore a rich, living world with friends or embark upon a solo adventure. Enjoy complete control over how your character looks and plays, from the weapons you wield to the skills you learn \u2013 the choices you make will shape your destiny. Welcome to a world without limits.PLAY THE WAY YOU LIKEBattle, craft, steal, siege, or explore, and combine different types of armor, weapons, and abilities to create your own style of play. The choice is yours to make in a persistent, ever-growing Elder Scrolls world.TELL YOUR OWN STORYDiscover the secrets of Tamriel as you set off to regain your lost soul and save the world from Oblivion. Experience any story in any part of the world, in whichever order you choose \u2013 with others or alone.A MULTIPLAYER RPGComplete quests with friends, join fellow adventurers to explore dangerous, monster-filled dungeons, or take part in epic PvP battles with hundreds of other players.", + "about_the_game": "Experience an ever-expanding story across all of Tamriel in The Elder Scrolls Online, an award-winning online RPG. Explore a rich, living world with friends or embark upon a solo adventure. Enjoy complete control over how your character looks and plays, from the weapons you wield to the skills you learn \u2013 the choices you make will shape your destiny. Welcome to a world without limits.PLAY THE WAY YOU LIKEBattle, craft, steal, siege, or explore, and combine different types of armor, weapons, and abilities to create your own style of play. The choice is yours to make in a persistent, ever-growing Elder Scrolls world.TELL YOUR OWN STORYDiscover the secrets of Tamriel as you set off to regain your lost soul and save the world from Oblivion. Experience any story in any part of the world, in whichever order you choose \u2013 with others or alone.A MULTIPLAYER RPGComplete quests with friends, join fellow adventurers to explore dangerous, monster-filled dungeons, or take part in epic PvP battles with hundreds of other players.", + "short_description": "Join over 22 million players in the award-winning online multiplayer RPG and experience limitless adventure in a persistent Elder Scrolls world. Battle, craft, steal, or explore, and combine different types of equipment and abilities to create your own style of play. No game subscription required.", + "genres": "Action", + "recommendations": 112694, + "score": 7.668450666305807 + }, + { + "type": "game", + "name": "Sleeping Dogs: Definitive Edition", + "detailed_description": "The Definitive Edition of the critically acclaimed, award winning open-world action adventure, reworked, rebuilt and re-mastered for the new generation. All 24 previously available DLC extensions have been integrated into the game, including the story-extending episode Year of the Snake and the horror-themed Nightmare in North Point. Alongside a wealth of new technological, audio and visual improvements, Hong Kong has never felt so alive. . A vibrant, neon city teaming with life, Hong Kong\u2019s exotic locations and busy streets and markets hide one of the most powerful and dangerous criminal organizations in the world: the notorious Triads. Play as Wei Shen \u2013 the highly skilled undercover cop trying to take down the Triads from the inside out. You'll have to prove yourself worthy as you fight your way up the organization, taking part in brutal criminal activities without blowing your cover. . Destroy your opponents in brutal hand-to-hand combat using an unmatched martial arts system. Dominate Hong Kong\u2019s buzzing streets in thrilling illegal street races and tear it up in explosive firearms action. Sleeping Dogs\u2019 Hong Kong is the ultimate playground. . Undercover, the rules are different.Key Features:. With all 24 previously available DLC extensions included and a wealth of visual improvements, Hong Kong has never felt so alive. . A mature, gritty undercover cop drama where a wrong decision can blow your cover at any time. . Explosive action fuelled by a seamless mix of deadly martial arts, intense gunfights and brutal takedowns. . Epic high-speed thrills: Burn up the streets or tear up the sea in a vast array of exotic cars, superbikes and speedboats. . Hong Kong is your ultimate playground: Enter illegal street races, gamble on cock fights, or kick back with some karaoke. There are countless ways to entertain yourself in Hong Kong's diverse districts. Pre-Purchase Customers:. To access your digital Sleeping Dogs Definitive Edition Artbook, please install the game, then navigate to the game folder on your hardrive within which should be a folder titled \u201cArtbook\u201d. . By default, this is located at: C:\\\\\\\\Program Files (x86)\\\\\\\\Steam\\\\\\\\SteamApps\\\\\\\\common\\\\\\\\SleepingDogsDefinitiveEdition\\\\\\\\Artbook. If you chose to install in a different location, then the folder will exist in the location you chose.", + "about_the_game": "The Definitive Edition of the critically acclaimed, award winning open-world action adventure, reworked, rebuilt and re-mastered for the new generation. All 24 previously available DLC extensions have been integrated into the game, including the story-extending episode Year of the Snake and the horror-themed Nightmare in North Point. Alongside a wealth of new technological, audio and visual improvements, Hong Kong has never felt so alive.A vibrant, neon city teaming with life, Hong Kong\u2019s exotic locations and busy streets and markets hide one of the most powerful and dangerous criminal organizations in the world: the notorious Triads. Play as Wei Shen \u2013 the highly skilled undercover cop trying to take down the Triads from the inside out. You'll have to prove yourself worthy as you fight your way up the organization, taking part in brutal criminal activities without blowing your cover.Destroy your opponents in brutal hand-to-hand combat using an unmatched martial arts system. Dominate Hong Kong\u2019s buzzing streets in thrilling illegal street races and tear it up in explosive firearms action. Sleeping Dogs\u2019 Hong Kong is the ultimate playground. Undercover, the rules are different.Key Features:With all 24 previously available DLC extensions included and a wealth of visual improvements, Hong Kong has never felt so alive.A mature, gritty undercover cop drama where a wrong decision can blow your cover at any time.Explosive action fuelled by a seamless mix of deadly martial arts, intense gunfights and brutal takedowns.Epic high-speed thrills: Burn up the streets or tear up the sea in a vast array of exotic cars, superbikes and speedboats.Hong Kong is your ultimate playground: Enter illegal street races, gamble on cock fights, or kick back with some karaoke. There are countless ways to entertain yourself in Hong Kong's diverse districts.Pre-Purchase Customers:To access your digital Sleeping Dogs Definitive Edition Artbook, please install the game, then navigate to the game folder on your hardrive within which should be a folder titled \u201cArtbook\u201d.By default, this is located at: C:\\\\\\\\Program Files (x86)\\\\\\\\Steam\\\\\\\\SteamApps\\\\\\\\common\\\\\\\\SleepingDogsDefinitiveEdition\\\\\\\\Artbook. If you chose to install in a different location, then the folder will exist in the location you chose.", + "short_description": "The Definitive Edition of the critically acclaimed, award winning open-world action adventure, reworked, rebuilt and re-mastered for the new generation. With all previously available DLC included and a wealth of tech and visual improvements, Hong Kong has never felt so alive.", + "genres": "Action", + "recommendations": 47891, + "score": 7.104323660407404 + }, + { + "type": "game", + "name": "Mortal Kombat X", + "detailed_description": "Who\u2019s Next? Experience the Next Generation of the #1 Fighting Franchise. . Mortal Kombat X combines unparalleled, cinematic presentation with all new gameplay. For the first time, players can choose from multiple variations of each character impacting both strategy and fighting style.", + "about_the_game": "Who\u2019s Next? Experience the Next Generation of the #1 Fighting Franchise.\r\n\r\nMortal Kombat X combines unparalleled, cinematic presentation with all new gameplay. For the first time, players can choose from multiple variations of each character impacting both strategy and fighting style.", + "short_description": "Experience the Next Generation of the #1 Fighting Franchise. Mortal Kombat X combines unparalleled, cinematic presentation with all new gameplay.", + "genres": "Action", + "recommendations": 32029, + "score": 6.839131677350384 + }, + { + "type": "game", + "name": "Back to Bed", + "detailed_description": "Wishlist Figment 2, Bedtime's newest game About the GameBack\u00a0to\u00a0Bed\u00a0is\u00a0an artistic\u00a03D\u00a0puzzle\u00a0game\u00a0with\u00a0a\u00a0surreal\u00a0twist. Bob is an unlucky narcoleptic who has a tendency of falling asleep in his boring office and then proceeding to sleepwalk into the dangers of the big city. Luckily, Bob has a subconscious guardian named Subob, who protects the sleepwalker and guides him back to the safety of his bed. . The ever-vigilant Subob must lead Bob on a journey through a series of surreal painting-like cityscapes, where the boundary between Bob's dreams and reality have vanished.Unique surreal and artistic gamePlay in a piece of art set in a digital frame, that mixes elements from the real world and the world of dreams to create something unique and surreal. . Mind-bending Isometric LevelsNavigate detailed 3D puzzles that defy the laws of physics, wherein the player must manipulate the strange environment to create a safe path for Bob and avoid the dangers of the puzzle. . Two Characters As OnePlay as the embodied subconsciousness, in the form of a small guardian creature, trying to save its own sleepwalking body from dangers of the dream world.", + "about_the_game": "Back\u00a0to\u00a0Bed\u00a0is\u00a0an artistic\u00a03D\u00a0puzzle\u00a0game\u00a0with\u00a0a\u00a0surreal\u00a0twist. Bob is an unlucky narcoleptic who has a tendency of falling asleep in his boring office and then proceeding to sleepwalk into the dangers of the big city. Luckily, Bob has a subconscious guardian named Subob, who protects the sleepwalker and guides him back to the safety of his bed.The ever-vigilant Subob must lead Bob on a journey through a series of surreal painting-like cityscapes, where the boundary between Bob's dreams and reality have vanished.Unique surreal and artistic gamePlay in a piece of art set in a digital frame, that mixes elements from the real world and the world of dreams to create something unique and surreal.Mind-bending Isometric LevelsNavigate detailed 3D puzzles that defy the laws of physics, wherein the player must manipulate the strange environment to create a safe path for Bob and avoid the dangers of the puzzle. Two Characters As OnePlay as the embodied subconsciousness, in the form of a small guardian creature, trying to save its own sleepwalking body from dangers of the dream world.", + "short_description": "Guide Bob the sleepwalker to the safety of his bed by taking control of his subconscious guardian, Subob. Explore a surreal and hand-painted dream world, avoid dangers and get Bob safely back to bed.", + "genres": "Action", + "recommendations": 572, + "score": 4.186692766937203 + }, + { + "type": "game", + "name": "Gene Shift Auto", + "detailed_description": "Join Our Discord. About the GameGene Shift Auto is an adrenaline-fueled battle royale set in a chaotic GTA-inspired city. It has cops, missions, car chases and more. This city is a playground full of risk and reward, and by mastering it you'll level up powerful abilities like Invisibility, Spike Traps, and Car Bombs. . Like a roguelike, skill choices are randomly generated, so each game plays different and you'll need to adapt to survive. And with ultra-fast 5 minute rounds, you'll have to think on your feet to create a skill build strong enough to win the final showdown!. . . In Gene Shift Auto looting really matters - you're not just upgrading your gun! You're leveling up gameplay changing abilities like Force Field, Bullet Time, Plasma Ball, and Bouncing Bullets. . These abilities are easy to learn but hard to master, and provide a high skill ceiling perfect for game-winning clutch plays. When you level up you must choose from 3 randomly selected skills. Just like a roguelike, this makes each game play differently, and you are rewarded for your ability to adapt and create synergistic skill builds on the fly. . . Want to level up fast? This chaotic city has multiple paths to victory! You can do missions, fight for supply drops, explore for rare loot, and if you're feeling risky - aggro the cops. . But remember, the circle is shrinking. You have to balance risk with reward to earn as much farm as possible, while still surviving to the final showdown. Do you spend your precious time shopping for the perfect weapon? Pre-placing hidden bombs in the showdown area? Or obliterating waves of cop cars as you climb the wanted levels? The choice is yours. . . The circle is shrinking - fast! While other BRs have one long round, Gene Shift Auto has 3 ultra-fast rounds - with a high-stakes showdown every 5 minutes. Win round 3 to win the game!. Your skill build progresses from round to round, and if you die you get to keep playing too. You'll play as a zombie and can loot for the next round - or hunt down a survivor to revive. No queueing time, no getting booted to the main menu, just pure refined non-stop action.Other Cool FeaturesA singleplayer / coop mode with leaderboards and custom difficulty modifiers (in the DLC). No P2W or veteran advantages - to win you simply need to think fast and shoot faster. Wacky challenges, sexy cosmetics, and stats tracking to show off your favorite skills. Small download and instant join times mean you can start playing in minutes!.", + "about_the_game": "Gene Shift Auto is an adrenaline-fueled battle royale set in a chaotic GTA-inspired city. It has cops, missions, car chases and more. This city is a playground full of risk and reward, and by mastering it you'll level up powerful abilities like Invisibility, Spike Traps, and Car Bombs.Like a roguelike, skill choices are randomly generated, so each game plays different and you'll need to adapt to survive. And with ultra-fast 5 minute rounds, you'll have to think on your feet to create a skill build strong enough to win the final showdown!In Gene Shift Auto looting really matters - you're not just upgrading your gun! You're leveling up gameplay changing abilities like Force Field, Bullet Time, Plasma Ball, and Bouncing Bullets.These abilities are easy to learn but hard to master, and provide a high skill ceiling perfect for game-winning clutch plays. When you level up you must choose from 3 randomly selected skills. Just like a roguelike, this makes each game play differently, and you are rewarded for your ability to adapt and create synergistic skill builds on the fly.Want to level up fast? This chaotic city has multiple paths to victory! You can do missions, fight for supply drops, explore for rare loot, and if you're feeling risky - aggro the cops.But remember, the circle is shrinking. You have to balance risk with reward to earn as much farm as possible, while still surviving to the final showdown. Do you spend your precious time shopping for the perfect weapon? Pre-placing hidden bombs in the showdown area? Or obliterating waves of cop cars as you climb the wanted levels? The choice is yours.The circle is shrinking - fast! While other BRs have one long round, Gene Shift Auto has 3 ultra-fast rounds - with a high-stakes showdown every 5 minutes. Win round 3 to win the game!Your skill build progresses from round to round, and if you die you get to keep playing too. You'll play as a zombie and can loot for the next round - or hunt down a survivor to revive. No queueing time, no getting booted to the main menu, just pure refined non-stop action.Other Cool FeaturesA singleplayer / coop mode with leaderboards and custom difficulty modifiers (in the DLC)No P2W or veteran advantages - to win you simply need to think fast and shoot fasterWacky challenges, sexy cosmetics, and stats tracking to show off your favorite skillsSmall download and instant join times mean you can start playing in minutes!", + "short_description": "Gene Shift Auto is a turbo-fast battle royale set in a chaotic GTA-inspired city. Do missions and fight cops to level up random roguelike abilities, then use them to outplay enemies in high-stakes showdowns.", + "genres": "Action", + "recommendations": 114, + "score": 3.128000393573869 + }, + { + "type": "game", + "name": "DiRT Rally", + "detailed_description": "Full Oculus VR SupportDiRT Rally now fully supports Oculus Rift giving you the ultimate experience in racing immersion. . DiRT Rally VR puts you directly in the driver\u2019s seat of the most iconic rally cars ever produced as you take on some of the most challenging stages in the world including the incredible Broadmoor Pikes Peak International Hill Climb as well as experiencing wheel-to-wheel thrill of Rallycross. . \u2022\tFull Oculus Rift VR support throughout the entire game. \u2022\tAmazing 90fps experience. About the GameDiRT Rally out now for macOS and Linux. DiRT Rally is the most authentic and thrilling rally game ever made, road-tested over 80 million miles by the DiRT community. It perfectly captures that white knuckle feeling of racing on the edge as you hurtle along dangerous roads at breakneck speed, knowing that one crash could irreparably harm your stage time. DiRT Rally also includes officially licensed World Rallycross content, allowing you to experience the breathless, high-speed thrills of some of the world\u2019s fastest off-road cars as you trade paint with other drivers at some of the series\u2019 best-loved circuits, in both singleplayer and high-intensity multiplayer races. . \u2022 ICONIC RALLY CARS - DiRT Rally boasts over 40 of the most iconic and relevant cars from yesteryear through to modern day, representing the cars that the players want, and the ones that make the most sense for the surfaces they race on. \u2022 SIX MASSIVE RALLIES WITH OVER 70 STAGES - Head to the muddy paths of Wales, the dusty trails of Greece and the icy tarmac of Monte Carlo. Take on the legendary hillclimb of Pikes Peak, the snowy thrills of Sweden, and the epic scenery of Finland. \u2022 OFFICIAL FIA WORLD RALLYCROSS CONTENT \u2013 Race at the Lydden Hill, Holjes and Hell tracks in six of the fastest off-road cars and take on your friends in high intensity, bumper-to-bumper multiplayer racing. \u2022 CUSTOM RALLY EVENTS: Take any car on any track \u2013 configure and compete in single or multi-stage events. \u2022 RALLY CHAMPIONSHIPS: Start on the bottom rung of the rally ladder and compete in a succession of events, earning points and money on your way to promotion. Use skilful driving and manage your repair schedules as you work your way to the top division and earn the most lucrative rewards. \u2022 UPGRADES, REPAIRS, SETUP AND TUNING - DiRT Rally delivers depth in areas beyond driving \u2013 elements such as repairs, upgrades, and setup & tuning add a rich and strategic dimension to your rally experience. \u2022 CHALLENGING, UNCOMPROMISING HANDLING MODEL - Codemasters has completely rebuilt the physical simulation for DIRT Rally to adequately capture how it feels to race across changing surfaces and has created brand new models for differential, suspension, engine mapping and turbo modelling. \u2022 TEAM MANAGEMENT - Hire and fire your crew members each of whom which will have different skills, improving repair times for different parts of the car. Teach them new skills as they gain experience and work together as a team to improve your performance in events. \u2022 PLAYER LEAGUE SUPPORT - Get together with friends and run your very own racing league. Join or create unlimited leagues and run them how and when you want. \u2022 DAILY, WEEKLY AND MONTHLY ONLINE CHALLENGES - It\u2019s you versus the entire DiRT community in a series of one-day, week-long and month-long challenges to earn in-game credits to improve your car and team.", + "about_the_game": "DiRT Rally out now for macOS and LinuxDiRT Rally is the most authentic and thrilling rally game ever made, road-tested over 80 million miles by the DiRT community. It perfectly captures that white knuckle feeling of racing on the edge as you hurtle along dangerous roads at breakneck speed, knowing that one crash could irreparably harm your stage time. DiRT Rally also includes officially licensed World Rallycross content, allowing you to experience the breathless, high-speed thrills of some of the world\u2019s fastest off-road cars as you trade paint with other drivers at some of the series\u2019 best-loved circuits, in both singleplayer and high-intensity multiplayer races. \u2022 ICONIC RALLY CARS - DiRT Rally boasts over 40 of the most iconic and relevant cars from yesteryear through to modern day, representing the cars that the players want, and the ones that make the most sense for the surfaces they race on. \u2022 SIX MASSIVE RALLIES WITH OVER 70 STAGES - Head to the muddy paths of Wales, the dusty trails of Greece and the icy tarmac of Monte Carlo. Take on the legendary hillclimb of Pikes Peak, the snowy thrills of Sweden, and the epic scenery of Finland. \u2022 OFFICIAL FIA WORLD RALLYCROSS CONTENT \u2013 Race at the Lydden Hill, Holjes and Hell tracks in six of the fastest off-road cars and take on your friends in high intensity, bumper-to-bumper multiplayer racing.\u2022 CUSTOM RALLY EVENTS: Take any car on any track \u2013 configure and compete in single or multi-stage events.\u2022 RALLY CHAMPIONSHIPS: Start on the bottom rung of the rally ladder and compete in a succession of events, earning points and money on your way to promotion. Use skilful driving and manage your repair schedules as you work your way to the top division and earn the most lucrative rewards. \u2022 UPGRADES, REPAIRS, SETUP AND TUNING - DiRT Rally delivers depth in areas beyond driving \u2013 elements such as repairs, upgrades, and setup & tuning add a rich and strategic dimension to your rally experience. \u2022 CHALLENGING, UNCOMPROMISING HANDLING MODEL - Codemasters has completely rebuilt the physical simulation for DIRT Rally to adequately capture how it feels to race across changing surfaces and has created brand new models for differential, suspension, engine mapping and turbo modelling. \u2022 TEAM MANAGEMENT - Hire and fire your crew members each of whom which will have different skills, improving repair times for different parts of the car. Teach them new skills as they gain experience and work together as a team to improve your performance in events.\u2022 PLAYER LEAGUE SUPPORT - Get together with friends and run your very own racing league. Join or create unlimited leagues and run them how and when you want. \u2022 DAILY, WEEKLY AND MONTHLY ONLINE CHALLENGES - It\u2019s you versus the entire DiRT community in a series of one-day, week-long and month-long challenges to earn in-game credits to improve your car and team.", + "short_description": "DiRT Rally is the most authentic and thrilling rally game ever made, road-tested over 80 million miles by the DiRT community. It perfectly captures that white knuckle feeling of racing on the edge as you hurtle along dangerous roads, knowing that one crash could irreparably harm your stage time.", + "genres": "Racing", + "recommendations": 20433, + "score": 6.542825849257737 + }, + { + "type": "game", + "name": "Street Fighter V", + "detailed_description": "Featured DLC. . . . About the GameExperience the intensity of head-to-head battle with Street Fighter\u00ae V! Choose from 16 iconic characters, each with their own personal story and unique training challenges, then battle against friends online or offline with a robust variety of match options. . Earn Fight Money in Ranked Matches, play for fun in Casual Matches or invite friends into a Battle Lounge and see who comes out on top! PlayStation 4 and Steam players can also play against each other thanks to cross-play compatibility!. This version of Street Fighter V displays the \u201cArcade Edition\u201d title screen and includes Arcade Mode, Team Battle Mode and the online-enabled Extra Battle Mode, where you can earn rewards, XP and Fight Money! Fight Money can be used to purchase additional characters, costumes, stages and more! . Download the cinematic story \u201cA Shadow Falls\u201d today for FREE! M. Bison deploys seven Black Moons into orbit, granting him unimaginable power as the earth falls into darkness. . Street Fighter V: Champion Edition is the ultimate pack that includes all content (excluding Fighting Chance costumes, brand collaboration costumes and Capcom Pro Tour DLC) from both the original release and Street Fighter V: Arcade Edition. It also includes each character, stage and costume that released after Arcade Edition. That means 40 characters, 34 stages and over 200 costumes!. V-Trigger 1 and 2. Release powerful techniques and exclusive moves by activating V-Trigger 1 or 2 with the character of your choice! Do huge bursts of damage or make that much needed comeback win by pressing hard punch and hard kick simultaneously while your V-Gauge is fully stocked. . V-Skill 1 and 2. Fundamentals win matches and V-Skills are the building blocks of victory. Each V-Skill grants your character a unique move and/or ability that will help fill up your V-Gauge. . V-Reversal. Put a stop to your opponent\u2019s offense by utilizing V-Reversal. V-Reversal costs one V-Gauge stock, but is very much worth it as it can potentially give you breathing room to create your own offensive. . Special Attacks and EX Special Attacks. A staple of Street Fighter, Special Attacks are the key to a solid strategy in Street Fighter V: Champion Edition. Use various Special Attacks to zone out opponents, impose your will, and build up your Critical Gauge for even more damage. EX Special Attacks are more powerful versions of Special Attacks at the cost of one Critical Gauge bar. . . Critical Art. The most highly damaging attack in Street Fighter V: Champion Edition is called the Critical Art. A Critical Art can be performed as long as the Critical Gauge is fully stocked.", + "about_the_game": "Experience the intensity of head-to-head battle with Street Fighter\u00ae V! Choose from 16 iconic characters, each with their own personal story and unique training challenges, then battle against friends online or offline with a robust variety of match options.Earn Fight Money in Ranked Matches, play for fun in Casual Matches or invite friends into a Battle Lounge and see who comes out on top! PlayStation 4 and Steam players can also play against each other thanks to cross-play compatibility! This version of Street Fighter V displays the \u201cArcade Edition\u201d title screen and includes Arcade Mode, Team Battle Mode and the online-enabled Extra Battle Mode, where you can earn rewards, XP and Fight Money! Fight Money can be used to purchase additional characters, costumes, stages and more! Download the cinematic story \u201cA Shadow Falls\u201d today for FREE! M. Bison deploys seven Black Moons into orbit, granting him unimaginable power as the earth falls into darkness.Street Fighter V: Champion Edition is the ultimate pack that includes all content (excluding Fighting Chance costumes, brand collaboration costumes and Capcom Pro Tour DLC) from both the original release and Street Fighter V: Arcade Edition. It also includes each character, stage and costume that released after Arcade Edition. That means 40 characters, 34 stages and over 200 costumes!V-Trigger 1 and 2Release powerful techniques and exclusive moves by activating V-Trigger 1 or 2 with the character of your choice! Do huge bursts of damage or make that much needed comeback win by pressing hard punch and hard kick simultaneously while your V-Gauge is fully stocked.V-Skill 1 and 2Fundamentals win matches and V-Skills are the building blocks of victory. Each V-Skill grants your character a unique move and/or ability that will help fill up your V-Gauge.V-ReversalPut a stop to your opponent\u2019s offense by utilizing V-Reversal. V-Reversal costs one V-Gauge stock, but is very much worth it as it can potentially give you breathing room to create your own offensive. Special Attacks and EX Special AttacksA staple of Street Fighter, Special Attacks are the key to a solid strategy in Street Fighter V: Champion Edition. Use various Special Attacks to zone out opponents, impose your will, and build up your Critical Gauge for even more damage. EX Special Attacks are more powerful versions of Special Attacks at the cost of one Critical Gauge bar.Critical ArtThe most highly damaging attack in Street Fighter V: Champion Edition is called the Critical Art. A Critical Art can be performed as long as the Critical Gauge is fully stocked.", + "short_description": "Experience the intensity of head-to-head battles with Street Fighter\u00ae V! Choose from 16 iconic characters, then battle against friends online or offline with a robust variety of match options.", + "genres": "Action", + "recommendations": 26369, + "score": 6.71094711471829 + }, + { + "type": "game", + "name": "Call of Duty\u00ae: Black Ops III", + "detailed_description": "Zombies Chronicles Deluxe Edition. Now with more content than ever before. . Call of Duty\u00ae: Black Ops III Zombies Chronicles Deluxe includes the full base game, Season Pass, Zombies Chronicles & additional bonus digital content including:. The Giant Bonus Map: Zombies returns in all of its undead glory with \"The Giant\". Re-live the chaos of Treyarch's classic \"Der Riese\" Zombies map, picking up the Zombies story with Dempsey, Nikolai, Richtofen, and Takeo where Origins left off. . 3 Personalization Packs: Fan favorite Cyborg & Weaponized 115 packs along with a new Black Ops 3 pack. Each pack comes with a weapon camo, reticles, and calling card. . The Zombies Chronicles content expansion which delivers 8 remastered classic maps from Call of Duty\u00ae: World at War, Call of Duty\u00ae: Black Ops and Call of Duty\u00ae: Black Ops II. Mod Tools Open Beta Now Live. The Black Ops 3 Mod Tools Open Beta has arrived! Full version Black Ops 3 owners can install the Mod Tools under the Tool Section via the Steam Library titled Call of Duty: Black Ops III - Mod Tools.Mod Tools Include:Black Ops 3 Steam Workshop*. Unranked Server Browser*. Radiant Level Editor. APE, Asset Property Editor. Mod Tools Launcher. Optional additional level building assets from a variety of official Black Ops 3 maps can be installed under the DLC section of Call of Duty: Black Ops III - Mod Tools. Full examples of the multiplayer map Combine and the Zombies map The Giant. New Server Settings Menu in Multiplayer Custom Games and Zombies Private Game where you can set how your server will display in the Unranked Server Browser*. New Mods Menu where you can load and unload your subscribed mods*. *Downloading the mod tools is not required for these items or to play Black Ops 3 Steam Workshop contentModding Guides:Official - How to Play - Workshop Guide. Official - How to Create - Workshop Guide. About the GameCall of Duty\u00ae: Black Ops III Zombies Chronicles Edition includes the full base game and the Zombies Chronicles content expansion. . Call of Duty: Black Ops III combines three unique game modes: Campaign, Multiplayer, and Zombies, providing fans with the deepest and most ambitious Call of Duty ever. . The Zombies Chronicles content expansion delivers 8 remastered classic Zombies maps from Call of Duty\u00ae: World at War, Call of Duty\u00ae: Black Ops and Call of Duty\u00ae: Black Ops II. Complete maps from the original saga are fully remastered and HD playable within Call of Duty\u00ae: Black Ops III.", + "about_the_game": "Call of Duty\u00ae: Black Ops III Zombies Chronicles Edition includes the full base game and the Zombies Chronicles content expansion.\r\n\r\nCall of Duty: Black Ops III combines three unique game modes: Campaign, Multiplayer, and Zombies, providing fans with the deepest and most ambitious Call of Duty ever.\r\n\r\nThe Zombies Chronicles content expansion delivers 8 remastered classic Zombies maps from Call of Duty\u00ae: World at War, Call of Duty\u00ae: Black Ops and Call of Duty\u00ae: Black Ops II. Complete maps from the original saga are fully remastered and HD playable within Call of Duty\u00ae: Black Ops III.", + "short_description": "Call of Duty\u00ae: Black Ops III Zombies Chronicles Edition includes the full base game plus the Zombies Chronicles content expansion.", + "genres": "Action", + "recommendations": 106543, + "score": 7.631450072436181 + }, + { + "type": "game", + "name": "Zero Escape: Zero Time Dilemma", + "detailed_description": "The experiment wasn\u2019t supposed to be like this. . Nine participants awaken in an underground facility, imprisoned with a strange black bracelet on their wrists. To escape, they must play a game with deadly consequences. The rules are simple--after six people are killed, the escape hatch will open. Who will live, and who will die? The choice is yours. Let the Decision Game begin\u2026. Game Features . Think Your Way Out. Explore 3-D environments for clues to solve mind-bending puzzles and escape your prison. . Decision Game. Question your morality in a series of life-or-death decisions where even the best option carries horrifying implications. . Cinematic Gameplay. Fully voiced and animated story sections push the boundaries of interactive fiction. . Non-linear Narrative. Jump freely between events and characters to piece together the fractured narrative and unlock multiple endings. . Old Faces, New Mysteries. Characters from the award-winning Nine Hours, Nine Persons, Nine Doors and Virtue\u2019s Last Reward are joined by a new cast of participants to bring first-time players up to speed and conclude the series for longtime fans.", + "about_the_game": "The experiment wasn\u2019t supposed to be like this. Nine participants awaken in an underground facility, imprisoned with a strange black bracelet on their wrists. To escape, they must play a game with deadly consequences. The rules are simple--after six people are killed, the escape hatch will open. Who will live, and who will die? The choice is yours. Let the Decision Game begin\u2026Game Features Think Your Way OutExplore 3-D environments for clues to solve mind-bending puzzles and escape your prison. Decision GameQuestion your morality in a series of life-or-death decisions where even the best option carries horrifying implications. Cinematic GameplayFully voiced and animated story sections push the boundaries of interactive fiction.Non-linear NarrativeJump freely between events and characters to piece together the fractured narrative and unlock multiple endings. Old Faces, New MysteriesCharacters from the award-winning Nine Hours, Nine Persons, Nine Doors and Virtue\u2019s Last Reward are joined by a new cast of participants to bring first-time players up to speed and conclude the series for longtime fans.", + "short_description": "Nine participants awaken, trapped in an underground facility. To escape, they must play a game with deadly consequences. Who will live, and who will die? The choice is yours. Let the Decision Game begin\u2026", + "genres": "Adventure", + "recommendations": 3315, + "score": 5.344055491496648 + }, + { + "type": "game", + "name": "METAL GEAR SOLID V: GROUND ZEROES", + "detailed_description": "World-renowned Kojima Productions showcases another masterpiece in the Metal Gear Solid franchise with Metal Gear Solid V: Ground Zeroes. Metal Gear Solid V: Ground Zeroes is the first segment of the \u2018Metal Gear Solid V Experience\u2019 and prologue to the larger second segment, Metal Gear Solid V: The Phantom Pain launching thereafter. . MGSV: GZ gives core fans the opportunity to get a taste of the world-class production\u2019s unparalleled visual presentation and gameplay before the release of the main game. It also provides an opportunity for gamers who have never played a Kojima Productions game, and veterans alike, to gain familiarity with the radical new game design and unparalleled style of presentation. . The critically acclaimed Metal Gear Solid franchise has entertained fans for decades and revolutionized the gaming industry. Kojima Productions once again raises the bar with the FOX Engine offering incredible graphic fidelity and the introduction of open world game design in the Metal Gear Solid universe. This is the experience that core gamers have been waiting for. . Key Features:. \u2022\tTHE POWER OF FOX ENGINE \u2013 Ground Zeroes showcases Kojima Productions\u2019 stunning FOX Engine, a true next-generation game engine which revolutionizes the Metal Gear Solid experience. . \u2022\tINTRODUCTION TO OPEN WORLD DESIGN \u2013 The first Metal Gear Solid title to offer open world gameplay. Ground Zeroes offers total freedom of play: how missions are undertaken is entirely down to the user. . \u2022\tUNRESTRICTED STEALTH \u2013 Imagine classic Metal Gear gameplay but with no restrictions or boundaries. Players use intelligence and cerebral strategy to sneak their way through entire missions, or go in all guns blazing. Each will have different effects on game consequences and advancement. . \u2022\tMULTIPLE MISSIONS AND TASKS \u2013Ground Zeroes boasts a central story mode and Side-Ops missions ranging from tactical action, aerial assaults and \u201ccovert\u201d missions that will be sure to surprise. . \u2022\tREDESIGNED INTERFACE \u2013 Ground Zeroes users will benefit from a clean in-game HUD that shows the minimal amount of on-screen data to give a more intense gaming experience. . *", + "about_the_game": "World-renowned Kojima Productions showcases another masterpiece in the Metal Gear Solid franchise with Metal Gear Solid V: Ground Zeroes. Metal Gear Solid V: Ground Zeroes is the first segment of the \u2018Metal Gear Solid V Experience\u2019 and prologue to the larger second segment, Metal Gear Solid V: The Phantom Pain launching thereafter.\r\n\r\n\r\nMGSV: GZ gives core fans the opportunity to get a taste of the world-class production\u2019s unparalleled visual presentation and gameplay before the release of the main game. It also provides an opportunity for gamers who have never played a Kojima Productions game, and veterans alike, to gain familiarity with the radical new game design and unparalleled style of presentation.\r\n\r\n\r\nThe critically acclaimed Metal Gear Solid franchise has entertained fans for decades and revolutionized the gaming industry. Kojima Productions once again raises the bar with the FOX Engine offering incredible graphic fidelity and the introduction of open world game design in the Metal Gear Solid universe. This is the experience that core gamers have been waiting for.\r\n\r\n\r\nKey Features:\r\n\r\n\u2022\tTHE POWER OF FOX ENGINE \u2013 Ground Zeroes showcases Kojima Productions\u2019 stunning FOX Engine, a true next-generation game engine which revolutionizes the Metal Gear Solid experience.\r\n\r\n\u2022\tINTRODUCTION TO OPEN WORLD DESIGN \u2013 The first Metal Gear Solid title to offer open world gameplay. Ground Zeroes offers total freedom of play: how missions are undertaken is entirely down to the user.\r\n\r\n\u2022\tUNRESTRICTED STEALTH \u2013 Imagine classic Metal Gear gameplay but with no restrictions or boundaries. Players use intelligence and cerebral strategy to sneak their way through entire missions, or go in all guns blazing. Each will have different effects on game consequences and advancement.\r\n\r\n\u2022\tMULTIPLE MISSIONS AND TASKS \u2013Ground Zeroes boasts a central story mode and Side-Ops missions ranging from tactical action, aerial assaults and \u201ccovert\u201d missions that will be sure to surprise.\r\n\r\n\u2022\tREDESIGNED INTERFACE \u2013 Ground Zeroes users will benefit from a clean in-game HUD that shows the minimal amount of on-screen data to give a more intense gaming experience.\r\n\r\n*", + "short_description": "World-renowned Kojima Productions brings the Metal Gear Solid franchise to Steam with METAL GEAR SOLID V: GROUND ZEROES. Play as the legendary hero Snake and infiltrate a Cuban military base to rescue the hostages. Can you make it out alive?", + "genres": "Action", + "recommendations": 11493, + "score": 6.163521521906872 + }, + { + "type": "game", + "name": "Assassin\u2019s Creed\u00ae Rogue", + "detailed_description": "Digital Deluxe EditionIn addition to the full game, the Deluxe Edition comes packed with bonus in-game content including:. 1. The Armor of Sir Gunn Quest: Explore North America to find the remains of Sir Gunn and solve his great mystery. . 2. The Siege of Fort de Sable: Continue the battle at sea with this bonus fort raiding mission set in the unexplored North Atlantic territory of the New World. . 3. The Master Templar Pack: Become the most feared Templar whether on land or at sea with this exclusive collection of weapons, outfits and ship items. Includes all weapons, items, and outfits from the Templar Pack, Officer Pack, and Commander Pack. . 4. The Explorer Pack: Exclusive collection of weapons and items to ensure safe passage across unexplored and dangerous territories. 5. Four Time Savers Packs: Want to progress through the game faster? Save yourself time and effort by utilizing these four unique packs. Includes the Time Savers Activities, Resources, Collectibles, and Technology Pack. Use each pack for yourself or share with a friend!. Please note: Completion of the Siege of Fort de Sable is required in order to generate and unlock the chest that contains all items in the Explorer Pack and Master Templar pack. About the GameStory18th century, North America. Amidst the chaos and violence of the French and Indian War, Shay Patrick Cormac, a fearless young member of the Brotherhood of Assassin\u2019s, undergoes a dark transformation that will forever shape the future of the American colonies. After a dangerous mission gone tragically wrong, Shay turns his back on the Assassins who, in response, attempt to end his life. Cast aside by those he once called brothers, Shay sets out on a mission to wipe out all who turned against him and ultimately become the most feared Assassin hunter in history. . Introducing Assassin\u2019s Creed\u00ae Rogue, the darkest chapter in the Assassin\u2019s Creed franchise yet. As Shay, you will experience the slow transformation from Assassin to Assassin Hunter. Follow your own creed and set off on an extraordinary journey through New York City, the wild river valley, and far away to the icy cold waters of the North Atlantic in pursuit of your ultimate goal - bringing down the Assassins for good.Key Features. Become the Ultimate Assassin Hunter - For the first time ever, experience the Assassin\u2019s Creed universe from the perspective of a Templar. Play as Shay, who, in addition to the deadly skills of a Master Assassin, also possesses never before seen skills and weapons:. o\tEquip Shay\u2019s deadly air rifle for both short and long range combat. Distract, eliminate, or confuse your enemies by using a variety of ammunition, including specialized bullets and grenades. o\tProtect yourself from hidden Assassins with your enhanced eagle vision. Constantly assess your surroundings and detect Assassins hiding in the shadows, on rooftops, and in the crowds. . Slowly Descend into Darkness - Witness Shay\u2019s transformation from an adventurous Assassin to a grim and committed Templar willing to hunt down his former brothers. Experience first-hand the events that will lead Shay down a dark path and set him on a course that will forever change the fate of the Assassin Brotherhood. . New and Improved Naval Gameplay - Cast off in your ship, The Morrigan, and fight your way through the icy seas of the North Atlantic and the narrow waters of America\u2019s river valleys. Assassin\u2019s Creed\u00ae Rogue builds on the award winning naval experience from Assassin\u2019s Creed\u00ae IV Black Flag\u2122 with all new gameplay including:. o\tNew enemy tactics: Defend yourself from Assassins as they attempt to board your ship and overthrow your crew. Fight them off quickly to avoid losing too many crew members. o\tNew weapons: Including burning oil, which leaves a trail of fire behind to burn enemy ships, and the puckle gun, capable of delivering continuous machine-gun-like fire. o\tAn arctic world full of possibilities: Ram through ice sheets to discover hidden locations and use icebergs as cover during naval battles. . Vast Diverse Open World to Explore - Shay\u2019s story will allow you to explore three unique environments: . o\tThe North Atlantic Ocean Experience the cold winds and towering icebergs of the arctic in this expansive naval playground . o\tThe River Valley A large hybrid setting of the American Frontier mixing seamless river navigation and ground exploration. o\tNew York City One of the most well-known cities in the world, fully recreated as it existed in the 18th century. . ENHANCE YOUR EXPERIENCE WITH EYE TRACKING. Your eyes lead the way with Tobii Eye Tracking. Direct your character\u2019s journey across North America and the North Atlantic as you focus on the path ahead. The Auto-Pause feature helps make sure you don\u2019t miss out on any action \u2013 in the unlikely event you can peel your attention away from the screen, that is. Compatible Eye Tracking Devices: Tobii Eye Tracker 4C, Alienware 17 Notebook, Acer Predator Notebook 21 X, MSI GT72 Notebook, Acer Predator Monitors Z301CT, Z271T, XB271HUT", + "about_the_game": "Story18th century, North America. Amidst the chaos and violence of the French and Indian War, Shay Patrick Cormac, a fearless young member of the Brotherhood of Assassin\u2019s, undergoes a dark transformation that will forever shape the future of the American colonies. After a dangerous mission gone tragically wrong, Shay turns his back on the Assassins who, in response, attempt to end his life. Cast aside by those he once called brothers, Shay sets out on a mission to wipe out all who turned against him and ultimately become the most feared Assassin hunter in history.Introducing Assassin\u2019s Creed\u00ae Rogue, the darkest chapter in the Assassin\u2019s Creed franchise yet. As Shay, you will experience the slow transformation from Assassin to Assassin Hunter. Follow your own creed and set off on an extraordinary journey through New York City, the wild river valley, and far away to the icy cold waters of the North Atlantic in pursuit of your ultimate goal - bringing down the Assassins for good.Key FeaturesBecome the Ultimate Assassin Hunter - For the first time ever, experience the Assassin\u2019s Creed universe from the perspective of a Templar. Play as Shay, who, in addition to the deadly skills of a Master Assassin, also possesses never before seen skills and weapons:o\tEquip Shay\u2019s deadly air rifle for both short and long range combat. Distract, eliminate, or confuse your enemies by using a variety of ammunition, including specialized bullets and grenadeso\tProtect yourself from hidden Assassins with your enhanced eagle vision. Constantly assess your surroundings and detect Assassins hiding in the shadows, on rooftops, and in the crowdsSlowly Descend into Darkness - Witness Shay\u2019s transformation from an adventurous Assassin to a grim and committed Templar willing to hunt down his former brothers. Experience first-hand the events that will lead Shay down a dark path and set him on a course that will forever change the fate of the Assassin Brotherhood.New and Improved Naval Gameplay - Cast off in your ship, The Morrigan, and fight your way through the icy seas of the North Atlantic and the narrow waters of America\u2019s river valleys. Assassin\u2019s Creed\u00ae Rogue builds on the award winning naval experience from Assassin\u2019s Creed\u00ae IV Black Flag\u2122 with all new gameplay including:o\tNew enemy tactics: Defend yourself from Assassins as they attempt to board your ship and overthrow your crew. Fight them off quickly to avoid losing too many crew members.o\tNew weapons: Including burning oil, which leaves a trail of fire behind to burn enemy ships, and the puckle gun, capable of delivering continuous machine-gun-like fire.o\tAn arctic world full of possibilities: Ram through ice sheets to discover hidden locations and use icebergs as cover during naval battles.Vast Diverse Open World to Explore - Shay\u2019s story will allow you to explore three unique environments: o\tThe North Atlantic Ocean Experience the cold winds and towering icebergs of the arctic in this expansive naval playground o\tThe River Valley A large hybrid setting of the American Frontier mixing seamless river navigation and ground explorationo\tNew York City One of the most well-known cities in the world, fully recreated as it existed in the 18th century.ENHANCE YOUR EXPERIENCE WITH EYE TRACKINGYour eyes lead the way with Tobii Eye Tracking. Direct your character\u2019s journey across North America and the North Atlantic as you focus on the path ahead. The Auto-Pause feature helps make sure you don\u2019t miss out on any action \u2013 in the unlikely event you can peel your attention away from the screen, that is.Compatible Eye Tracking Devices: Tobii Eye Tracker 4C, Alienware 17 Notebook, Acer Predator Notebook 21 X, MSI GT72 Notebook, Acer Predator Monitors Z301CT, Z271T, XB271HUT", + "short_description": "Introducing Assassin\u2019s Creed\u00ae Rogue, the darkest chapter in the Assassin\u2019s Creed franchise yet. As Shay, you will experience the slow transformation from Assassin to Assassin Hunter. Follow your own creed and set off on an extraordinary journey through New York City, the wild river valley, and far away to the icy cold waters of the North...", + "genres": "Action", + "recommendations": 13200, + "score": 6.254803366561003 + }, + { + "type": "game", + "name": "Enter the Gungeon", + "detailed_description": "Enter the Gungeon is a bullet hell dungeon crawler following a band of misfits seeking to shoot, loot, dodge roll and table-flip their way to personal absolution by reaching the legendary Gungeon\u2019s ultimate treasure: the gun that can kill the past. Select a hero [or team up in co-op] and battle your way to the bottom of the Gungeon by surviving a challenging and evolving series of floors filled with the dangerously adorable Gundead and fearsome Gungeon bosses armed to the teeth. Gather precious loot, discover hidden secrets, and chat with opportunistic merchants and shopkeepers to purchase powerful items to gain an edge. . The Gungeon: Enter the Gungeon \u2013 a constantly evolving bullet hell fortress that elegantly blends meticulously hand-designed rooms within a procedurally-generated labyrinth bent on destroying all that enter its walls. But beware \u2013 the Gungeon responds to even the most modest victory against its sentries and traps by raising the stakes and the challenges found within! . The Cult of the Gundead: The Gungeon isn\u2019t just traps and chasms \u2013 calm your nerves and steady your aim as you face down the gun-totting Cult of the Gundead. These disciples of the gun will stop at nothing to put down the heroes in their tracks and employ any tactics necessary to defend their temple. . The Gungeoneers: Choose between one of several unlikely heroes, each burdened by a deep regret and in search of a way to change their past, no matter the cost. Filled with equal parts courage and desperation, these adventurers won\u2019t hesitate to dive across flaming walls, roll through a wall of bullets, or take cover behind whatever is around to make it to their goal alive!. The Guns: Discover and unlock scores of uniquely fantastic guns to annihilate all that oppose you in the Gungeon \u2013 each carrying their own unique tactics and ammunition. Unleash everything from the tried and true medley of missiles, lasers, and cannonballs to the bizarrely effective volley of rainbows, fish, foam darts, and bees! Yep, bees. . The Enter the Gungeon: Collector's Edition includes the game, the soundtrack, the digital comic, and an instant unlock of the Microtransaction Gun. Owners of the base game can upgrade to the Collector's Edition for the difference in price.", + "about_the_game": "Enter the Gungeon is a bullet hell dungeon crawler following a band of misfits seeking to shoot, loot, dodge roll and table-flip their way to personal absolution by reaching the legendary Gungeon\u2019s ultimate treasure: the gun that can kill the past. Select a hero [or team up in co-op] and battle your way to the bottom of the Gungeon by surviving a challenging and evolving series of floors filled with the dangerously adorable Gundead and fearsome Gungeon bosses armed to the teeth. Gather precious loot, discover hidden secrets, and chat with opportunistic merchants and shopkeepers to purchase powerful items to gain an edge.The Gungeon: Enter the Gungeon \u2013 a constantly evolving bullet hell fortress that elegantly blends meticulously hand-designed rooms within a procedurally-generated labyrinth bent on destroying all that enter its walls. But beware \u2013 the Gungeon responds to even the most modest victory against its sentries and traps by raising the stakes and the challenges found within! The Cult of the Gundead: The Gungeon isn\u2019t just traps and chasms \u2013 calm your nerves and steady your aim as you face down the gun-totting Cult of the Gundead. These disciples of the gun will stop at nothing to put down the heroes in their tracks and employ any tactics necessary to defend their temple.The Gungeoneers: Choose between one of several unlikely heroes, each burdened by a deep regret and in search of a way to change their past, no matter the cost. Filled with equal parts courage and desperation, these adventurers won\u2019t hesitate to dive across flaming walls, roll through a wall of bullets, or take cover behind whatever is around to make it to their goal alive!The Guns: Discover and unlock scores of uniquely fantastic guns to annihilate all that oppose you in the Gungeon \u2013 each carrying their own unique tactics and ammunition. Unleash everything from the tried and true medley of missiles, lasers, and cannonballs to the bizarrely effective volley of rainbows, fish, foam darts, and bees! Yep, bees.The Enter the Gungeon: Collector's Edition includes the game, the soundtrack, the digital comic, and an instant unlock of the Microtransaction Gun. Owners of the base game can upgrade to the Collector's Edition for the difference in price.", + "short_description": "Enter the Gungeon is a bullet hell dungeon crawler following a band of misfits seeking to shoot, loot, dodge roll and table-flip their way to personal absolution by reaching the legendary Gungeon\u2019s ultimate treasure: the gun that can kill the past.", + "genres": "Action", + "recommendations": 65507, + "score": 7.310810103827948 + }, + { + "type": "game", + "name": "Data Hacker: Initiation", + "detailed_description": "The beginning of the Datastream saga. . Set some years in the future, following a global economic and social crash, Data Hacker Initiation follows Jay; a retired hacker in search of vengeance. Jay is a prolific player of Online World: the escapist's dream game in a backwards-future, until an ironic case of mistaken identity, whereupon he is banished from the refuge that he so loved. . Enraged, Jay seeks to re-enter the game with a new agenda: wreak havoc for the administrators and key-holders of Online World. Little does he know; he is about to enter upon something great, and terrible- a twist that nobody saw coming. . Just what lies behind Online World?. What is its true purpose?. Initiation features-. An original, intricately crafted narrative,. Monster and player hacking!. Around 25 hours of core gameplay AND new game+. Trioarch, the addictive featured trading-card game!. Over 50 class archetypes, with over 180 unique skills,. Real choice. Will you fight for the players of Online World, or will you seek power only for yourself?. Load your progress in Corruption. . Data Hacker: Initiation sets the stage for the Datastream saga; an epic series of tales revolving around the possibility of virtual realms existing beyond our current reach. Once the bridge is crafted, everything will change. . After the Initiation, Corruption spreads. ", + "about_the_game": "The beginning of the Datastream saga...Set some years in the future, following a global economic and social crash, Data Hacker Initiation follows Jay; a retired hacker in search of vengeance. Jay is a prolific player of Online World: the escapist's dream game in a backwards-future, until an ironic case of mistaken identity, whereupon he is banished from the refuge that he so loved.Enraged, Jay seeks to re-enter the game with a new agenda: wreak havoc for the administrators and key-holders of Online World. Little does he know; he is about to enter upon something great, and terrible- a twist that nobody saw coming.Just what lies behind Online World?What is its true purpose?Initiation features-An original, intricately crafted narrative,Monster and player hacking!Around 25 hours of core gameplay AND new game+Trioarch, the addictive featured trading-card game!Over 50 class archetypes, with over 180 unique skills,Real choice. Will you fight for the players of Online World, or will you seek power only for yourself?Load your progress in Corruption...Data Hacker: Initiation sets the stage for the Datastream saga; an epic series of tales revolving around the possibility of virtual realms existing beyond our current reach. Once the bridge is crafted, everything will change.After the Initiation, Corruption spreads. ", + "short_description": "Data Hacker: Initiation sets the stage for the Datastream saga; an epic series of tales revolving around the possibility of virtual realms existing beyond our current reach. Once the bridge is crafted, everything will change.", + "genres": "Adventure", + "recommendations": 111, + "score": 3.1105748042765247 + }, + { + "type": "game", + "name": "Rain World", + "detailed_description": "Updates. Uncover the most popular mods from the thriving modding community with Steam Workshop Support. . Toggle new features and comprehensive customization options in Remix to suit your individual needs. . Learn new tips and tricks with updated tutorial messages to help players understand Rain World's intricate ecosystem. . Control your unique campaign with accessibility, speedrun, and difficulty options sculpted to your particular taste and style. Features. Explore a vast world of over 1600 rooms, spanning 12 diverse regions filled with ancient secrets and undiscovered dangers. . Intense, primal predator encounters will challenge your reflexes. Limited resources and the constant, impending threat of rain will test your nerve. . Procedural design and individualistic AI\u2014 every playthrough is a unique challenge!. Play as The Monk and The Hunter! 2 playable characters corresponding to easier and more aggressive playstyles. . Multiplayer Arena for up to 4 players, featuring Competitive and Sandbox modes. . Bestiary featuring dangerous predators and delicious prey. About the Game. You are a slugcat. The world around you is full of danger, and you must face it \u2013 alone. Separated from your family in a devastating flood, you will need to find food and shelter between terrifying torrential downpours which threaten to drown all life. Climb through the ruins of an ancient civilization, evade the jaws of vicious predators, and discover new lands teeming with strange creatures and buried mysteries. Find your family before something makes a meal of you!. Inspired by the simplicity and aesthetics of 16-bit classics, this survival platformer requires clever decision-making, both to catch your own prey and to avoid the jaws of hungry predators. Each ravenous foe in your path will be cunning, vicious and always on the hunt \u2013 eager to sink their teeth into you, or even each other. As a small, soft slugcat you must rely on stealth and wit rather than force: learn the ecosystem and turn their strengths to your advantage. Maybe then you can survive\u2026 Rain World!.", + "about_the_game": "You are a slugcat. The world around you is full of danger, and you must face it \u2013 alone. Separated from your family in a devastating flood, you will need to find food and shelter between terrifying torrential downpours which threaten to drown all life. Climb through the ruins of an ancient civilization, evade the jaws of vicious predators, and discover new lands teeming with strange creatures and buried mysteries. Find your family before something makes a meal of you!Inspired by the simplicity and aesthetics of 16-bit classics, this survival platformer requires clever decision-making, both to catch your own prey and to avoid the jaws of hungry predators. Each ravenous foe in your path will be cunning, vicious and always on the hunt \u2013 eager to sink their teeth into you, or even each other. As a small, soft slugcat you must rely on stealth and wit rather than force: learn the ecosystem and turn their strengths to your advantage. Maybe then you can survive\u2026 Rain World!", + "short_description": "You are a nomadic slugcat, both predator and prey in a broken ecosystem. Grab your spear and brave the industrial wastes, hunting enough food to survive, but be wary\u2014 other, bigger creatures have the same plan... and slugcats look delicious.", + "genres": "Action", + "recommendations": 15445, + "score": 6.358340332793046 + }, + { + "type": "game", + "name": "Duck Game", + "detailed_description": "Enter the futuristic year of 1984, an age where ducks run wild in a frantic battle for glory. Win over the crowd and gain a following by blasting your feathered friends with Shotguns, Net Guns, Mind Control Rays, Saxophones, Magnet Guns, and pretty much anything else a duck could use as a weapon. One hit and you're roasted. This is DUCK GAME. Don't blink. . 2 to 8 PLAYERS + 4 Spectators in either Local Multiplayer Couch Combat, or Online Play!. Single Player challenge mode. Easy to pick up, emphasizing strategy over twitch reaction. 100+ Levels, 50+ Weapons. Level Editor.", + "about_the_game": "Enter the futuristic year of 1984, an age where ducks run wild in a frantic battle for glory. Win over the crowd and gain a following by blasting your feathered friends with Shotguns, Net Guns, Mind Control Rays, Saxophones, Magnet Guns, and pretty much anything else a duck could use as a weapon. One hit and you're roasted. This is DUCK GAME. Don't blink. 2 to 8 PLAYERS + 4 Spectators in either Local Multiplayer Couch Combat, or Online Play! Single Player challenge mode Easy to pick up, emphasizing strategy over twitch reaction 100+ Levels, 50+ Weapons Level Editor", + "short_description": "Enter the futuristic year of 1984, an age where ducks run wild in a frantic battle for glory. Blast your friends with Shotguns, Net Guns, Mind Control Rays, Saxophones, Magnet Guns, and much, much more. This is DUCK GAME. Don't blink.", + "genres": "Action", + "recommendations": 23107, + "score": 6.6238970647263615 + }, + { + "type": "game", + "name": "Sniper Elite 4", + "detailed_description": "\"Sniper Elite 4 is a smart, strategic shooter that empowers you to make your own path\". IGN, 8.3/10 . \"A riotously entertaining WW2 stealth adventure\" . Eurogamer, Recommended . \"An ambitious stealth game that handily outperforms its predecessors\". PC World, 4/5 . Discover unrivalled sniping freedom in the largest and most advanced World War 2 shooter ever built. Experience tactical third-person combat, gameplay choice and epic longshots across gigantic levels as you liberate wartime Italy from the grip of Fascism. . Set in the aftermath of its award-winning predecessor, Sniper Elite 4 transports players across the beautiful Italian peninsula, from sun-drenched Mediterranean coastal towns, to ancient forests, mountain valleys and colossal Nazi megastructures. . Covert agent and elite marksman Karl Fairburne must fight alongside the brave men and women of the Italian Resistance and defeat a terrifying new threat with the potential to halt the Allied fightback in Europe before it\u2019s even begun.EXPANSIVE CAMPAIGNEncounter hours of gripping gameplay in huge campaign levels with hundreds of enemies, vehicles and high-ranking Nazi officers to hunt. Forge your own path to your objectives, uncover new sniper nests, find secret side missions, collectibles and more!AWARD-WINNING SNIPINGExperience genre-defining rifle ballistics where snipers must take account of wind, gravity and heart rate to land satisfying shots over hundreds of meters.EXTENSIVE ARSENALAdapt seamlessly to any combat situation with an impressive array of iconic World War 2 sniper rifles, pistols, submachine guns, heavy weapons, traps, grenades and explosives.DEEP CUSTOMISATIONHone your combat effectiveness by upgrading skills and tweaking key weapon traits such as scope magnification, muzzle velocity and stability. Create and edit custom loadouts for any encounter.SLICK TRAVERSALS AND TAKEDOWNSClimb, hang, shimmy and leap your way across the game\u2019s vast environments to get the drop on enemies and deliver killing blows from behind cover, hanging over ledges and more!ACCLAIMED X-RAY KILL CAMSSniper Elite\u2019s acclaimed X-ray Kill Camera returns with all-new visuals and features, now framing your most impressive melee attacks and explosive trap kills in bone-cracking detail.TACTICAL CO-OPPlay the entire campaign online with another player or jump into dedicated co-operative game modes for up to 4 players.THRILLING MULTIPLAYERTake Sniper Elite\u2019s trademark sharpshooting into unique competitive play for up to 12 players in 6 modes across 6 custom-designed maps. Even more modes and maps will be released FREE after launch!", + "about_the_game": "\"Sniper Elite 4 is a smart, strategic shooter that empowers you to make your own path\"IGN, 8.3/10 \"A riotously entertaining WW2 stealth adventure\" Eurogamer, Recommended \"An ambitious stealth game that handily outperforms its predecessors\"PC World, 4/5 Discover unrivalled sniping freedom in the largest and most advanced World War 2 shooter ever built. Experience tactical third-person combat, gameplay choice and epic longshots across gigantic levels as you liberate wartime Italy from the grip of Fascism. Set in the aftermath of its award-winning predecessor, Sniper Elite 4 transports players across the beautiful Italian peninsula, from sun-drenched Mediterranean coastal towns, to ancient forests, mountain valleys and colossal Nazi megastructures.Covert agent and elite marksman Karl Fairburne must fight alongside the brave men and women of the Italian Resistance and defeat a terrifying new threat with the potential to halt the Allied fightback in Europe before it\u2019s even begun.EXPANSIVE CAMPAIGNEncounter hours of gripping gameplay in huge campaign levels with hundreds of enemies, vehicles and high-ranking Nazi officers to hunt. Forge your own path to your objectives, uncover new sniper nests, find secret side missions, collectibles and more!AWARD-WINNING SNIPINGExperience genre-defining rifle ballistics where snipers must take account of wind, gravity and heart rate to land satisfying shots over hundreds of meters.EXTENSIVE ARSENALAdapt seamlessly to any combat situation with an impressive array of iconic World War 2 sniper rifles, pistols, submachine guns, heavy weapons, traps, grenades and explosives.DEEP CUSTOMISATIONHone your combat effectiveness by upgrading skills and tweaking key weapon traits such as scope magnification, muzzle velocity and stability. Create and edit custom loadouts for any encounter.SLICK TRAVERSALS AND TAKEDOWNSClimb, hang, shimmy and leap your way across the game\u2019s vast environments to get the drop on enemies and deliver killing blows from behind cover, hanging over ledges and more!ACCLAIMED X-RAY KILL CAMSSniper Elite\u2019s acclaimed X-ray Kill Camera returns with all-new visuals and features, now framing your most impressive melee attacks and explosive trap kills in bone-cracking detail.TACTICAL CO-OPPlay the entire campaign online with another player or jump into dedicated co-operative game modes for up to 4 players.THRILLING MULTIPLAYERTake Sniper Elite\u2019s trademark sharpshooting into unique competitive play for up to 12 players in 6 modes across 6 custom-designed maps. Even more modes and maps will be released FREE after launch!", + "short_description": "Discover unrivalled sniping freedom in the largest and most advanced World War 2 shooter ever built. Experience tactical third-person combat, gameplay choice and epic longshots across gigantic levels as you liberate wartime Italy from the grip of Fascism.", + "genres": "Action", + "recommendations": 41763, + "score": 7.014066043066895 + }, + { + "type": "game", + "name": "The Expendabros", + "detailed_description": "The Expendabros have assembled and set their sights on the forces of ruthless arms dealer Conrad Stonebanks in the forests of Eastern Europe. Battle in a flurry of bullets and non-stop action through ten full-throttle missions set amongst the picturesque tree tops and the absurdly dangerous lumber mills teeming with enemy soldiers, excessive artillery, and inconveniently placed circular saws. Rescue your brothers in arms and play as seven different legendary soldiers \u2013 each with their own unique weapons and special attacks \u2013 with up to four players at once in local multiplayer co-op mode.The Cast. . Bro Caesar | Bro Christmas | Broney Ross | Trent Broser | Bronar Jenson | Broc | Toll BroadAbout BroforceWhen evil threatens the world, the world calls on Broforce - an under-funded, over-powered paramilitary organization dealing exclusively in excessive force. Brace your loins with up to four players to run \u2018n\u2019 gun as dozens of different bros and eliminate the opposing terrorist forces that threaten our way of life. Unleash scores of unique weapons and set off incredible chain reactions of fire, napalm, and limbs in the name of freedom. . About The Expendables 3In THE EXPENDABLES 3, Barney (Stallone), Christmas (Statham) and the rest of the team come face-to-face with Conrad Stonebanks (Gibson), who years ago co-founded The Expendables with Barney. Stonebanks subsequently became a ruthless arms trader and someone who Barney was forced to kill\u2026 or so he thought. Stonebanks, who eluded death once before, now is making it his mission to end The Expendables -- but Barney has other plans. Barney decides that he has to fight old blood with new blood, and brings in a new era of Expendables team members, recruiting individuals who are younger, faster and more tech-savvy. The latest mission becomes a clash of classic old-school style versus high-tech expertise in the Expendables\u2019 most personal battle yet. . . Lionsgate and Millennium Films present a Nu Image production. PG-13 for violence including intense sustained gun battles and fight scenes, and for language.", + "about_the_game": "The Expendabros have assembled and set their sights on the forces of ruthless arms dealer Conrad Stonebanks in the forests of Eastern Europe. Battle in a flurry of bullets and non-stop action through ten full-throttle missions set amongst the picturesque tree tops and the absurdly dangerous lumber mills teeming with enemy soldiers, excessive artillery, and inconveniently placed circular saws. Rescue your brothers in arms and play as seven different legendary soldiers \u2013 each with their own unique weapons and special attacks \u2013 with up to four players at once in local multiplayer co-op mode.The CastBro Caesar | Bro Christmas | Broney Ross | Trent Broser | Bronar Jenson | Broc | Toll BroadAbout BroforceWhen evil threatens the world, the world calls on Broforce - an under-funded, over-powered paramilitary organization dealing exclusively in excessive force. Brace your loins with up to four players to run \u2018n\u2019 gun as dozens of different bros and eliminate the opposing terrorist forces that threaten our way of life. Unleash scores of unique weapons and set off incredible chain reactions of fire, napalm, and limbs in the name of freedom. About The Expendables 3In THE EXPENDABLES 3, Barney (Stallone), Christmas (Statham) and the rest of the team come face-to-face with Conrad Stonebanks (Gibson), who years ago co-founded The Expendables with Barney. Stonebanks subsequently became a ruthless arms trader and someone who Barney was forced to kill\u2026 or so he thought. Stonebanks, who eluded death once before, now is making it his mission to end The Expendables -- but Barney has other plans. Barney decides that he has to fight old blood with new blood, and brings in a new era of Expendables team members, recruiting individuals who are younger, faster and more tech-savvy. The latest mission becomes a clash of classic old-school style versus high-tech expertise in the Expendables\u2019 most personal battle yet.Lionsgate and Millennium Films present a Nu Image production. PG-13 for violence including intense sustained gun battles and fight scenes, and for language.", + "short_description": "The Expendabros have assembled and set their sights on the forces of ruthless arms dealer Conrad Stonebanks in the forests of Eastern Europe. Battle in a flurry of bullets and non-stop action through ten full-throttle missions set amongst the picturesque tree tops and the absurdly dangerous lumber mills teeming with enemy soldiers,...", + "genres": "Action", + "recommendations": 181, + "score": 3.4306359975168608 + }, + { + "type": "game", + "name": "Stranded Deep", + "detailed_description": "TEST YOUR SURVIVAL SKILLS IN THIS OPEN WORLD ADVENTURE. In the aftermath of a mysterious plane crash, you are stranded in the vast expanse of the Pacific Ocean. Alone, without any means to call for help, you must do what you can to survive. . BUILD. CRAFT. SURVIVE. ESCAPE. Explore underwater and on land as you hunt for supplies to craft the tools, weapons, and shelter you\u2019ll need to stay alive. Stay sharp: hunger, thirst, and exposure conspire against you as you brave treacherous elements and the dangerous creatures of the Pacific. Live long enough, Stay Alive!. . Health, Hunger, Thirst, and sunstroke. Manage and monitor these vitals through an interactive survival watch. Cure poisons, heal broken bones, and bandage bleeding to stay alive. . Spears, Axes, Bows, Spearguns, and so much more can all be crafted through an interactive crafting menu or by the quick-craft selection wheel. Items in your inventory and on the ground around you can all be crafted into something useful. . Harvesting, Craftsmanship, Cooking, Physical, and Hunting can all be levelled up for maximum efficiency or to unlock different crafting combinations. . With dozens of tiers and building pieces to choose from; craft your very own home away from home. From a weak and flimsy palm frond shack to a solid clay brick house. . Customise your own raft with sails, canopies, storage, anchors, boat motors, and more. If sailings not for you - fly in style by constructing a gyrocopter!. . Explore the procedurally generated world with no two islands the same. Dive for sunken shipwrecks, abandoned shelters from previous survivors, or search for rare sea creatures like whales. . Build and manage your farm with water management and plant growth cycles. . Hunt, Fish, Trap, and Skin animals for food or kill to insert your dominance over the pacific islands. . If you\u2019re looking for a challenge then take on one of the three bosses to obtain a wall trophy and a very important reward. . Unlock Steam achievements! Compare statistics with your friends from the in-game leaderboards for whose the best survivor. . Play online or split screen co-op modes!. . Customise your world through the map island editor. Play as Female or Male. Change your game difficulty. Play split-screen co-op, and so much more!. . Create your own custom island and add it to your survival world! . Hand sculpt the terrain and manually place each individual tree, rock, and creature to create the adventure island you want!. You can even share it with your friends!", + "about_the_game": "TEST YOUR SURVIVAL SKILLS IN THIS OPEN WORLD ADVENTUREIn the aftermath of a mysterious plane crash, you are stranded in the vast expanse of the Pacific Ocean. Alone, without any means to call for help, you must do what you can to survive.BUILD. CRAFT. SURVIVE. ESCAPE.Explore underwater and on land as you hunt for supplies to craft the tools, weapons, and shelter you\u2019ll need to stay alive. Stay sharp: hunger, thirst, and exposure conspire against you as you brave treacherous elements and the dangerous creatures of the Pacific. Live long enough, Stay Alive!Health, Hunger, Thirst, and sunstroke. Manage and monitor these vitals through an interactive survival watch. Cure poisons, heal broken bones, and bandage bleeding to stay alive.Spears, Axes, Bows, Spearguns, and so much more can all be crafted through an interactive crafting menu or by the quick-craft selection wheel. Items in your inventory and on the ground around you can all be crafted into something useful.Harvesting, Craftsmanship, Cooking, Physical, and Hunting can all be levelled up for maximum efficiency or to unlock different crafting combinations.With dozens of tiers and building pieces to choose from; craft your very own home away from home. From a weak and flimsy palm frond shack to a solid clay brick house. Customise your own raft with sails, canopies, storage, anchors, boat motors, and more. If sailings not for you - fly in style by constructing a gyrocopter!Explore the procedurally generated world with no two islands the same. Dive for sunken shipwrecks, abandoned shelters from previous survivors, or search for rare sea creatures like whales.Build and manage your farm with water management and plant growth cycles.Hunt, Fish, Trap, and Skin animals for food or kill to insert your dominance over the pacific islands.If you\u2019re looking for a challenge then take on one of the three bosses to obtain a wall trophy and a very important reward.Unlock Steam achievements! Compare statistics with your friends from the in-game leaderboards for whose the best survivor.Play online or split screen co-op modes! your world through the map island editor. Play as Female or Male. Change your game difficulty. Play split-screen co-op, and so much more!Create your own custom island and add it to your survival world! Hand sculpt the terrain and manually place each individual tree, rock, and creature to create the adventure island you want!You can even share it with your friends!", + "short_description": "Take the role of a plane crash survivor stranded somewhere in the Pacific Ocean. Come face to face with some of the most life threatening scenarios that will result in a different experience each time you play. Scavenge. Discover. Survive.", + "genres": "Adventure", + "recommendations": 37531, + "score": 6.943633395301872 + }, + { + "type": "game", + "name": "Microsoft Flight Simulator X: Steam Edition", + "detailed_description": "Take to the skies in the World\u2019s favourite flight simulator!. The multi award winning Microsoft Flight Simulator X lands on Steam for the first time. Take off from anywhere in the world, flying some of the world\u2019s most iconic aircraft to any one of 24,000 destinations. Microsoft Flight Simulator X Steam Edition has updated multiplayer and Windows 8.1 support. . Take the controls of aircraft such as the 747 jumbo jet, F/A-18 Hornet, P-51D Mustang, EH-101 helicopter and others - an aircraft for every kind of flying and adventure. Select your starting location, set the time, the season, and the weather. Take off from one of more than 24,000 airports and explore a world of aviation beauty that has entranced millions of plane fans from across the globe. . FSX Steam Edition offers players a connected world where they can choose who they want to be, from air-traffic controller to pilot or co-pilot. Racing mode allows you to compete against friends with four types of racing, including Red Bull Air Race courses, the unlimited Reno National Championship course, as well as cross country, competition sailplane courses and fictional courses like the Hoop and Jet Canyon. Test your skills with three different levels of difficulty, from simple pylon racing to racing highly challenging courses in a variety of weather conditions. . With over 80 missions, test your prowess to earn rewards. Try your hand at Search and Rescue, Test Pilot, Carrier Operations, and more. Keep track of how you have done on each mission and improve your skill levels until you\u2019re ready for the next challenge. . FSX Steam Edition enables pilots to fly the aircraft of their dreams, from the De Havilland DHC-2 Beaver floatplane and Grumman G-21A Goose to the AirCreation 582SL Ultralight and Maule M7 Orion with wheels and skis. Add to your collection of aircraft and improve the fidelity of your world with FSX Add-ons. . The inclusion of AI-controlled jetways, fuel trucks and moving baggage carts, adds extra realism to the experience of flying at busy airports. . Whether you want to challenge your friends to a heart-pounding race or just take in the scenery, FSX Steam Edition will immerse you in a dynamic, living world that brings a realistic flying experience into your home. . Download size: 16.4GB. PLEASE NOTE. Microsoft Flight Simulator X: Steam Edition (FSX: Steam Edition) is functionally similar to the boxed version of Microsoft Flight Simulator X (MSFSX). We have worked extensively with third party developers to make sure the two products can work alongside each other, however due to the wide range of add-on products available for MSFSX, we cannot guarantee that your existing content will work with Microsoft Flight Simulator X Steam Edition. . The Flight Simulator X Software Development Kit (SDK) is not included with FSX: Steam Edition. . If you already have MSFSX installed on your PC and are concerned about running the two games alongside each other, you may wish to consider installing FSX: Steam Edition on a separate PC. . If you already have MSFSX and add-ons installed they will only be accessible through your existing installation. They will not be duplicated across the original edition and Steam Edition of the simulator.Included AircraftAugusta Westland EH101 (Helicopter). Airbus A321. AirCreation 582L Trike Ultralight. Beechcraft Baron 58. Beechcraft King Air 350. Bell 206B JetRanger (Helicopter). Boeing 737-800. Boeing 747-400. Boeing F/A-18. Bombardier CRJ700. Bombardier LearJet 45. Cessna C172SP Skyhawk. Cessna C208B Grand Caravan. De Havilland DHC-2 Beaver. DG Flugzeugbau DG-808S. Douglas DC3. Extra 300S. Gumman G21A Goose . Maule M7 Orion. Maule M7 Orion (on skis). Mooney Bravo. North American P-51D Mustang. Piper J-3 Cub. Robinson R22 Beta II (Helicopter).", + "about_the_game": "Take to the skies in the World\u2019s favourite flight simulator!The multi award winning Microsoft Flight Simulator X lands on Steam for the first time. Take off from anywhere in the world, flying some of the world\u2019s most iconic aircraft to any one of 24,000 destinations. Microsoft Flight Simulator X Steam Edition has updated multiplayer and Windows 8.1 support.Take the controls of aircraft such as the 747 jumbo jet, F/A-18 Hornet, P-51D Mustang, EH-101 helicopter and others - an aircraft for every kind of flying and adventure. Select your starting location, set the time, the season, and the weather. Take off from one of more than 24,000 airports and explore a world of aviation beauty that has entranced millions of plane fans from across the globe.FSX Steam Edition offers players a connected world where they can choose who they want to be, from air-traffic controller to pilot or co-pilot. Racing mode allows you to compete against friends with four types of racing, including Red Bull Air Race courses, the unlimited Reno National Championship course, as well as cross country, competition sailplane courses and fictional courses like the Hoop and Jet Canyon. Test your skills with three different levels of difficulty, from simple pylon racing to racing highly challenging courses in a variety of weather conditions.With over 80 missions, test your prowess to earn rewards. Try your hand at Search and Rescue, Test Pilot, Carrier Operations, and more. Keep track of how you have done on each mission and improve your skill levels until you\u2019re ready for the next challenge.FSX Steam Edition enables pilots to fly the aircraft of their dreams, from the De Havilland DHC-2 Beaver floatplane and Grumman G-21A Goose to the AirCreation 582SL Ultralight and Maule M7 Orion with wheels and skis. Add to your collection of aircraft and improve the fidelity of your world with FSX Add-ons.The inclusion of AI-controlled jetways, fuel trucks and moving baggage carts, adds extra realism to the experience of flying at busy airports.Whether you want to challenge your friends to a heart-pounding race or just take in the scenery, FSX Steam Edition will immerse you in a dynamic, living world that brings a realistic flying experience into your home.Download size: 16.4GBPLEASE NOTEMicrosoft Flight Simulator X: Steam Edition (FSX: Steam Edition) is functionally similar to the boxed version of Microsoft Flight Simulator X (MSFSX). We have worked extensively with third party developers to make sure the two products can work alongside each other, however due to the wide range of add-on products available for MSFSX, we cannot guarantee that your existing content will work with Microsoft Flight Simulator X Steam Edition.The Flight Simulator X Software Development Kit (SDK) is not included with FSX: Steam Edition.If you already have MSFSX installed on your PC and are concerned about running the two games alongside each other, you may wish to consider installing FSX: Steam Edition on a separate PC. If you already have MSFSX and add-ons installed they will only be accessible through your existing installation. They will not be duplicated across the original edition and Steam Edition of the simulator.Included AircraftAugusta Westland EH101 (Helicopter)Airbus A321AirCreation 582L Trike UltralightBeechcraft Baron 58Beechcraft King Air 350Bell 206B JetRanger (Helicopter)Boeing 737-800Boeing 747-400Boeing F/A-18Bombardier CRJ700Bombardier LearJet 45Cessna C172SP SkyhawkCessna C208B Grand CaravanDe Havilland DHC-2 BeaverDG Flugzeugbau DG-808SDouglas DC3Extra 300SGumman G21A Goose Maule M7 OrionMaule M7 Orion (on skis)Mooney BravoNorth American P-51D MustangPiper J-3 CubRobinson R22 Beta II (Helicopter)", + "short_description": "Take to the skies in the World\u2019s favourite flight simulator! The multi award winning Microsoft Flight Simulator X lands on Steam for the first time. Take off from anywhere in the world, flying some of the world\u2019s most iconic aircraft to any one of 24,000 destinations.", + "genres": "Simulation", + "recommendations": 20689, + "score": 6.551033464982159 + }, + { + "type": "game", + "name": "Magic Duels", + "detailed_description": "MORE CARDS. MORE STRATEGY. BIGGER STORY. Collect 1,300+ earnable cards, battle in 60+ single-player campaign missions, and emerge victorious in epic online duels. . Never played Magic: The Gathering? Learn how as you take on the role of an iconic Planeswalker. Veteran Magic player? Hone your skills and match wits with opponents online. . NEW CARDS: 158 NEW unique cards from Magic's Amonkhet set. . NEW STORY: A NEW story-driven Amonkhet Campaign. . NEW ITEMS: Customize your play experience with 6 new cards sleeves and 5 new personas. . MANY WAYS TO PLAY: Experience some of Magic's most iconic moments in Story Mode, head to Battle Mode to take on your friends, or grab a partner for a four-player Two-Headed Giant battle. . BUILD POWERFUL DECKS: Build your deck of devastating spells from an ever-growing library of earnable cards. . PRACTICE OFFLINE: Hone your skills and try new decks and strategies against virtually endless AI opponents in Solo Mode. . For Magic Duels game support, please visit:. ", + "about_the_game": "MORE CARDS. MORE STRATEGY. BIGGER STORY. Collect 1,300+ earnable cards, battle in 60+ single-player campaign missions, and emerge victorious in epic online duels. \r\n\r\nNever played Magic: The Gathering? Learn how as you take on the role of an iconic Planeswalker. Veteran Magic player? Hone your skills and match wits with opponents online.\r\n\r\nNEW CARDS: 158 NEW unique cards from Magic's Amonkhet set.\r\n\r\nNEW STORY: A NEW story-driven Amonkhet Campaign. \r\n\r\nNEW ITEMS: Customize your play experience with 6 new cards sleeves and 5 new personas.\r\n\r\nMANY WAYS TO PLAY: Experience some of Magic's most iconic moments in Story Mode, head to Battle Mode to take on your friends, or grab a partner for a four-player Two-Headed Giant battle.\r\n\r\nBUILD POWERFUL DECKS: Build your deck of devastating spells from an ever-growing library of earnable cards.\r\n\r\nPRACTICE OFFLINE: Hone your skills and try new decks and strategies against virtually endless AI opponents in Solo Mode.\r\n\r\n\r\nFor Magic Duels game support, please visit:\r\n", + "short_description": "MORE CARDS. MORE STRATEGY. BIGGER STORY. Collect 1,300+ earnable cards, battle in 60+ single-player campaign missions, and emerge victorious in epic online duels.", + "genres": "Free to Play", + "recommendations": 1404, + "score": 4.777960450222903 + }, + { + "type": "game", + "name": "Double Action: Boogaloo", + "detailed_description": "Double Action is a free stylish multiplayer game about diving, flipping, and sliding your way into action movie mayhem.What's Double Action Like?. Imagine doing a backflip off some dude's face, then diving through a window, gold-plated pistols firing in slow motion. There's an explosion behind you and somebody's stolen your briefcase full of money. . Is that enough action for you? Multiply it by two for Double Action.So, it's like a Micheal Bay movie?. Don't talk to me.So, it's like a Freddie Wong movie?. Hell yeah! Now you're talking!Are there weapons? I like weapons. Yes. Yes you do. . The Sentinel 9* - A 9mm pistol. The Stallion .45* - A .45 caliber pistol. The Undertaker - A 9mm sub-machine gun. The Mac Daddy - A .45 caliber sub-machine gun. The Persuader - A combat shotgun. The Vindicator - A fully-automatic rifle. The Black Magic - A burst-fire rifle. Your Fists - They pack a mean punch. The High Explosive Grenade - For when all else fails. * Pistols also available in dual wield style.This all sounds very stylish!. Style is good; we like style. Choose a style skill for specialized action:. Marksman - Improved gun handling and extra firearms damage. Athlete - Faster speed and better stunts. Bouncer - Deal more damage when brawling. Reflexes - Super-slow-motion and bullet time. Nitrophiliac - Extra grenades, more explosions. What's the objective?. Double Action is a no-holds-barred battle royale interspersed with objectives to survive checkpoints, capture the briefcase full of money, and hunt down the wanted criminal.How much does it cost?. Don't be ridiculous, it wouldn't be very stylish if we charged you. Double Action is free, just download and play!", + "about_the_game": "Double Action is a free stylish multiplayer game about diving, flipping, and sliding your way into action movie mayhem.What's Double Action Like?Imagine doing a backflip off some dude's face, then diving through a window, gold-plated pistols firing in slow motion. There's an explosion behind you and somebody's stolen your briefcase full of money.Is that enough action for you? Multiply it by two for Double Action.So, it's like a Micheal Bay movie?Don't talk to me.So, it's like a Freddie Wong movie?Hell yeah! Now you're talking!Are there weapons? I like weapons.Yes. Yes you do.The Sentinel 9* - A 9mm pistolThe Stallion .45* - A .45 caliber pistolThe Undertaker - A 9mm sub-machine gunThe Mac Daddy - A .45 caliber sub-machine gunThe Persuader - A combat shotgunThe Vindicator - A fully-automatic rifleThe Black Magic - A burst-fire rifleYour Fists - They pack a mean punchThe High Explosive Grenade - For when all else fails* Pistols also available in dual wield style.This all sounds very stylish!Style is good; we like style. Choose a style skill for specialized action:Marksman - Improved gun handling and extra firearms damageAthlete - Faster speed and better stuntsBouncer - Deal more damage when brawlingReflexes - Super-slow-motion and bullet timeNitrophiliac - Extra grenades, more explosionsWhat's the objective?Double Action is a no-holds-barred battle royale interspersed with objectives to survive checkpoints, capture the briefcase full of money, and hunt down the wanted criminal.How much does it cost?Don't be ridiculous, it wouldn't be very stylish if we charged you. Double Action is free, just download and play!", + "short_description": "Double Action is a free stylish multiplayer game about diving, flipping, and sliding your way into action movie mayhem.", + "genres": "Action", + "recommendations": 137, + "score": 3.248192186834612 + }, + { + "type": "game", + "name": "Five Nights at Freddy's", + "detailed_description": "Welcome to your new summer job at Freddy Fazbear's Pizza, where kids and parents alike come for entertainment and food as far as the eye can see! The main attraction is Freddy Fazbear, of course; and his two friends. They are animatronic robots, programmed to please the crowds! The robots' behavior has become somewhat unpredictable at night however, and it was much cheaper to hire you as a security guard than to find a repairman. . From your small office you must watch the security cameras carefully. You have a very limited amount of electricity that you're allowed to use per night (corporate budget cuts, you know). That means when you run out of power for the night- no more security doors and no more lights! If something isn't right- namely if Freddybear or his friends aren't in their proper places, you must find them on the monitors and protect yourself if needed!. Can you survive five nights at Freddy's?. \"For all the simplicity of the game\u2019s controls and premise, Five Nights at Freddy\u2018s is frightening. It\u2019s a fantastic example of how cleverness in design and subtlety can be used to make an experience terrifying. Simple still images and proper character design steal the show in this game, and show that Scott Cawthon knows quite a lot about the secret fears people feel when looking at creepy dolls and toys. It\u2019s elegant in how it sows fear, and is a must-own for anyone who likes scary games.\" -Joel Couture IndieGameMag.com . This game was created using Clickteam Fusion!", + "about_the_game": "Welcome to your new summer job at Freddy Fazbear's Pizza, where kids and parents alike come for entertainment and food as far as the eye can see! The main attraction is Freddy Fazbear, of course; and his two friends. They are animatronic robots, programmed to please the crowds! The robots' behavior has become somewhat unpredictable at night however, and it was much cheaper to hire you as a security guard than to find a repairman.From your small office you must watch the security cameras carefully. You have a very limited amount of electricity that you're allowed to use per night (corporate budget cuts, you know). That means when you run out of power for the night- no more security doors and no more lights! If something isn't right- namely if Freddybear or his friends aren't in their proper places, you must find them on the monitors and protect yourself if needed!Can you survive five nights at Freddy's?\"For all the simplicity of the game\u2019s controls and premise, Five Nights at Freddy\u2018s is frightening. It\u2019s a fantastic example of how cleverness in design and subtlety can be used to make an experience terrifying. Simple still images and proper character design steal the show in this game, and show that Scott Cawthon knows quite a lot about the secret fears people feel when looking at creepy dolls and toys. It\u2019s elegant in how it sows fear, and is a must-own for anyone who likes scary games.\" -Joel Couture IndieGameMag.com This game was created using Clickteam Fusion!", + "short_description": "Welcome to your new summer job at Freddy Fazbear's Pizza, where kids and parents alike come for entertainment and food! The main attraction is Freddy Fazbear, of course; and his two friends. They are animatronic robots, programmed to please the crowds!", + "genres": "Indie", + "recommendations": 35236, + "score": 6.902037820867587 + }, + { + "type": "game", + "name": "Life is Strange - Episode 1", + "detailed_description": "PURCHASE LIFE IS STRANGE 2 NOW. Play Free. Reviews and Accolades5/5 \"A must-have.\" - The Examiner. 5/5 \"Something truly special.\" - International Business Times. \"One of the best games I've played in years.\" - Forbes. 10/10 \"An impressive coming of age story.\" - Darkzero. 8/10 \"Rare and precious.\" - Edge. 8.5/10 \"OUTSTANDING.\" - GameInformer. 90% \"Dontnod have clearly put a lot of effort into the little details and it\u2019s worth your time paying attention to their work.\" \u2013 Siliconera. 4.5/5 \"life is strange has me hooked\" - HardcoreGamer. 8/10 \".\u2026has the potential to outdo both Telltale Games and Quantic Dream.\" - Metro. 9.5/10 \"Life is Strange is a must-buy\" - PlayStation Lifestyle. About the Game. Episode 1 now FREE!. Life is Strange is an award-winning and critically acclaimed episodic adventure game that allows the player to rewind time and affect the past, present and future. . Follow the story of Max Caulfield, a photography senior who discovers she can rewind time while saving her best friend Chloe Price. The pair soon find themselves investigating the mysterious disappearance of fellow student Rachel Amber, uncovering a dark side to life in Arcadia Bay. Meanwhile, Max must quickly learn that changing the past can sometimes lead to a devastating future.Key Features:. A beautifully written modern adventure game. . Rewind time to change the course of events. . Multiple endings depending on the choices you make. . Striking, hand-painted visuals. . Distinct, licensed indie soundtrack.", + "about_the_game": "Episode 1 now FREE!Life is Strange is an award-winning and critically acclaimed episodic adventure game that allows the player to rewind time and affect the past, present and future. Follow the story of Max Caulfield, a photography senior who discovers she can rewind time while saving her best friend Chloe Price.The pair soon find themselves investigating the mysterious disappearance of fellow student Rachel Amber, uncovering a dark side to life in Arcadia Bay. Meanwhile, Max must quickly learn that changing the past can sometimes lead to a devastating future.Key Features:A beautifully written modern adventure game.Rewind time to change the course of events.Multiple endings depending on the choices you make.Striking, hand-painted visuals.Distinct, licensed indie soundtrack.", + "short_description": "Episode 1 now FREE! Life is Strange is an award-winning and critically acclaimed episodic adventure game that allows the player to rewind time and affect the past, present and future.", + "genres": "Action", + "recommendations": 114851, + "score": 7.680949193223525 + }, + { + "type": "game", + "name": "AX:EL - Air XenoDawn", + "detailed_description": "Build your own aircraft and prepare to fight. Combining the very best of sci-fi and aerial dogfighting gameplay, AX:EL delivers a totally new gaming experience. Create your very own shape-shifting vehicle and dominate both the sky and the ocean. . Build your own bespoke aircraft, from mainframe to wings. Dominate the skies then watch your aircraft morph in to a silent underwater killing machine as you chase the enemy from the blue skies in to the darkest depths of the ocean.", + "about_the_game": "Build your own aircraft and prepare to fightCombining the very best of sci-fi and aerial dogfighting gameplay, AX:EL delivers a totally new gaming experience. Create your very own shape-shifting vehicle and dominate both the sky and the ocean.Build your own bespoke aircraft, from mainframe to wings. Dominate the skies then watch your aircraft morph in to a silent underwater killing machine as you chase the enemy from the blue skies in to the darkest depths of the ocean.", + "short_description": "Combining the very best of sci-fi and aerial dogfighting gameplay, AX:EL delivers a totally new gaming experience. Create your very own shape-shifting vehicle and dominate both the sky and the ocean.", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Geometry Dash", + "detailed_description": "Jump and fly your way through danger in this rhythm-based action platformer!. Prepare for a near impossible challenge in the world of Geometry Dash. Push your skills to the limit as you jump, fly and flip your way through dangerous passages and spiky obstacles.Game Features. Rhythm-based Action Platforming!. Lots of levels with unique soundtracks!. Build and share your own levels using the level editor!. Thousands of high quality user generated levels!. Unlock new icons and colors to customize your character!. Fly rockets, flip gravity and much more!. Use practice mode to sharpen your skills!. Lots of achievements and rewards!. Challenge yourself with the near impossible!. Steam users get two exclusive unlockable icons!.", + "about_the_game": "Jump and fly your way through danger in this rhythm-based action platformer!Prepare for a near impossible challenge in the world of Geometry Dash. Push your skills to the limit as you jump, fly and flip your way through dangerous passages and spiky obstacles.Game Features Rhythm-based Action Platforming! Lots of levels with unique soundtracks! Build and share your own levels using the level editor! Thousands of high quality user generated levels! Unlock new icons and colors to customize your character! Fly rockets, flip gravity and much more! Use practice mode to sharpen your skills! Lots of achievements and rewards! Challenge yourself with the near impossible! Steam users get two exclusive unlockable icons!", + "short_description": "Jump and fly your way through danger in this rhythm-based action platformer!", + "genres": "Action", + "recommendations": 229183, + "score": 8.136398387013488 + }, + { + "type": "game", + "name": "Don't Starve Together", + "detailed_description": "Explore Together. Discover and explore a massive procedurally generated and biome-rich world with countless resources and threats. Whether you stick to the surface world, go spelunking in the caves, dive deeper into the Ancient Archive, or set sail for the Lunar islands, it will be a long time before you run out of things to do. Fight Together. Seasonal bosses, wandering menaces, lurking shadow creatures, and plenty of flora and fauna ready to turn you into a spooky ghost. Farm Together. Plow fields and sow seeds to grow the farm of your dreams. Tend to your crops to help your fellow survivors stay fed and ready for the challenges to come. Build Together. Protect yourself, your friends, and everything you have managed to gather, because you can be sure, somebody or something is going to want it back. About the Game. Fight, Farm, Build and Explore Together in the standalone multiplayer expansion to the uncompromising wilderness survival game, Don't Starve. . Enter a strange and unexplored world full of odd creatures, hidden dangers, and ancient secrets. Gather resources to craft items and build structures that match your survival style. Play your way as you unravel the mysteries of \"The Constant\". . Cooperate with your friends in a private game, or find new friends online. Work with other players to survive the harsh environment, or strike out on your own. . Do whatever it takes, but most importantly, Don't Starve.", + "about_the_game": "Fight, Farm, Build and Explore Together in the standalone multiplayer expansion to the uncompromising wilderness survival game, Don't Starve.Enter a strange and unexplored world full of odd creatures, hidden dangers, and ancient secrets. Gather resources to craft items and build structures that match your survival style. Play your way as you unravel the mysteries of \"The Constant\".Cooperate with your friends in a private game, or find new friends online. Work with other players to survive the harsh environment, or strike out on your own.Do whatever it takes, but most importantly, Don't Starve.", + "short_description": "Fight, Farm, Build and Explore Together in the standalone multiplayer expansion to the uncompromising wilderness survival game, Don't Starve.", + "genres": "Action", + "recommendations": 275890, + "score": 8.258672772081363 + }, + { + "type": "game", + "name": "SUPERHOT", + "detailed_description": "SUPERHOT Franchise About the Game. Blurring the lines between cautious strategy and unbridled mayhem, SUPERHOT is the smash-hit FPS in which time moves only when you move. . No regenerating health bars. No conveniently placed ammo drops. It's you, alone, outnumbered and outgunned. Snatch weapons from fallen enemies to shoot, slice and dodge through a truly cinematic hurricane of slow-motion bullets. . Do you crave meaning? Acceptance? Decrypt a deep and multi-layered narrative. Find the answers you seek. Mind is software. Let the System set you free. . SUPERHOT Features:. Innovation - a truly original hybrid puzzle-shooter title like no other. Time only moves when you do. No need to hurry, take your time. . Story & Lore - in a way you have never experienced before. . Many Extras \u2013 delve deeper into SUPERHOT with mini-games, challenges, ASCII art, and [redacted]. . Challenge Mode \u2013 replay SUPERHOT with no restarts, speed runs, and more. . Endless Mode \u2013 how long can you last against unyielding waves of enemies?. Replay Editor \u2013 join millions of others, edit and upload your best runs for all to see on SUPERHOT KILLTEREST. With its unique, stylized graphics SUPERHOT adds something new and disruptive to the FPS genre. SUPERHOT\u2019s polished, minimalist visual language helps you focus on what's most important \u2013 the fluid gameplay and the cinematic beauty of the fight. . Thirty months in the making. Thousands of hours put into development and design. From its humble origins in the 7 Day FPS game jam, through a hugely successful Kickstarter campaign to a plethora of awards and nominations from industry experts, SUPERHOT is a labor of love by its independent, dedicated team and thousands of backers from all around the globe. . . Already addicted? Want it to get even more real?. SUPERHOT VR awaits. . You are independent. You will not take orders. MIND CONTROL DELETE will set you free.", + "about_the_game": "Blurring the lines between cautious strategy and unbridled mayhem, SUPERHOT is the smash-hit FPS in which time moves only when you move.No regenerating health bars. No conveniently placed ammo drops. It's you, alone, outnumbered and outgunned. Snatch weapons from fallen enemies to shoot, slice and dodge through a truly cinematic hurricane of slow-motion bulletsDo you crave meaning? Acceptance? Decrypt a deep and multi-layered narrative. Find the answers you seek. Mind is software. Let the System set you free. SUPERHOT Features:Innovation - a truly original hybrid puzzle-shooter title like no other. Time only moves when you do. No need to hurry, take your time. Story & Lore - in a way you have never experienced before. Many Extras \u2013 delve deeper into SUPERHOT with mini-games, challenges, ASCII art, and [redacted].Challenge Mode \u2013 replay SUPERHOT with no restarts, speed runs, and more.Endless Mode \u2013 how long can you last against unyielding waves of enemies?Replay Editor \u2013 join millions of others, edit and upload your best runs for all to see on SUPERHOT KILLTERESTWith its unique, stylized graphics SUPERHOT adds something new and disruptive to the FPS genre. SUPERHOT\u2019s polished, minimalist visual language helps you focus on what's most important \u2013 the fluid gameplay and the cinematic beauty of the fight.Thirty months in the making. Thousands of hours put into development and design. From its humble origins in the 7 Day FPS game jam, through a hugely successful Kickstarter campaign to a plethora of awards and nominations from industry experts, SUPERHOT is a labor of love by its independent, dedicated team and thousands of backers from all around the globe.Already addicted? Want it to get even more real?SUPERHOT VR awaits.You are independent. You will not take orders.MIND CONTROL DELETE will set you free.", + "short_description": "SUPERHOT is the smash-hit FPS where time moves only when you move. No regenerating health bars. No conveniently placed ammo drops. It's you, alone, outnumbered and outgunned. Snatch weapons from fallen enemies to shoot, slice and dodge through a truly cinematic hurricane of slow-motion bullets.", + "genres": "Action", + "recommendations": 22948, + "score": 6.61934540284013 + }, + { + "type": "game", + "name": "Frostpunk", + "detailed_description": "DISCOVER THE UPCOMING GAMES About the GameEND OF THE ROADSince the premiere, Frostpunk has been enriched with a number of updates. You can enjoy the new Endless Mode (with 3 ways of playing it) that increases the replayability of the game. There is also a new scenario - The Fall of Winterhome, that further expands the game\u2019s universe and lore. And for the dessert, we\u2019ve added things like naming characters and automatons and finally a photo mode. All of this is available for free for all the owners of the game. There are also three expansions, available with the paid Season Pass. At the same time we would like to inform you that we are not planning to create any more content for Frostpunk, as this journey is over for us, but there are more to come in the future, so be sure to keep an eye out for our games. Of course the game will still receive patches and fixes and we\u2019ll provide the technical support. . . SEASON PASSThe Official Season Pass for Frostpunk is out and complete! It grants you access to all additional content released for the game since the premiere, including three expansions (The Last Autumn, On The Edge and The Rifts), that widely broaden the main story and fill a lot of gaps in the game\u2019s universe. What\u2019s more, when you\u2019re done with the game itself, you\u2019ll be able to unwind while listening to the Digital Soundtrack featuring orchestrated music or learn more about the world with the exclusive Digital Artbook. . CLICK FOR MORE SEASON PASS INFO. Not having the game at all? Worry no more, as the Frostpunk: Game of the Year Edition is what you are looking for. It includes the main game, season pass and all exclusive content at a discounted price.ABOUT THE GAME. THE CITY MUST SURVIVE. Frostpunk, the newest title from the creators of This War of Mine, is a society survival game where heat means life and every decision comes at a price. In an entirely frozen world, people develop steam-powered technology to oppose the overwhelming cold. You face the task of building the last city on Earth and securing the means necessary for your community to survive. . Optimization and resource management often clash with empathy and thoughtful decision-making. While city and society management will consume most of the ruler\u2019s time, at some point exploration of the outside world is necessary to understand its history and present state. . What decisions will you make to ensure the survival of your society? What will you do when pushed to the limit? And who will you become in the process?MAKE THE LAWEstablish laws that regulate the existence of your growing society. Decide on their working routine, healthcare, food provision and other crucial aspects of everyday life. Maintain their hope and contentment \u2013 the moral condition of your society is as important as securing the basic means to keep them fed and safe. SHAPE YOUR SOCIETYIf you reach a turning point, do not hesitate to determine the path of your people. Should you rule them with an iron fist. or show them a way of compassion and faith? Reach for extremes or try to find a fair balance. Whichever you choose, remember: there\u2019s no turning back. WEIGH UP YOUR CHOICESSome of your decisions will seem small \u2013 like deciding the fate of a troubled citizen or meeting the demands of a newborn faction \u2013 but be aware that the sum of your doings can lead to unexpected results. Your people put their faith in you, but their devotion is not limitless. Leadership can be a burden. DEVELOP NEW TECHNOLOGIESSurvival demands progress. React to current events, but don\u2019t forget about the long term and investing in development and technological progress. Providing a highly advanced infrastructure with self-powered automatons, airships, and other technical wonders is difficult, but achievable. It all depends on your management and leadership skills. EXPLORE THE FROSTLANDWhile New London is your main focus, there is much more to the world than what lies within the limits of your city. Expeditions, while risky, can bring you valuable intel, precious supplies and grow your society\u2019s population. There may be people out there, and their fate lies solely in your hands. PLAY ENDLESSLYFrostpunk Endless Mode grants you unlimited replayability for the game. Play on 8 various maps, with different terrain, weather conditions and challenges to face. We know that different people look for different experiences and that\u2019s why there are 3 modes to play in Endless Mode. Endurance will be an ultimate test to your building, managing and survival skills in the harshest conditions. Builders, where there is no generator available from the start, which creates a different type of challenge. And last but not least, Serenity which is focused on enjoying the art of building the city itself, without unnecessary pressure. .", + "about_the_game": "END OF THE ROADSince the premiere, Frostpunk has been enriched with a number of updates. You can enjoy the new Endless Mode (with 3 ways of playing it) that increases the replayability of the game. There is also a new scenario - The Fall of Winterhome, that further expands the game\u2019s universe and lore. And for the dessert, we\u2019ve added things like naming characters and automatons and finally a photo mode. All of this is available for free for all the owners of the game. There are also three expansions, available with the paid Season Pass. At the same time we would like to inform you that we are not planning to create any more content for Frostpunk, as this journey is over for us, but there are more to come in the future, so be sure to keep an eye out for our games. Of course the game will still receive patches and fixes and we\u2019ll provide the technical support.SEASON PASSThe Official Season Pass for Frostpunk is out and complete! It grants you access to all additional content released for the game since the premiere, including three expansions (The Last Autumn, On The Edge and The Rifts), that widely broaden the main story and fill a lot of gaps in the game\u2019s universe. What\u2019s more, when you\u2019re done with the game itself, you\u2019ll be able to unwind while listening to the Digital Soundtrack featuring orchestrated music or learn more about the world with the exclusive Digital Artbook. CLICK FOR MORE SEASON PASS INFONot having the game at all? Worry no more, as the Frostpunk: Game of the Year Edition is what you are looking for. It includes the main game, season pass and all exclusive content at a discounted price.ABOUT THE GAMETHE CITY MUST SURVIVEFrostpunk, the newest title from the creators of This War of Mine, is a society survival game where heat means life and every decision comes at a price. In an entirely frozen world, people develop steam-powered technology to oppose the overwhelming cold. You face the task of building the last city on Earth and securing the means necessary for your community to survive. Optimization and resource management often clash with empathy and thoughtful decision-making. While city and society management will consume most of the ruler\u2019s time, at some point exploration of the outside world is necessary to understand its history and present state.What decisions will you make to ensure the survival of your society? What will you do when pushed to the limit? And who will you become in the process?MAKE THE LAWEstablish laws that regulate the existence of your growing society. Decide on their working routine, healthcare, food provision and other crucial aspects of everyday life. Maintain their hope and contentment \u2013 the moral condition of your society is as important as securing the basic means to keep them fed and safe.SHAPE YOUR SOCIETYIf you reach a turning point, do not hesitate to determine the path of your people. Should you rule them with an iron fist... or show them a way of compassion and faith? Reach for extremes or try to find a fair balance. Whichever you choose, remember: there\u2019s no turning back.WEIGH UP YOUR CHOICESSome of your decisions will seem small \u2013 like deciding the fate of a troubled citizen or meeting the demands of a newborn faction \u2013 but be aware that the sum of your doings can lead to unexpected results. Your people put their faith in you, but their devotion is not limitless. Leadership can be a burden.DEVELOP NEW TECHNOLOGIESSurvival demands progress. React to current events, but don\u2019t forget about the long term and investing in development and technological progress. Providing a highly advanced infrastructure with self-powered automatons, airships, and other technical wonders is difficult, but achievable. It all depends on your management and leadership skills.EXPLORE THE FROSTLANDWhile New London is your main focus, there is much more to the world than what lies within the limits of your city. Expeditions, while risky, can bring you valuable intel, precious supplies and grow your society\u2019s population. There may be people out there, and their fate lies solely in your hands.PLAY ENDLESSLYFrostpunk Endless Mode grants you unlimited replayability for the game. Play on 8 various maps, with different terrain, weather conditions and challenges to face. We know that different people look for different experiences and that\u2019s why there are 3 modes to play in Endless Mode. Endurance will be an ultimate test to your building, managing and survival skills in the harshest conditions. Builders, where there is no generator available from the start, which creates a different type of challenge. And last but not least, Serenity which is focused on enjoying the art of building the city itself, without unnecessary pressure.", + "short_description": "Frostpunk is the first society survival game. As the ruler of the last city on Earth, it is your duty to manage both its citizens and infrastructure. What decisions will you make to ensure your society's survival? What will you do when pushed to breaking point? Who will you become in the process?", + "genres": "Simulation", + "recommendations": 76943, + "score": 7.416883869244319 + }, + { + "type": "game", + "name": "DRAGON BALL XENOVERSE", + "detailed_description": "Goku And Friends' Fierce Battles Will Be Reborn!. FOR THE FIRST TIME EVER, THE DRAGON BALL UNIVERSE IS COMING TO STEAM!. DRAGON BALL XENOVERSE revisits famous battles from the series through your custom Avatar, who fights alongside Trunks and many other characters. Will the strength of this partnership be enough to intervene in fights and restore the Dragon Ball timeline we know? New features include the mysterious Toki Toki City, new gameplay mechanics, new character animations and many other amazing features to be unveiled soon!Features. CUSTOM AVATAR \u2013 Players create their very own Dragon Ball character to take their place in the Dragon Ball world! Choose Earthling, Majin, Saiyan, Namekian or Frieza Clansman and start battling!. NEW LOCATION - A once dormant clock has started to tick again in the enigmatic and futuristic Toki Toki City!. NEW CHARACTERS - Mira, an android trying to become the strongest creature in the universe; Towa, a dark scientist coming from a demonic world; The Supreme Kai of Time, a deity who appeared 75,000,000 years ago and her companion bird Tokitoki, a very powerful lifeform that can produce time!. THE MASTER SYSTEM - Choose an original Dragon Ball character as a Master to train under. Your skill set and training excersizes will vary depending on the Master you choose. Your Master may even suddenly appear in battle to assist you!. STRONG IMMERSION - Inspired by one of the most famous series ever created. . IMPROVED GAMEPLAY - Expeience a new, fast paced, and technical battle system.", + "about_the_game": "Goku And Friends' Fierce Battles Will Be Reborn!FOR THE FIRST TIME EVER, THE DRAGON BALL UNIVERSE IS COMING TO STEAM!DRAGON BALL XENOVERSE revisits famous battles from the series through your custom Avatar, who fights alongside Trunks and many other characters. Will the strength of this partnership be enough to intervene in fights and restore the Dragon Ball timeline we know? New features include the mysterious Toki Toki City, new gameplay mechanics, new character animations and many other amazing features to be unveiled soon!FeaturesCUSTOM AVATAR \u2013 Players create their very own Dragon Ball character to take their place in the Dragon Ball world! Choose Earthling, Majin, Saiyan, Namekian or Frieza Clansman and start battling!NEW LOCATION - A once dormant clock has started to tick again in the enigmatic and futuristic Toki Toki City!NEW CHARACTERS - Mira, an android trying to become the strongest creature in the universe; Towa, a dark scientist coming from a demonic world; The Supreme Kai of Time, a deity who appeared 75,000,000 years ago and her companion bird Tokitoki, a very powerful lifeform that can produce time!THE MASTER SYSTEM - Choose an original Dragon Ball character as a Master to train under. Your skill set and training excersizes will vary depending on the Master you choose. Your Master may even suddenly appear in battle to assist you!STRONG IMMERSION - Inspired by one of the most famous series ever created.IMPROVED GAMEPLAY - Expeience a new, fast paced, and technical battle system.", + "short_description": "DRAGON BALL XENOVERSE revisits famous battles from the series through your custom Avatar and other classic characters. New features include the mysterious Toki Toki City, new gameplay mechanics, new animations and many other amazing features!", + "genres": "Action", + "recommendations": 14069, + "score": 6.296830770303234 + }, + { + "type": "game", + "name": "Jotun: Valhalla Edition", + "detailed_description": "Impress the Gods!. Jotun is a hand-drawn action-exploration game set in Norse mythology. . In Jotun, you play Thora, a Viking warrior who died an inglorious death and must prove herself to the Gods to enter Valhalla. . Explore vast regions of Norse Purgatory to find runes to unleash the jotun, giant Norse elementals. Fight them using only your massive two-handed axe, the blessings of the Gods and your skills!. Jotun: Valhalla Edition features Valhalla Mode, the ultimate battle against even fiercer versions of the Jotun! A true challenge for those who wish to impress the Gods!FeaturesExperience beautiful hand-drawn animation. Fight five epic jotuns, giant Norse elementals. Explore nine vast and mysterious levels filled with Viking mythology . Learn about Thora's life and death in an overarching story. Summon powers bestowed upon you by the Viking Gods. Hear authentic Icelandic voice-overs. Listen to an amazing original soundtrack, specifically composed for every gameplay moment by Max LL. Join the Jotun Family:Mailing List. Facebook. Twitter. Twitch.", + "about_the_game": "Impress the Gods!Jotun is a hand-drawn action-exploration game set in Norse mythology.In Jotun, you play Thora, a Viking warrior who died an inglorious death and must prove herself to the Gods to enter Valhalla.Explore vast regions of Norse Purgatory to find runes to unleash the jotun, giant Norse elementals. Fight them using only your massive two-handed axe, the blessings of the Gods and your skills!Jotun: Valhalla Edition features Valhalla Mode, the ultimate battle against even fiercer versions of the Jotun! A true challenge for those who wish to impress the Gods!FeaturesExperience beautiful hand-drawn animationFight five epic jotuns, giant Norse elementalsExplore nine vast and mysterious levels filled with Viking mythology Learn about Thora's life and death in an overarching storySummon powers bestowed upon you by the Viking GodsHear authentic Icelandic voice-oversListen to an amazing original soundtrack, specifically composed for every gameplay moment by Max LLJoin the Jotun Family:Mailing ListFacebookTwitterTwitch", + "short_description": "Jotun is a hand-drawn action-exploration game set in Norse mythology. In Jotun, you play Thora, a Viking warrior who died an inglorious death and must prove herself to the Gods to enter Valhalla. Impress the Gods!", + "genres": "Action", + "recommendations": 1981, + "score": 5.004781056863226 + }, + { + "type": "game", + "name": "Move or Die", + "detailed_description": "WISHLIST YELLOW TAXI GOES VROOM, A GAME THAT WE PUBLISH! Join the Discord Community. Free DLC Forever & ModsOur idea of an awesome game is a constantly updated one. So we plan to release regular content updates, consisting of new game modes, characters, levels and even new mechanics, completely FREE of charge! Here are some examples. . On top of that, the game is mod friendly and has a level editor as well as Steam Workshop support, so you can browse through awesome content made by fellow players like you! After all, the game's initials are MOD. Check out our modding wiki for more info. About the GameMove or Die is the frenzied and unpredictable 4-player party game where the rules change every 20 seconds. With only ONE constant: If you don\u2019t move, you DIE. . Whether on the couch with friends or playing online with people from around the world, join the mayhem at any given time and put a bit of BOOM in your everyday life \ud83d\udca3. . . Play as one of several outrageous characters on the couch with friends, online against people from around the world, or battle devious bots offline. . . . Choose from a 35+ and always increasing roster of original game modes like Jump Shot, Chainsaw Backstab, Rocket Run and more! . . . Need more chaos? Activate special game-changing modifiers that keep things fresh by bending the rules even further. . . . Acquire unique skins for your character and unlock new game modes as you smash your online opponents. . . . Daily Contributions - A community-wide challenge! Check in every day to pitch in towards a global community goal that unlocks special and exclusive items for all contributors!. FREE Content Updates: New content, including game modes, characters and new features are added on a regular basis to keep Move or Die\u2019s friendship-ruining-meter high. Always for free, forever and ever. . Blessed by the MODs: Build and share your own characters, game modes, mechanics, levels, soundtracks and more. Includes Steam Workshop support, as well as a super user-friendly level editor. .", + "about_the_game": "Move or Die is the frenzied and unpredictable 4-player party game where the rules change every 20 seconds. With only ONE constant: If you don\u2019t move, you DIE.Whether on the couch with friends or playing online with people from around the world, join the mayhem at any given time and put a bit of BOOM in your everyday life \ud83d\udca3Play as one of several outrageous characters on the couch with friends, online against people from around the world, or battle devious bots offline.Choose from a 35+ and always increasing roster of original game modes like Jump Shot, Chainsaw Backstab, Rocket Run and more! Need more chaos? Activate special game-changing modifiers that keep things fresh by bending the rules even further.Acquire unique skins for your character and unlock new game modes as you smash your online opponents. Daily Contributions - A community-wide challenge! Check in every day to pitch in towards a global community goal that unlocks special and exclusive items for all contributors! FREE Content Updates: New content, including game modes, characters and new features are added on a regular basis to keep Move or Die\u2019s friendship-ruining-meter high. Always for free, forever and ever. Blessed by the MODs: Build and share your own characters, game modes, mechanics, levels, soundtracks and more. Includes Steam Workshop support, as well as a super user-friendly level editor.", + "short_description": "Move or Die is an absurdly fast-paced, 4-player local and online party game where the mechanics change every 20 seconds. The very definition of a perfect friendship-ruining game.", + "genres": "Action", + "recommendations": 15666, + "score": 6.367705692854645 + }, + { + "type": "game", + "name": "Shadow Warrior 2", + "detailed_description": "Watch the Behind the Schemes episode! Shadow Warrior 2 Deluxe. Shadow Warrior 2 Deluxe includes the Shadow Warrior 2 soundtrack, Shadow Warrior 2 art book, and the Solid Gold Pack containing an exclusive gold ninja, gold katana, and gold MP7 gun. About the GameShadow Warrior 2 is the stunning evolution of Flying Wild Hog\u2019s offbeat first-person shooter following the further misadventures of former corporate shogun Lo Wang. Now surviving as a reclusive mercenary on the edge of a corrupted world, the formidable warrior must again wield a devastating combination of guns, blades, magic and wit to strike down the demonic legions overwhelming the world. Battle alongside allies online in four-player co-op or go it alone in spectacular procedurally-generated landscapes to complete daring missions and collect powerful new weapons, armor, and arcane relics of legend.STORYFive years have passed since Lo Wang shattered the alliance between his deceitful former boss and the ancient gods of the shadow realm. Despite noble intentions, Lo Wang\u2019s efforts to annihilate the darkness corrupted the world, creating a strange and savage new order where humans and demons live side by side. . The once feared warrior now lives in the shifting wildlands outside the reach of his enemies and the neon glow of Zilla\u2019s cybernetic metropolis, scratching out a meager existence as a hired sword for the local Yakuza clans. When a simple mission goes wrong, Lo Wang is drawn into a volatile conflict between a brilliant young scientist, his nemesis Orochi Zilla, and the demonic forces that have become unsettled in our world. The sharp-tongued hero must once again wield lethal blades, staggering firepower, and archaic magic to purge the world of evil.FEATURES. Blades and Bullets: Lo Wang delivers his own brand full throttle brutality with an expanded array of over 70 lethal blades and explosive firearms to overcome the demonic opposition. Become a whirlwind of steel and blood with razor sharp katana, short swords, crescent blades, and hand claws or unleash a hellish symphony of ornate firearms to decimate your enemies. . Four Player Co-Op: Battle through the expansive campaign alone or team up as a four-player typhoon of destruction online in campaign co-op mode. Tackle challenging primary missions or thrilling side quests while maintaining your own ninja style with customizable armor, items, and valuable loot from your triumphs. . Procedural Environments: The breach between the human and demon realms created an interdimensional hernia resulting in constant shifts to the world of Shadow Warrior 2. Procedurally generated landscapes and paths bring new twists and turns to once familiar terrain and routine missions. . Brutal Damage System: Choose your weapon based on the situation at hand and then dismantle everything that stands in your path with an advanced gore system. Use precision blade strikes to separate limbs and heads or switch to heavy ordinance and blow a hole right through colossal beasts. . Custom Upgrade System: Upgrade weapons in your arsenal with up to three stones at once to improve performance or augment them with devastating elemental effects. Collect karma, amulets, and armor to enhance Lo Wang\u2019s power and shift his death-dealing artistry into overdrive.Shadow Warrior Series. The Shadow Warrior series started back in the 90s with Shadow Warrior Classic that was remastered and released on Steam by Devolver Digital and 3D Realms as Shadow Warrior Classic Redux. Then in 2013, Flying Wild Hog and Devolver Digital released the bold reimagining of the legend of Lo Wang with the modern classic Shadow Warrior. . ", + "about_the_game": "Shadow Warrior 2 is the stunning evolution of Flying Wild Hog\u2019s offbeat first-person shooter following the further misadventures of former corporate shogun Lo Wang. Now surviving as a reclusive mercenary on the edge of a corrupted world, the formidable warrior must again wield a devastating combination of guns, blades, magic and wit to strike down the demonic legions overwhelming the world. Battle alongside allies online in four-player co-op or go it alone in spectacular procedurally-generated landscapes to complete daring missions and collect powerful new weapons, armor, and arcane relics of legend.STORYFive years have passed since Lo Wang shattered the alliance between his deceitful former boss and the ancient gods of the shadow realm. Despite noble intentions, Lo Wang\u2019s efforts to annihilate the darkness corrupted the world, creating a strange and savage new order where humans and demons live side by side. The once feared warrior now lives in the shifting wildlands outside the reach of his enemies and the neon glow of Zilla\u2019s cybernetic metropolis, scratching out a meager existence as a hired sword for the local Yakuza clans. When a simple mission goes wrong, Lo Wang is drawn into a volatile conflict between a brilliant young scientist, his nemesis Orochi Zilla, and the demonic forces that have become unsettled in our world. The sharp-tongued hero must once again wield lethal blades, staggering firepower, and archaic magic to purge the world of evil.FEATURESBlades and Bullets: Lo Wang delivers his own brand full throttle brutality with an expanded array of over 70 lethal blades and explosive firearms to overcome the demonic opposition. Become a whirlwind of steel and blood with razor sharp katana, short swords, crescent blades, and hand claws or unleash a hellish symphony of ornate firearms to decimate your enemies.Four Player Co-Op: Battle through the expansive campaign alone or team up as a four-player typhoon of destruction online in campaign co-op mode. Tackle challenging primary missions or thrilling side quests while maintaining your own ninja style with customizable armor, items, and valuable loot from your triumphs.Procedural Environments: The breach between the human and demon realms created an interdimensional hernia resulting in constant shifts to the world of Shadow Warrior 2. Procedurally generated landscapes and paths bring new twists and turns to once familiar terrain and routine missions. Brutal Damage System: Choose your weapon based on the situation at hand and then dismantle everything that stands in your path with an advanced gore system. Use precision blade strikes to separate limbs and heads or switch to heavy ordinance and blow a hole right through colossal beasts.Custom Upgrade System: Upgrade weapons in your arsenal with up to three stones at once to improve performance or augment them with devastating elemental effects. Collect karma, amulets, and armor to enhance Lo Wang\u2019s power and shift his death-dealing artistry into overdrive.Shadow Warrior SeriesThe Shadow Warrior series started back in the 90s with Shadow Warrior Classic that was remastered and released on Steam by Devolver Digital and 3D Realms as Shadow Warrior Classic Redux. Then in 2013, Flying Wild Hog and Devolver Digital released the bold reimagining of the legend of Lo Wang with the modern classic Shadow Warrior.", + "short_description": "Shadow Warrior 2 is the stunning evolution of Flying Wild Hog\u2019s offbeat first-person shooter starring the brash warrior Lo Wang, who must again wield a devastating combination of guns, blades, magic and wit to strike down the demonic legions overwhelming the world.", + "genres": "Action", + "recommendations": 20608, + "score": 6.548447558410334 + }, + { + "type": "game", + "name": "Total War: ATTILA", + "detailed_description": "Against a darkening background of famine, disease and war, a new power is rising in the great steppes of the East. With a million horsemen at his back, the ultimate warrior king approaches, and his sights are set on Rome\u2026. The next instalment in the multi award-winning PC series that combines turn-based strategy with real-time tactics, Total War: ATTILA casts players back to 395 AD. A time of apocalyptic turmoil at the very dawn of the Dark Ages. . How far will you go to survive? Will you sweep oppression from the world and carve out a barbarian or Eastern kingdom of your own? Or will you brace against the coming storm as the last remnants of the Roman Empire, in the ultimate survival-strategy challenge?. The Scourge of God is coming. Your world will burn. . Apocalyptic destruction mechanics. Wield the ferocious power of fire in battle to set buildings ablaze and terrify defenders, or wipe entire cities and regions from the face of the campaign map with the new raze mechanic. . Legendary start position. Playing as the Western Roman Empire you will begin with vast territories under your control, but weakened by political in-fighting and threatened on all sides by enemies, your dominance will quickly become a struggle to survive. . Overhauled game mechanics. Improved core gameplay and UI through the latest optimised and modified Total War game mechanics, including politics, family tree, civic management and technological progression. . Incredible period detail. With new period-specific technologies, arms and armaments, religion, cultures and social upheaval, Total War: ATTILA delivers an authentic experience of this ominous chapter of our history. . Outstanding visual fidelity. Improvements and optimisations to both campaign and battle visuals create a chilling vision of a looming apocalypse and the ruin of the civilized world. With breath-taking scale, atmosphere and improved graphical performance, witness the end of days and the rise of a legend.", + "about_the_game": "Against a darkening background of famine, disease and war, a new power is rising in the great steppes of the East. With a million horsemen at his back, the ultimate warrior king approaches, and his sights are set on Rome\u2026The next instalment in the multi award-winning PC series that combines turn-based strategy with real-time tactics, Total War: ATTILA casts players back to 395 AD. A time of apocalyptic turmoil at the very dawn of the Dark Ages.How far will you go to survive? Will you sweep oppression from the world and carve out a barbarian or Eastern kingdom of your own? Or will you brace against the coming storm as the last remnants of the Roman Empire, in the ultimate survival-strategy challenge?The Scourge of God is coming. Your world will burn.Apocalyptic destruction mechanicsWield the ferocious power of fire in battle to set buildings ablaze and terrify defenders, or wipe entire cities and regions from the face of the campaign map with the new raze mechanic.Legendary start positionPlaying as the Western Roman Empire you will begin with vast territories under your control, but weakened by political in-fighting and threatened on all sides by enemies, your dominance will quickly become a struggle to survive. Overhauled game mechanicsImproved core gameplay and UI through the latest optimised and modified Total War game mechanics, including politics, family tree, civic management and technological progression.Incredible period detailWith new period-specific technologies, arms and armaments, religion, cultures and social upheaval, Total War: ATTILA delivers an authentic experience of this ominous chapter of our history.Outstanding visual fidelityImprovements and optimisations to both campaign and battle visuals create a chilling vision of a looming apocalypse and the ruin of the civilized world. With breath-taking scale, atmosphere and improved graphical performance, witness the end of days and the rise of a legend.", + "short_description": "Against a darkening background of famine, disease and war, a new power is rising in the great steppes of the East. With a million horsemen at his back, the ultimate warrior king approaches, and his sights are set on Rome\u2026 The next instalment in the multi award-winning PC series that combines turn-based strategy with real-time tactics,...", + "genres": "Strategy", + "recommendations": 21965, + "score": 6.590485274449906 + }, + { + "type": "game", + "name": "Gigantic", + "detailed_description": "NEW UPDATE. About the Game", + "about_the_game": "", + "short_description": "Gigantic is a fast and fluid Strategic Hero Shooter, where you battle against and alongside massive Guardians, in deeply strategic team gameplay. Think fast, be bold, Go Gigantic!", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Devil May Cry 4 Special Edition", + "detailed_description": "Take control of one of five playable characters in the Special Edition of Devil May Cry 4, the ultimate version of the smash-hit stylish action game!. Devil May Cry 4 immerses gamers in a gothic supernatural world, where a new protagonist clashes with a familiar hero. As the new leading man, Nero, players will unleash incredible attacks and non-stop combos using a unique new gameplay mechanic, his powerful \"Devil Bringer\" arm. . On the coast of a distant land lies the castle town of Fortuna. It is here that the group known as the Order of the Sword practices a mysterious religion. They revere the demon warrior Sparda, who as their god fought to protect humans, and are committed to the extermination of all demons. Nero, a young knight from the Order, is tasked with finding Dante, the mysterious assassin who murdered the head of the Order of the Sword. At the same time, more demons begin to appear throughout the city. Nero will soon come to discover the motives behind Dante's appearance and the truth behind the intentions of the Order of the Sword. FeaturesTHREE New Playable Characters. Vergil is a strong, yet technical character, so newcomers can play with confidence while seasoned veterans can further sharpen their skills as they master his moves. Great for all skill levels!. Lady, in her first playable appearance, specializes in long-distance, powerful attacks. Using the Kalina Ann rocket launcher, a grappling wire, and a variety of awesome guns, she can fight with grace and ease. . Trish utilizes the demonic sword Sparda to perform a wide variety of combos. The Sparda can even home in on and attack enemies autonomously while Trish fights in tandem!. Legendary Dark Knight Mode. Fight a massive number of enemies simultaneously for extra difficulty and maximum satisfaction!. Refined Gameplay. Small adjustments have been made to improve the gameplay tempo, and provide an even better experience for players both new and returning. . Returning Features. Signature blend of guns and swordplay. Deep combo system rewards stylish dispatching of enemies. Distinct set of weaponry and moves for all characters.", + "about_the_game": "Take control of one of five playable characters in the Special Edition of Devil May Cry 4, the ultimate version of the smash-hit stylish action game!Devil May Cry 4 immerses gamers in a gothic supernatural world, where a new protagonist clashes with a familiar hero. As the new leading man, Nero, players will unleash incredible attacks and non-stop combos using a unique new gameplay mechanic, his powerful \"Devil Bringer\" arm. On the coast of a distant land lies the castle town of Fortuna. It is here that the group known as the Order of the Sword practices a mysterious religion. They revere the demon warrior Sparda, who as their god fought to protect humans, and are committed to the extermination of all demons. Nero, a young knight from the Order, is tasked with finding Dante, the mysterious assassin who murdered the head of the Order of the Sword. At the same time, more demons begin to appear throughout the city. Nero will soon come to discover the motives behind Dante's appearance and the truth behind the intentions of the Order of the Sword.FeaturesTHREE New Playable CharactersVergil is a strong, yet technical character, so newcomers can play with confidence while seasoned veterans can further sharpen their skills as they master his moves. Great for all skill levels!Lady, in her first playable appearance, specializes in long-distance, powerful attacks. Using the Kalina Ann rocket launcher, a grappling wire, and a variety of awesome guns, she can fight with grace and ease.Trish utilizes the demonic sword Sparda to perform a wide variety of combos. The Sparda can even home in on and attack enemies autonomously while Trish fights in tandem!Legendary Dark Knight ModeFight a massive number of enemies simultaneously for extra difficulty and maximum satisfaction!Refined GameplaySmall adjustments have been made to improve the gameplay tempo, and provide an even better experience for players both new and returning.Returning FeaturesSignature blend of guns and swordplayDeep combo system rewards stylish dispatching of enemiesDistinct set of weaponry and moves for all characters", + "short_description": "The smash-hit stylish action game DMC4 is back and better than ever, boasting new playable characters and game modes!", + "genres": "Action", + "recommendations": 10518, + "score": 6.105086069469304 + }, + { + "type": "game", + "name": "Children of Morta", + "detailed_description": "DISCOVER THE UPCOMING GAMES About the GameIT RUNS IN THE FAMILY. Children of Morta is an action RPG with a rogue-lite approach to character development, where you don\u2019t play a single character - but a whole, extraordinary family of heroes. Hack\u2019n\u2019slash through hordes of enemies in procedurally generated dungeons, caves and lands and lead the family of Bergsons, with all their flaws and virtues, against the forthcoming Corruption.FEATURES:. ONLINE CO-OP is live now in the game giving you the possibility to play with a long-distanced friend! Available both in Story and Family Trials modes, the Online Co-op gives you a chance to team up and battle Corruption side by side. Local Co-op is also available!. GAMEPLAY. Gameplay-wise it's a unique mix of action-adventure RPG, rogue-lite and hack and slash game. By leveling up, you develop not only individual characters but also the entire family. There is no permadeath and you can change family members between the dungeon runs. . STORY. The story takes place in a distant land but copes with themes and emotions common to all of us: love and hope, longing and uncertainty, ultimately loss. and sacrifice we are willing to make to save the ones we care the most for. Ultimately, it's about a family of heroes standing against the encroaching darkness. . DUNGEON CRAWLING. All the dungeons in the game are procedurally generated, which means their layout is different with each adventure. There can be from two to four levels of each dungeon, with a unique boss fight at the end. You can always get back to the previous dungeons to get extra XP or finish all the side quests. . CHARACTERS & SKILLS. Ranged attacks, magic spells, blocks, stuns, healing, evasions and passive skills - it's all there for you to discover, unlock and upgrade. You can choose from seven different family members, each one having unique skill sets. The father, John - a protective warrior with a sword and shield. The elder daughter Linda - a precise archer. Kevin, a quiet fighter equipped with deadly daggers. Lucy - a lively and bold fire mage. Mark - a mindful martial arts fighter. Joey - who smashes his enemies with a sledgehammer. And the latest addition to the family - Apan, a mighty healer and a firm defender in one. . ART STYLE. A combination of hand-painted pixel art and frame-by-frame animations partnered with modern lighting techniques come to life to create the beautifully dangerous world of Children of Morta!. . DEVELOPMENT ROADMAP COMPLETED. The ancient Development Roadmap has come to an end. As a result the game has gained additional content including new characters, new items, new mechanics and more! The final point - Fellowship Sanctuary - has been reached, giving you a free update with Online Co-op for two players. The Online Co-op is available in all game modes (Story and Family Trials) and like the local co-op, it offers numerous playstyles, since every Children of Morta warrior has a unique fight style. . CLICK HERE TO VIEW THE ROADMAP.", + "about_the_game": "IT RUNS IN THE FAMILYChildren of Morta is an action RPG with a rogue-lite approach to character development, where you don\u2019t play a single character - but a whole, extraordinary family of heroes. Hack\u2019n\u2019slash through hordes of enemies in procedurally generated dungeons, caves and lands and lead the family of Bergsons, with all their flaws and virtues, against the forthcoming Corruption.FEATURES:ONLINE CO-OP is live now in the game giving you the possibility to play with a long-distanced friend! Available both in Story and Family Trials modes, the Online Co-op gives you a chance to team up and battle Corruption side by side. Local Co-op is also available!GAMEPLAYGameplay-wise it's a unique mix of action-adventure RPG, rogue-lite and hack and slash game. By leveling up, you develop not only individual characters but also the entire family. There is no permadeath and you can change family members between the dungeon runs.STORYThe story takes place in a distant land but copes with themes and emotions common to all of us: love and hope, longing and uncertainty, ultimately loss... and sacrifice we are willing to make to save the ones we care the most for. Ultimately, it's about a family of heroes standing against the encroaching darkness.DUNGEON CRAWLINGAll the dungeons in the game are procedurally generated, which means their layout is different with each adventure. There can be from two to four levels of each dungeon, with a unique boss fight at the end. You can always get back to the previous dungeons to get extra XP or finish all the side quests.CHARACTERS & SKILLSRanged attacks, magic spells, blocks, stuns, healing, evasions and passive skills - it's all there for you to discover, unlock and upgrade. You can choose from seven different family members, each one having unique skill sets. The father, John - a protective warrior with a sword and shield. The elder daughter Linda - a precise archer. Kevin, a quiet fighter equipped with deadly daggers. Lucy - a lively and bold fire mage. Mark - a mindful martial arts fighter. Joey - who smashes his enemies with a sledgehammer. And the latest addition to the family - Apan, a mighty healer and a firm defender in one.ART STYLEA combination of hand-painted pixel art and frame-by-frame animations partnered with modern lighting techniques come to life to create the beautifully dangerous world of Children of Morta!DEVELOPMENT ROADMAP COMPLETEDThe ancient Development Roadmap has come to an end. As a result the game has gained additional content including new characters, new items, new mechanics and more! The final point - Fellowship Sanctuary - has been reached, giving you a free update with Online Co-op for two players. The Online Co-op is available in all game modes (Story and Family Trials) and like the local co-op, it offers numerous playstyles, since every Children of Morta warrior has a unique fight style.CLICK HERE TO VIEW THE ROADMAP", + "short_description": "Children of Morta is a story-driven action RPG game about an extraordinary family of heroes. Lead the Bergsons, with all their flaws and virtues, against the forthcoming Corruption. Will you be able to sacrifice everything to save the ones you care for?", + "genres": "Action", + "recommendations": 13347, + "score": 6.262103661316848 + }, + { + "type": "game", + "name": "Everlasting Summer", + "detailed_description": "Check out our new game!. About the GameMeeting Semyon, the game's main character, you would've never paid attention to him. Just an ordinary young man with thousands, even hundreds of thousands of those like him in every ordinary city. But one day something completely unusual happens to him: he falls asleep in a bus in winter and wakes up. in the middle of a hot summer. In front of him is \"Sovyonok\" - a pioneer camp, behind him is his former life. To understand what happened to him, Semyon will have to get to know the local inhabitants (and maybe even find love), find his way in the complex labyrinth of human relationships and his own problems and solve the camp's mysteries. And answer the main question - how to come back? Should he come back?", + "about_the_game": "Meeting Semyon, the game's main character, you would've never paid attention to him. Just an ordinary young man with thousands, even hundreds of thousands of those like him in every ordinary city. But one day something completely unusual happens to him: he falls asleep in a bus in winter and wakes up... in the middle of a hot summer. In front of him is \"Sovyonok\" - a pioneer camp, behind him is his former life. To understand what happened to him, Semyon will have to get to know the local inhabitants (and maybe even find love), find his way in the complex labyrinth of human relationships and his own problems and solve the camp's mysteries. And answer the main question - how to come back? Should he come back?", + "short_description": "Visual novel loved by many \u2013 Everlasting Summer \u2013 now on Steam!", + "genres": "Adventure", + "recommendations": 562, + "score": 4.175086309668225 + }, + { + "type": "game", + "name": "School of Dragons", + "detailed_description": "Fly fast, train hard, and learn well to become the Ultimate Dragon Trainer! Join Chief Hiccup and Toothless and embark on the thrilling adventures of DreamWorks Animation\u2019s \u2018How to Train Your Dragon\u2019. Play with your friends and explore mysterious worlds in this action-packed learning experience! Rescue, hatch, and train Dreamworks Dragons, defend New Berk and the Hidden World, and battle Grimmel and Stormheart in the ultimate dragon adventure!. Reached No. 1 of ALL ROLE-PLAYING GAMES in 80 countries. . Features. Train, fly, and customize over 60 of your favorite Dreamworks Dragons from the movies including Toothless, Light Fury, Stormfly, and Deathgrippers. . Customize your dragons with thousands of colors and skins, so no 2 dragons look alike!. Fly dragons and race against your friends in over 30 courses!. Hatch and collect dragons in your stables and send them out on dragon missions to bring back treasure and loot!. Venture across 30 islands and lands and embark on epic quests and more!. Meet new characters and adventure in new storylines in our 8 expansion packs and over 400 quests!. Play Dragon Tactics, our dragon-squad strategy game, and defeat enemies for loot and prizes.", + "about_the_game": "Fly fast, train hard, and learn well to become the Ultimate Dragon Trainer! Join Chief Hiccup and Toothless and embark on the thrilling adventures of DreamWorks Animation\u2019s \u2018How to Train Your Dragon\u2019. Play with your friends and explore mysterious worlds in this action-packed learning experience! Rescue, hatch, and train Dreamworks Dragons, defend New Berk and the Hidden World, and battle Grimmel and Stormheart in the ultimate dragon adventure!Reached No. 1 of ALL ROLE-PLAYING GAMES in 80 countriesFeaturesTrain, fly, and customize over 60 of your favorite Dreamworks Dragons from the movies including Toothless, Light Fury, Stormfly, and Deathgrippers.Customize your dragons with thousands of colors and skins, so no 2 dragons look alike!Fly dragons and race against your friends in over 30 courses!Hatch and collect dragons in your stables and send them out on dragon missions to bring back treasure and loot!Venture across 30 islands and lands and embark on epic quests and more!Meet new characters and adventure in new storylines in our 8 expansion packs and over 400 quests!Play Dragon Tactics, our dragon-squad strategy game, and defeat enemies for loot and prizes.", + "short_description": "Fly fast, train hard, and learn well to become the Ultimate Dragon Trainer! Join Chief Hiccup and Toothless and embark on the thrilling adventures of DreamWorks Animation\u2019s \u2018How to Train Your Dragon\u2019. Play with your friends and explore mysterious worlds in this action-packed learning experience!", + "genres": "Adventure", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Dark Deception", + "detailed_description": "Dark Deception is a story driven first-person horror action maze game that mixes the fast-paced style of classic arcade games with fun horror game design. Trapped in a dark world full of nightmarish mazes and ridiculous monsters, the only way out is to face the darkness and find a way to survive. . This is the first chapter in the Dark Deception story. Investigate and survive the first maze. Be careful though. You are not alone. There are monsters in there and they are looking for you. You will face your fears. The question is - what are you afraid of?. . Features:. Fast-paced Arcade Horror: No hiding in lockers here. Run for your life and run fast. Enemies can be stunned and avoided, but not killed. . Power System: Earn XP and unlock powers as you progress that will allow you to even the odds and survive longer against horrendous creatures. . High Quality: AAA-quality graphics and creative designs give players a variety of unique and terrifying worlds and enemies to survive. . Hazardous Environments: Enemies are not the only danger. The mazes themselves are full of traps, hazards, and other dangers to watch out for. . Unique Enemies: Every nightmare presents a unique creature that has its own distinct AI. Players will have to change up their tactics in order to survive. . Dark Humor: While scary, Dark Deception is not a bloody or gory game and features it's own stylized brand of dark humor. Dark Deception was designed to be enjoyed by everyone. .", + "about_the_game": "Dark Deception is a story driven first-person horror action maze game that mixes the fast-paced style of classic arcade games with fun horror game design. Trapped in a dark world full of nightmarish mazes and ridiculous monsters, the only way out is to face the darkness and find a way to survive.This is the first chapter in the Dark Deception story. Investigate and survive the first maze. Be careful though. You are not alone. There are monsters in there and they are looking for you. You will face your fears. The question is - what are you afraid of?Features: Fast-paced Arcade Horror: No hiding in lockers here. Run for your life and run fast. Enemies can be stunned and avoided, but not killed. Power System: Earn XP and unlock powers as you progress that will allow you to even the odds and survive longer against horrendous creatures. High Quality: AAA-quality graphics and creative designs give players a variety of unique and terrifying worlds and enemies to survive. Hazardous Environments: Enemies are not the only danger. The mazes themselves are full of traps, hazards, and other dangers to watch out for. Unique Enemies: Every nightmare presents a unique creature that has its own distinct AI. Players will have to change up their tactics in order to survive. Dark Humor: While scary, Dark Deception is not a bloody or gory game and features it's own stylized brand of dark humor. Dark Deception was designed to be enjoyed by everyone.", + "short_description": "Death awaits you in Dark Deception, a story-driven first-person horror maze game. There's nowhere to hide & nowhere to catch your breath. Run or die - it's your choice. Trapped in a realm of nightmarish mazes with a mysterious woman, your only hope of survival is to find a way to escape.", + "genres": "Action", + "recommendations": 758, + "score": 4.372012835730914 + }, + { + "type": "game", + "name": "Cossacks 3", + "detailed_description": "HISTORICAL BATTLES. The Standard edition includes five singleplayer campaigns, which are based on the historical events of the 17th and 18th centuries. Liberate Turin from the French garrison, overcome Ottomans in the Battle of Khotyn, defeat English rebels in the Battle of Edgehill, defend Mogilev against Polish troops, and establish your superiority at la Manche! Prove your strategic skills in battles that determined the course of history. . GRAND SCALE. Become the commander of a colossal force, leading your troops into mass fights with up to 32 000 units present on the battlefield at the same time. 20 unique nations, 100 research opportunities, over 220 different historic buildings, and 120 unit types are at your command. Besides the epic battles on land, you are welcome to build the greatest armada the world has seen and dominate your enemies at sea. . CLASSIC GAMEPLAY. Send your peasants down the mines, chop forests for wood, and don\u2019t forget to manage the crops. Keep an eye on your town's prosperity and the field victories simultaneously, as if you are the true eminent hetman! Dive into the Golden Age of the RTS genre and explore infinite tactical options, including buildings construction and resource production, a broad selection of various units, and the landscape influence. . STRATEGIC CHALLENGE. Once the singleplayer campaigns are completed, advance to conquer the title of the Greatest General in the multiplayer! Up to 8 commanders can compete for the victory or forge alliances against an AI opponent. Do you have what it takes to outsmart the adversaries?. Game Features:. Historical campaigns on the territory of XVII-XVIII centuries Europe in singleplayer. . Grandiose battles with up to 32,000 units on the battlefield. . 20 playable nations. . 100 research opportunities. . 220 different historical buildings. . Battles on land and sea. . A significant influence of the landscape on the tactics of battles. . Flexible map generator for multiplayer and singleplayer.", + "about_the_game": "HISTORICAL BATTLESThe Standard edition includes five singleplayer campaigns, which are based on the historical events of the 17th and 18th centuries. Liberate Turin from the French garrison, overcome Ottomans in the Battle of Khotyn, defeat English rebels in the Battle of Edgehill, defend Mogilev against Polish troops, and establish your superiority at la Manche! Prove your strategic skills in battles that determined the course of history. GRAND SCALEBecome the commander of a colossal force, leading your troops into mass fights with up to 32 000 units present on the battlefield at the same time. 20 unique nations, 100 research opportunities, over 220 different historic buildings, and 120 unit types are at your command. Besides the epic battles on land, you are welcome to build the greatest armada the world has seen and dominate your enemies at sea.CLASSIC GAMEPLAYSend your peasants down the mines, chop forests for wood, and don\u2019t forget to manage the crops. Keep an eye on your town's prosperity and the field victories simultaneously, as if you are the true eminent hetman! Dive into the Golden Age of the RTS genre and explore infinite tactical options, including buildings construction and resource production, a broad selection of various units, and the landscape influence.STRATEGIC CHALLENGEOnce the singleplayer campaigns are completed, advance to conquer the title of the Greatest General in the multiplayer! Up to 8 commanders can compete for the victory or forge alliances against an AI opponent. Do you have what it takes to outsmart the adversaries?Game Features:Historical campaigns on the territory of XVII-XVIII centuries Europe in singleplayer.Grandiose battles with up to 32,000 units on the battlefield.20 playable nations.100 research opportunities.220 different historical buildings.Battles on land and sea.A significant influence of the landscape on the tactics of battles.Flexible map generator for multiplayer and singleplayer.", + "short_description": "Cossacks 3 is the return of RTS classics. Obtain resources, build cities and research technologies while taking command of great armies, crushing enemies in grand historical warfares on land and sea!", + "genres": "Action", + "recommendations": 9051, + "score": 6.006071464020023 + }, + { + "type": "game", + "name": "Dirty Bomb\u00ae", + "detailed_description": "Update NotesWelcome to another Dirty Bomb update. In this one we're making a number of big changes and it's time for another make-over for Proxy.FRAGMENT CASE UPDATE. Long story short, Fragment Cases will no longer drop after you complete matches. . Short story long, we know that many of you find the Fragment cases a little underwhelming when you earn them and they're added to your inventory, so we thought of a better way for you to earn Fragments in a bit of a more interesting way (Read the next section to find out what). Psst. If you have any Fragment Cases in your inventory, don't worry! Those won't be going anywhere, so you can save them for the memories or open them at your leisure.INCREASED LOADOUT CASE DROP RATES. Enter the replacement for Fragment Cases! We've more than DOUBLED the drop rate of Loadout Cases at the end of matches so your Loadout Card earn rate will increase significantly. But how does this give you more Fragments? Well, if you decide to Recycle the cards you get from these cases you'll be earning a little more Fragments on average over time than you were before. . With this update we've also added your Fragment balance to the front-end menu so you always know how many you have. This should also help new and existing players get to know the Crafting system a bit more, making it easier to interact with and giving it more visibility.OBSIDIAN OPERATIVE PROXY. Skydaddy brought home the bacon in the last update with his epic Obsidian overhaul, but now it's Proxy's turn to bring home a bigger piece of bacon (and hopefully a better metaphor). . When trying to describe this Obsidian it's difficult to not use words like \"f*****g awesome\", \"holy s**t\" and \"very nice\". But don't take it from me, check it out in game!. . *drops mic*BUG FIXES. General. Fixed issue where the individual Merc drop-down filter did not show any Merc Decks. Improved attacking hitbox of the Ulu. Fixed issue where the Founder's Fragger model would incorrectly load at a certain distance. Want to chat about it some more? Head on over to the official forums, or check out our social channels. About the GameDirty Bomb takes first person shooters back to their purest roots in a fast-paced team game that will challenge even the most competent players. This game won\u2019t hold your hand, in fact it is more likely to kick your teeth in. With no controller support or aim assist, all that lies between you and certain death is player skill and reaction. Work together or die alone in the most challenging team-based FPS. . A string of 'dirty bomb' attacks cripple London, leaving the Central Disaster Authority to restore it. When criminal syndicate Jackal begin disrupting and stealing their technology, the capital is thrown into chaos as mercenaries from across the globe are hired by both sides. . That's where you come in. After all, what\u2019s a little radiation sickness when there\u2019s money to be made?Features:Fast-paced, highly competitive teamplay that takes the shooter back to its purest roots. Over 20 distinct Mercenaries, each bursting with their own abilities, attributes and expletives. Two game-modes:. Objective \u2013 Battle through parts of the city, completing objectives to reach the finale before time runs out. Stopwatch \u2013 Objective mode for competitive types, where teams swap sides mid-match to see who's faster.", + "about_the_game": "Dirty Bomb takes first person shooters back to their purest roots in a fast-paced team game that will challenge even the most competent players. This game won\u2019t hold your hand, in fact it is more likely to kick your teeth in. With no controller support or aim assist, all that lies between you and certain death is player skill and reaction. Work together or die alone in the most challenging team-based FPS. A string of 'dirty bomb' attacks cripple London, leaving the Central Disaster Authority to restore it. When criminal syndicate Jackal begin disrupting and stealing their technology, the capital is thrown into chaos as mercenaries from across the globe are hired by both sides.That's where you come in. After all, what\u2019s a little radiation sickness when there\u2019s money to be made?Features:Fast-paced, highly competitive teamplay that takes the shooter back to its purest rootsOver 20 distinct Mercenaries, each bursting with their own abilities, attributes and expletivesTwo game-modes:Objective \u2013 Battle through parts of the city, completing objectives to reach the finale before time runs outStopwatch \u2013 Objective mode for competitive types, where teams swap sides mid-match to see who's faster", + "short_description": "Work together or die alone! Fight to restore peace to London or tear it down for profit in the most challenging team based shooter around.", + "genres": "Action", + "recommendations": 1303, + "score": 4.728781358020972 + }, + { + "type": "game", + "name": "Town of Salem", + "detailed_description": "Purchase comes with the exclusive SteamBot3000 Character Skin with unique death animation, 2,000 Town Points ($8 Value) and you will earn double Merit Points forever!. Town of Salem is a fresh innovation on the classic party games Mafia and Werewolf. It is a game of murder, accusations, deceit and mob hysteria. . How To Play . The game ranges from 7 to 15 players. These players are randomly divided into alignments - Town, Mafia, Serial Killers, Arsonists and Neutrals. If you are a Town member (the good guys) you must track down the Mafia and other villains before they kill you. The catch? You don't know who is a Town member and who is a villain. . If you are an evil role, such as a Serial Killer, you secretly murder town members in the veil of night and try to avoid getting caught. . Roles. Town of Salem has 33 unique roles ensuring a different experience each time you play. . Before a game starts, players are put into a lobby where the host can select what roles will be in the game. Players are then assigned roles at random from the list of chosen roles. Players have an in-game role card that explains their role's abilities and alignments. For an in-depth look at the abilities of each role please visit: Game Phases. Night. The night phase is when most roles use their abilities. For example, Serial Killers stealthily murder people, Doctors heal people who are attacked, and Sheriffs interrogate people for suspicious activity. . Day. The day phase allows the Town members to discuss who they suspect of being an evil role. Once the voting phase starts a majority vote from the town will put someone on trial. . Defense. The defense phase is when you plead your innocence to the town. Have a convincing story or find yourself facing the gallows!. Judgement . During this phase the town will vote on the fate of the defendant. Players can vote guilty, innocent or abstain. If there are more guilty votes than innocent votes the defendant is sentenced to death by hanging!. Customization. Players are able to choose their own map (town setting), character, pet, lobby icon, death animation, house and a custom name. The other players in the game will see your selections. There are currently 10 maps, 29 characters, 20 pets, 5 death animations and 20 houses to choose from. . Achievements. There are currently over 220 unique achievements in the game. Earning achievements will grant various in-game items (however the items for donation rewards are exclusive to Kickstarter).", + "about_the_game": "Purchase comes with the exclusive SteamBot3000 Character Skin with unique death animation, 2,000 Town Points ($8 Value) and you will earn double Merit Points forever!Town of Salem is a fresh innovation on the classic party games Mafia and Werewolf. It is a game of murder, accusations, deceit and mob hysteria. How To Play The game ranges from 7 to 15 players. These players are randomly divided into alignments - Town, Mafia, Serial Killers, Arsonists and Neutrals. If you are a Town member (the good guys) you must track down the Mafia and other villains before they kill you. The catch? You don't know who is a Town member and who is a villain. If you are an evil role, such as a Serial Killer, you secretly murder town members in the veil of night and try to avoid getting caught. RolesTown of Salem has 33 unique roles ensuring a different experience each time you play. Before a game starts, players are put into a lobby where the host can select what roles will be in the game. Players are then assigned roles at random from the list of chosen roles. Players have an in-game role card that explains their role's abilities and alignments. For an in-depth look at the abilities of each role please visit: PhasesNightThe night phase is when most roles use their abilities. For example, Serial Killers stealthily murder people, Doctors heal people who are attacked, and Sheriffs interrogate people for suspicious activity. DayThe day phase allows the Town members to discuss who they suspect of being an evil role. Once the voting phase starts a majority vote from the town will put someone on trial. DefenseThe defense phase is when you plead your innocence to the town. Have a convincing story or find yourself facing the gallows!Judgement During this phase the town will vote on the fate of the defendant. Players can vote guilty, innocent or abstain. If there are more guilty votes than innocent votes the defendant is sentenced to death by hanging!CustomizationPlayers are able to choose their own map (town setting), character, pet, lobby icon, death animation, house and a custom name. The other players in the game will see your selections. There are currently 10 maps, 29 characters, 20 pets, 5 death animations and 20 houses to choose from.AchievementsThere are currently over 220 unique achievements in the game. Earning achievements will grant various in-game items (however the items for donation rewards are exclusive to Kickstarter).", + "short_description": "Inspired by the party games Werewolf and Mafia, Town of Salem is a game of murder, mystery and deception.", + "genres": "Indie", + "recommendations": 30922, + "score": 6.815944774120368 + }, + { + "type": "game", + "name": "Transformice", + "detailed_description": "Transformice is an MMO Mouse Simulator platformer about dozens of mice running to bring back the cheese, trying to avoid pitfalls, leading to unexpected and hilarious situations! . You have less than two minutes to be the first mouse to bring back the cheese by all means, with the Shaman's help or curse within the multiple game modes and millions levels available: no two games are ever the same! . In this stupidly fun \"free to win\" game with hats, will you survive the cheese quest? Will the Shaman help or ruin everything? Join the 55 million people who already tried!The Mouse Simulator You've Been Waiting For. You are a little mouse looking to bring back the cheese; each successfully taken back unlocks more content and levels up your Shaman skills. But will you be able to make it? Things often go disastrously wrong with ridiculous chain reactions full of evil physics. There\u2019s always a trick in these uncaring set-ups!Shaman mouse, Pro Gamer or loser? Good or evil? You're in charge! Every round, one of the player is the almighty Shaman who can use his skills to help his fellow mice get safely to the cheese. or ruin everything? The more mice you save, the faster you will level up in the Shaman's skill trees to build amazing contraptions! Create whatever your imagination can come up with, the fate of the game is at your fingertips.No Two Games Are Alike. Will a horde of mice rush in and get everybody killed? Will the Shaman successfully get you to the cheese? Or ruin it all? Will the cannon balls let you? With seven official game modes, 200 official maps, dozens of extra player-made gamemodes and more than 5 million player-made maps, almost endless possibilities await you. Not even counting what you will make thanks to the level editor and LUA modules.Join For the Fun, Stay For the Friends Gather with your friends to play, chat, troll and laugh together. Participate in the upcoming events, create your own tribe and share on the forums. Challenge your friends to get the top titles and then challenge the world by farming your \u201cfirsts\u201d! You'll be challenged by dozens if not hundreds of other mice to be the best.The Ethical Free to Play Business ModelTransformice is -literally- free to play. HATS! All the items you can buy are and will always be cosmetic: you will never see a gameplay item! Also, 100% of the buyable items are unlockable ingame: that's right, only with your skill you can have them all! Good luck though, some \"master achievements\" items are very difficult to get. Every cheese you bring back is added to your wallet: the more cheese you have, the more content you will unlock.", + "about_the_game": "Transformice is an MMO Mouse Simulator platformer about dozens of mice running to bring back the cheese, trying to avoid pitfalls, leading to unexpected and hilarious situations! You have less than two minutes to be the first mouse to bring back the cheese by all means, with the Shaman's help or curse within the multiple game modes and millions levels available: no two games are ever the same! In this stupidly fun \"free to win\" game with hats, will you survive the cheese quest? Will the Shaman help or ruin everything? Join the 55 million people who already tried!The Mouse Simulator You've Been Waiting ForYou are a little mouse looking to bring back the cheese; each successfully taken back unlocks more content and levels up your Shaman skills... But will you be able to make it? Things often go disastrously wrong with ridiculous chain reactions full of evil physics. There\u2019s always a trick in these uncaring set-ups!Shaman mouse, Pro Gamer or loser? Good or evil? You're in charge! Every round, one of the player is the almighty Shaman who can use his skills to help his fellow mice get safely to the cheese... or ruin everything? The more mice you save, the faster you will level up in the Shaman's skill trees to build amazing contraptions! Create whatever your imagination can come up with, the fate of the game is at your fingertips.No Two Games Are AlikeWill a horde of mice rush in and get everybody killed? Will the Shaman successfully get you to the cheese? Or ruin it all? Will the cannon balls let you? With seven official game modes, 200 official maps, dozens of extra player-made gamemodes and more than 5 million player-made maps, almost endless possibilities await you. Not even counting what you will make thanks to the level editor and LUA modules.Join For the Fun, Stay For the Friends Gather with your friends to play, chat, troll and laugh together. Participate in the upcoming events, create your own tribe and share on the forums. Challenge your friends to get the top titles and then challenge the world by farming your \u201cfirsts\u201d! You'll be challenged by dozens if not hundreds of other mice to be the best.The Ethical Free to Play Business ModelTransformice is -literally- free to play. HATS! All the items you can buy are and will always be cosmetic: you will never see a gameplay item! Also, 100% of the buyable items are unlockable ingame: that's right, only with your skill you can have them all! Good luck though, some \"master achievements\" items are very difficult to get. Every cheese you bring back is added to your wallet: the more cheese you have, the more content you will unlock.", + "short_description": "Transformice is an MMO platformer about dozens of mice running to bring back the cheese! Will the almighty Shaman help you or just ruin everything? Millions of levels, hectic physics, skill trees, and more importantly... hats!", + "genres": "Free to Play", + "recommendations": 271, + "score": 3.695511462609628 + }, + { + "type": "game", + "name": "DARK SOULS\u2122 II: Scholar of the First Sin", + "detailed_description": "More games by From Software More games by From Software About the GameGamers are in for a big surprise in DARK SOULS\u2122 II: Scholar of the First Sin. An unforgettable journey awaits you in a breathtaking world where each dark corner and unexpected encounter will test your resolve. Go beyond what you thought was possible and discover incredible challenge and intense emotional reward. Whether you\u2019ve previously played DARK SOULS\u2122 II, or are new to the award-winning franchise, you are in for an entirely different experience with this exclusive, \u201cDirector\u2019s Cut\u201d version of the game. . - The definitive edition of DARK SOULS\u2122 II. DARK SOULS\u2122 II: Scholar of the First Sin includes all the DARK SOULS\u2122 II content released to-date in one package and much more! . - A brand new experience and challenge. Enemy placement has been overhauled, resulting in a completely different play dynamic than experienced before. The safe zones that some players remembered are no longer safe! A new NPC invader called Forlorn will also play a key role in changing the gameplay experience. Hardened players will have to forget everything they thought they knew about DARK SOULS\u2122 II. . - Online play has been enhanced with the addition of a special item to regulate souls acquired in battle - it\u2019s now possible to match up more consistently online. The number of players who can participate in an online session has also been increased, from 4 to 6 people, completely changing the online play dynamic. . DARK SOULS\u2122 II: Scholar of the First Sin brings the franchise\u2019s renowned obscurity & gripping gameplay to a new level. Join the dark journey and experience overwhelming enemy encounters, diabolical hazards, and unrelenting challenge.", + "about_the_game": "Gamers are in for a big surprise in DARK SOULS\u2122 II: Scholar of the First Sin. An unforgettable journey awaits you in a breathtaking world where each dark corner and unexpected encounter will test your resolve. Go beyond what you thought was possible and discover incredible challenge and intense emotional reward. Whether you\u2019ve previously played DARK SOULS\u2122 II, or are new to the award-winning franchise, you are in for an entirely different experience with this exclusive, \u201cDirector\u2019s Cut\u201d version of the game. \r\n\r\n- The definitive edition of DARK SOULS\u2122 II. DARK SOULS\u2122 II: Scholar of the First Sin includes all the DARK SOULS\u2122 II content released to-date in one package and much more! \r\n\r\n- A brand new experience and challenge. Enemy placement has been overhauled, resulting in a completely different play dynamic than experienced before. The safe zones that some players remembered are no longer safe! A new NPC invader called Forlorn will also play a key role in changing the gameplay experience. Hardened players will have to forget everything they thought they knew about DARK SOULS\u2122 II.\r\n\r\n- Online play has been enhanced with the addition of a special item to regulate souls acquired in battle - it\u2019s now possible to match up more consistently online. The number of players who can participate in an online session has also been increased, from 4 to 6 people, completely changing the online play dynamic.\r\n\r\nDARK SOULS\u2122 II: Scholar of the First Sin brings the franchise\u2019s renowned obscurity & gripping gameplay to a new level. Join the dark journey and experience overwhelming enemy encounters, diabolical hazards, and unrelenting challenge.", + "short_description": "DARK SOULS\u2122 II: Scholar of the First Sin brings the franchise\u2019s renowned obscurity & gripping gameplay to a new level. Join the dark journey and experience overwhelming enemy encounters, diabolical hazards, and unrelenting challenge.", + "genres": "Action", + "recommendations": 59478, + "score": 7.247162155302828 + }, + { + "type": "game", + "name": "Deus Ex: Mankind Divided", + "detailed_description": "Deus Ex: Mankind Divided out now for macOS. Reviews and Accolades. \u201cDeus Ex: Mankind Divided is a better shooter than most actual shooters.\u201d - 4.5/5 - GamesRadar+. 88/100 - PCGamer. 8.5/10 - Polygon. 8/10 - GameSpot. 8/10 - Destructoid. 17/20 - JEUXVIDEO.COM. \u201cBuy the heck out of this game.\u201d - Ars Technica UK. \u201cHotter than your significant-other and most celebrities.\u201d - Kotaku UK. 4.5/5 - TIME. 4/5 - Giantbomb. 8/10 - Forbes. 8/10 - Digital Trend. 4.5/5 - Nerdist. 4/5 - US Gamer. 9/10 - PlayStation LifeStyle. 9/10 - PSU. 8.5/10 - EGMNOW. 9/10 - Arcade Sushi. Digital Deluxe Edition. Secure the Digital Deluxe edition now to gain access to all of the following items:. Season Pass. \u201cDesperate Measures\u201d extra in-game mission . Covert Agent Pack (Intruder Gear, Enforcer Gear and Classic Gear + 1 Praxis Kit + 1000 Credits). The Deus Ex: Mankind Divided - Season Pass, which is composed of Narrative DLCs and in-game items, is loaded with content that will help to further flesh out the lore of the Deus Ex Universe. Here is what it contains:. Two new story DLC\u2019s - \u201cSystem Rift\u201d and \u201cA Criminal Past\u201d. . The \u201cAssault\u201d and \u201cTactical\u201d packs, which include various weapons and items. . 4 Praxis Kits. . 5000 Credits. . 1000 Weapon Parts. . 5 Booster Packs and 20 Chipsets for Deus Ex: Mankind Divided \u2013 Breach. . About the Game. The year is 2029, and mechanically augmented humans have now been deemed outcasts, living a life of complete and total segregation from the rest of society. . Now an experienced covert operative, Adam Jensen is forced to operate in a world that has grown to despise his kind. Armed with a new arsenal of state-of-the-art weapons and augmentations, he must choose the right approach, along with who to trust, in order to unravel a vast worldwide conspiracy. . Buy Deus Ex: Mankind Divided now and receive the following bonus content FREE:. \u201cDesperate Measures\u201d extra in-game mission . Covert Agent Pack (Intruder Gear, Enforcer Gear and Classic Gear + 1 Praxis Kit + 1000 Credits).", + "about_the_game": "The year is 2029, and mechanically augmented humans have now been deemed outcasts, living a life of complete and total segregation from the rest of society. Now an experienced covert operative, Adam Jensen is forced to operate in a world that has grown to despise his kind. Armed with a new arsenal of state-of-the-art weapons and augmentations, he must choose the right approach, along with who to trust, in order to unravel a vast worldwide conspiracy.Buy Deus Ex: Mankind Divided now and receive the following bonus content FREE:\u201cDesperate Measures\u201d extra in-game mission Covert Agent Pack (Intruder Gear, Enforcer Gear and Classic Gear + 1 Praxis Kit + 1000 Credits)", + "short_description": "Now an experienced covert operative, Adam Jensen is forced to operate in a world that has grown to despise his kind. Armed with a new arsenal of state-of-the-art weapons and augmentations, he must choose the right approach, along with who to trust, in order to unravel a vast worldwide conspiracy.", + "genres": "Action", + "recommendations": 27481, + "score": 6.738176101286678 + }, + { + "type": "game", + "name": "Paint the Town Red", + "detailed_description": "Paint the Town Red is a chaotic first person melee combat game set in different locations and time periods and featuring a massive Rogue-Lite adventure. The voxel-based enemies can be punched, bashed, kicked, stabbed and sliced completely dynamically using almost anything that isn't nailed down. . . In the Scenario levels you'll need to use your wits, speed and anything you can get your hands on in epic bar fights, disco brawls, old west saloon rumbles and more. . In the epic rogue-lite Beneath you'll have to delve deep underground battling terrifying monsters and unlocking powerful upgrades in a battle against ancient evils. . . Our amazing community has used the in-game Level Editor and Custom Texture and Music options to add thousands of amazing new levels to the game on the Steam workshop. Create your own massive brawls, horrific adventures, ingenious puzzle levels and more with the intuitive editor. . Features. Demolish completely destructible voxel-based enemies. Dive into action-packed scenarios including a Biker Bar, Disco, Prison, Pirate Cove and Western Saloon each filled with unique enemies and weapons. Face the ultimate challenge in Beneath, a massive roguelike campaign filled with deadly creatures, secrets, and bosses. Choose from a variety of classes with unique stats and abilities and upgrade them to become unstoppable. Join the fray in the Arena mode with multiple challenges and survive as long as possible in the Endless Mode. Fight alongside friends in online co-op multiplayer for almost every mode in the game. Design new stages in the Level Editor with Steam Workshop support and hundreds of user-created levels to choose from, with support for custom music and character textures. Crush records and claim glory on leaderboards. Test features, weapons, and mechanics in a sandbox level. Stab, shoot, and eviscerate foes with a vast array of period-appropriate weaponry. Defeat boss enemies with unique challenges and rewards. Enjoy full controller support, made for brawlers who prefer controllers to keyboards. Upcoming Features. We've now added all the planned features for the game and are working on bug fixes, performance, polish and extra community inspired content for the Level Editor and Scenario modifiers.", + "about_the_game": "Paint the Town Red is a chaotic first person melee combat game set in different locations and time periods and featuring a massive Rogue-Lite adventure. The voxel-based enemies can be punched, bashed, kicked, stabbed and sliced completely dynamically using almost anything that isn't nailed down.In the Scenario levels you'll need to use your wits, speed and anything you can get your hands on in epic bar fights, disco brawls, old west saloon rumbles and more.In the epic rogue-lite Beneath you'll have to delve deep underground battling terrifying monsters and unlocking powerful upgrades in a battle against ancient evils.Our amazing community has used the in-game Level Editor and Custom Texture and Music options to add thousands of amazing new levels to the game on the Steam workshop. Create your own massive brawls, horrific adventures, ingenious puzzle levels and more with the intuitive editor.FeaturesDemolish completely destructible voxel-based enemiesDive into action-packed scenarios including a Biker Bar, Disco, Prison, Pirate Cove and Western Saloon each filled with unique enemies and weaponsFace the ultimate challenge in Beneath, a massive roguelike campaign filled with deadly creatures, secrets, and bosses. Choose from a variety of classes with unique stats and abilities and upgrade them to become unstoppableJoin the fray in the Arena mode with multiple challenges and survive as long as possible in the Endless ModeFight alongside friends in online co-op multiplayer for almost every mode in the gameDesign new stages in the Level Editor with Steam Workshop support and hundreds of user-created levels to choose from, with support for custom music and character texturesCrush records and claim glory on leaderboardsTest features, weapons, and mechanics in a sandbox levelStab, shoot, and eviscerate foes with a vast array of period-appropriate weaponryDefeat boss enemies with unique challenges and rewardsEnjoy full controller support, made for brawlers who prefer controllers to keyboardsUpcoming FeaturesWe've now added all the planned features for the game and are working on bug fixes, performance, polish and extra community inspired content for the Level Editor and Scenario modifiers.", + "short_description": "Paint the Town Red is a chaotic first person melee combat game set in different locations and time periods. The voxel-based enemies can be punched, bashed, kicked, stabbed and sliced completely dynamically using almost anything that isn't nailed down.", + "genres": "Action", + "recommendations": 21094, + "score": 6.563812998668751 + }, + { + "type": "game", + "name": "Strife\u00ae", + "detailed_description": "Enter the HeroIn Strife\u00ae, you will assume control of a powerful hero. Each hero is uniquely designed to embody a play-style or idea, and heroes are by far the most important aspect of any game of Strife. As a hero, you will decide how the game flows, how quickly it progresses, and whether the outcome is favourable for your team. All Strife heroes are freely available from your very first match!Community FirstHow your fellow players behave matters a lot in online multiplayer games. Strife is designed from the ground up to encourage cooperation and reduce toxic conflicts.Customize Your ArmouryCrafting enables you to change item components and recipes, allowing any item to be part of your arsenal.Every Hero Needs a SidekickA Pet will accompany you onto the battlefield, offering you unique advantages. Play to unlock more pets to expand your options.Shared Last Hit GoldFight your opponents, not your allies. Last Hit bounties obtained from brawler and hero kills are split between contributing teammates.Out of Combat RegenerationStaying out of combat for a short period of time will significantly increase your Health and Mana regeneration, allowing you to stay near the action instead of going back to base.Personal CourierEach player has an invulnerable personal courier to automatically deliver purchased items.", + "about_the_game": "Enter the HeroIn Strife\u00ae, you will assume control of a powerful hero. Each hero is uniquely designed to embody a play-style or idea, and heroes are by far the most important aspect of any game of Strife. As a hero, you will decide how the game flows, how quickly it progresses, and whether the outcome is favourable for your team. All Strife heroes are freely available from your very first match!Community FirstHow your fellow players behave matters a lot in online multiplayer games. Strife is designed from the ground up to encourage cooperation and reduce toxic conflicts.Customize Your ArmouryCrafting enables you to change item components and recipes, allowing any item to be part of your arsenal.Every Hero Needs a SidekickA Pet will accompany you onto the battlefield, offering you unique advantages. Play to unlock more pets to expand your options.Shared Last Hit GoldFight your opponents, not your allies. Last Hit bounties obtained from brawler and hero kills are split between contributing teammates.Out of Combat RegenerationStaying out of combat for a short period of time will significantly increase your Health and Mana regeneration, allowing you to stay near the action instead of going back to base.Personal CourierEach player has an invulnerable personal courier to automatically deliver purchased items.", + "short_description": "Strife\u00ae is a truly free to play, competitive, online ARTS / MOBA that features non-stop action and engaging combat. Take control of powerful and versatile heroes, each capable of dominating in unique ways, and exert your will in an epic battle between two teams.", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Freestyle 2: Street Basketball", + "detailed_description": "Freestyle 2 is the Ultimate Online Street Basketball Game! Experience a superior gameplay of basketball and perform freestyle street basketball moves! . Enjoy the excitement of vibrant street basketball with its unique cel-shaded graphics and game experience. One Player, One Character Pick a character based on their position move up in the league. . Choose the progression depending on your favorite play style. . Test your teamwork with other basketball players online and show\u2019em what you got!. Key Features Positions: Center, Power Forward, Small Forward, Shooting Guard, Point Guard, Control Tower, Dual Guard, Swing Man. . Skills: Create your own play style with over 30 moves including shooting and passing skills! . . Tournament & Crew: Team up with your crewmates and win in a tournament for a chance at great items and prizes! . Customization: Customize your character\u2019s look. Choose from a wide range of outfits, hairstyles, shoes, accessories to make your own fashion statement! . Tutorial & Training: Exclusive tutorials on how to execute each and every skill in the game. .", + "about_the_game": "Freestyle 2 is the Ultimate Online Street Basketball Game! Experience a superior gameplay of basketball and perform freestyle street basketball moves! Enjoy the excitement of vibrant street basketball with its unique cel-shaded graphics and game experience.One Player, One Character Pick a character based on their position move up in the league. Choose the progression depending on your favorite play style. Test your teamwork with other basketball players online and show\u2019em what you got!Key Features \tPositions: Center, Power Forward, Small Forward, Shooting Guard, Point Guard, Control Tower, Dual Guard, Swing Man. \tSkills: Create your own play style with over 30 moves including shooting and passing skills! \tTournament & Crew: Team up with your crewmates and win in a tournament for a chance at great items and prizes! \tCustomization: Customize your character\u2019s look. Choose from a wide range of outfits, hairstyles, shoes, accessories to make your own fashion statement! \tTutorial & Training: Exclusive tutorials on how to execute each and every skill in the game.", + "short_description": "Freestyle 2: Street Basketball is a fast paced online arcade basketball game. Create your own unique player and compete in the online street league! Use variety of b-ball moves and customize your player! Team up with the best street ballers online and rise to the top!", + "genres": "Action", + "recommendations": 150, + "score": 3.3075401037698167 + }, + { + "type": "game", + "name": "MechWarrior Online\u2122 Legends", + "detailed_description": "AVAILABLE NOW! About the GameMechWarrior Online\u2122 Legends is a tactical, 'Mech-based online shooter set in the vast BattleTech Universe. . As a Rookie MechWarrior, you will have immediate access to 16 pre-configured powerful mechanized units called BattleMechs. As you earn in-game currency and experience you will be able to purchase and customize your own stable of awesome Battlemechs. Monthly events will grant you access to even more items, currency, and 'Mechs to help you progress your MechWarrior career. Find your perfect Mech, create your perfect loadout, unlock all your 'Mech Skills, and customize your 'Mech inside and out!. MechWarrior Online\u2122 Legends Quickplay, Faction Play, Private Match, and an Event Queue with custom modes!. Quickplay - Quick Play is where you'll find fast action, fielding your 'Mech in team-based game modes and maps. Pick your Favorite Mech and Drop in Quickplay for intense 'Mech Battles featuring 10+ maps and 4 + modes to keep\u00a0. Faction Play -\u00a0In Faction Play you will field 4 \u2018Mechs per match, lending your skills and allegiance to the Faction of your choosing in prolonged team-based engagements, conquering and defending planets in their name to earn rewards and expand your Faction's territory across the Inner Sphere. . Event Queue - Be on the lookout for special events such as the monthly Solaris weekend with 1 vs. 1 and 2 vs. 2 intense fights or bring up to 4 mechs in Drop Deck modes to keep you in the fight longer. Sometimes things really get crazy with Unlimited Ammo and Extra Armor modifiers so keep an eye out for the Event Queue. . Become a Legend in MechWarrior Online\u2122 Legends.", + "about_the_game": "MechWarrior Online\u2122 Legends is a tactical, 'Mech-based online shooter set in the vast BattleTech Universe.\r\n\r\nAs a Rookie MechWarrior, you will have immediate access to 16 pre-configured powerful mechanized units called BattleMechs. As you earn in-game currency and experience you will be able to purchase and customize your own stable of awesome Battlemechs. Monthly events will grant you access to even more items, currency, and 'Mechs to help you progress your MechWarrior career. Find your perfect Mech, create your perfect loadout, unlock all your 'Mech Skills, and customize your 'Mech inside and out!\r\n\r\nMechWarrior Online\u2122 Legends Quickplay, Faction Play, Private Match, and an Event Queue with custom modes!\r\n\r\nQuickplay - Quick Play is where you'll find fast action, fielding your 'Mech in team-based game modes and maps. Pick your Favorite Mech and Drop in Quickplay for intense 'Mech Battles featuring 10+ maps and 4 + modes to keep\u00a0\r\n\r\nFaction Play -\u00a0In Faction Play you will field 4 \u2018Mechs per match, lending your skills and allegiance to the Faction of your choosing in prolonged team-based engagements, conquering and defending planets in their name to earn rewards and expand your Faction's territory across the Inner Sphere.\r\n\r\nEvent Queue - Be on the lookout for special events such as the monthly Solaris weekend with 1 vs. 1 and 2 vs. 2 intense fights or bring up to 4 mechs in Drop Deck modes to keep you in the fight longer. Sometimes things really get crazy with Unlimited Ammo and Extra Armor modifiers so keep an eye out for the Event Queue.\r\n\r\nBecome a Legend in MechWarrior Online\u2122 Legends.", + "short_description": "MechWarrior Online\u2122 Legends is a tactical, 'Mech-based online shooter set in the vast BattleTech Universe. Assume the role of an elite MechWarrior, piloting powerful BattleMechs, fighting for supremacy over the Inner Sphere.", + "genres": "Action", + "recommendations": 148, + "score": 3.2987502436244824 + }, + { + "type": "game", + "name": "Kholat", + "detailed_description": "Narrated by one of the most popular British actors, Sean Bean, Kholat is an exploration adventure game with elements of horror, inspired by a true event known as the Dyatlov Pass incident \u2013 a mysterious death of nine Russian hikers, which led to countless, unconfirmed hypotheses. The player will plunge directly into the boundless scenery of the inhospitable Ural Mountains with the task to find out what really happened. In the course of events, you may come across more speculations than expected. . . Will you find the answer? . Will you get any closer to the truth? . Will you survive? . Dyatlov Pass incident was a real story that happened in winter of 1959. Nine skilled alpinists went for a trip to the northern part of Ural Mountains, which ended fatally. Bodies of expedition's crew were found scattered on slope of Kholat Syakhl. . Russian investigators closed the case stating that \"a compelling unknown force\" had caused the deaths. . More information about Dyatlov Pass Incident can be found at: . Features:. stunning art design . immersive exploration experience. sophisticated music and sounds. chilling atmosphere and tension. self made story inspired by true events . main storyline and a lot of background plot to be discovered by players . non-linear open world. in-game navigation by map and compass. powered by Unreal Engine 4. challenging exploration . estimated game length: 4 - 6 hours.", + "about_the_game": "Narrated by one of the most popular British actors, Sean Bean, Kholat is an exploration adventure game with elements of horror, inspired by a true event known as the Dyatlov Pass incident \u2013 a mysterious death of nine Russian hikers, which led to countless, unconfirmed hypotheses. The player will plunge directly into the boundless scenery of the inhospitable Ural Mountains with the task to find out what really happened. In the course of events, you may come across more speculations than expected...Will you find the answer? Will you get any closer to the truth? Will you survive? Dyatlov Pass incident was a real story that happened in winter of 1959. Nine skilled alpinists went for a trip to the northern part of Ural Mountains, which ended fatally. Bodies of expedition's crew were found scattered on slope of Kholat Syakhl. Russian investigators closed the case stating that \"a compelling unknown force\" had caused the deaths. More information about Dyatlov Pass Incident can be found at: art design immersive exploration experiencesophisticated music and soundschilling atmosphere and tensionself made story inspired by true events main storyline and a lot of background plot to be discovered by players non-linear open worldin-game navigation by map and compasspowered by Unreal Engine 4challenging exploration estimated game length: 4 - 6 hours", + "short_description": "The most terrifying journey of your life set in the beautiful winter\u00a0scenery of the Ural Mountains. Uncover the horrific mystery behind the Dyatlov\u00a0Pass Incident. Narrated by the famous Sean Bean.", + "genres": "Adventure", + "recommendations": 1849, + "score": 4.959346417602088 + }, + { + "type": "game", + "name": "Besiege", + "detailed_description": "Besiege is a physics based building game in which you construct medieval siege engines and lay waste to immense fortresses and peaceful hamlets. Build a machine which can crush windmills, wipe out battalions of brave soldiers and transport valuable resources, defending your creation against cannons, archers and whatever else the desperate enemies have at their disposal. Create a trundling behemoth, or take clumsily to the skies, and cause carnage in fully destructible environments. Ultimately, you must conquer every Kingdom by crippling their castles and annihilating their men and livestock, in as creative or clinical a manner as possible!. . Battle against other players in custom arenas or team up with your friends to destroy armies of knights, obliterate fortresses and sack settlements, by travelling through into the Multiverse!. Download other player\u2019s war machines, levels, skins and even mods through the Steam workshop to further customize your playing experience!. Can\u2019t find what you are looking for? Build it yourself! In the level editor, you decide where players spawn, what the objective is and what it looks like. Adding sheep and peasants will bring a level of charm to your game but archers or yak-bombs will challenge your players as they attempt to complete the objective. . Still looking for more? Expand the Besiege experience by creating your own mods or downloading existing mods from the workshop. Mods allow you to add custom machine blocks, level objects, level logic and much more!. Bring your childhood fantasies alive in the world of Besiege!. . Core Features:. Singleplayer Campaign - A challenging single-player campaign with 54 levels. Conquer the 4 differently themed islands and claim victory over the Besiege world. . Multiplayer PVP & Co-Op - Go head to head in epic war machine combat or compete against your friends to complete objectives and levels. Work Cooperatively to conquer objectives, complete puzzles and lay waste to fortresses & armies. . Open Sandbox - Mess around in open sandbox environments with your friends, construct wacky machines and abuse the level\u2019s inhabitants at your leisure. . Level Editor - Build new levels with your friends, or have your friends testing the level in real-time whilst you build it! Construct castles, create armies, design custom game modes and objectives, or bring your level to life with the logic editor. . Custom Skins - Change the visual appearance of your machine using customized skins. Mod Support - Creating mods for Besiege has never been easier, the extensive documentation will help you get started. . Workshop Integration - Share and download machines, skins, levels and mods on the Steam Workshop. . Localisation - Besiege officially supports 9 languages;. - English . - French. - German. - Spanish. - Japanese. - Korean. - Portuguese. - Russian. - Simplified Chinese. Achievements - A wide range of achievements for you to unlock. Cloud Saving - Never lose your level progress or your masterpiece machines. Discord:. With almost 10,000 members, you\u2019ll be sure to find help building, modding, skinning and if you\u2019re looking for a challenge you can take part in one of the building contests. The community Discord is also a great place to find other people to play multiplayer games with!. Click here to join the Besiege Community Discord.", + "about_the_game": "Besiege is a physics based building game in which you construct medieval siege engines and lay waste to immense fortresses and peaceful hamlets. Build a machine which can crush windmills, wipe out battalions of brave soldiers and transport valuable resources, defending your creation against cannons, archers and whatever else the desperate enemies have at their disposal. Create a trundling behemoth, or take clumsily to the skies, and cause carnage in fully destructible environments. Ultimately, you must conquer every Kingdom by crippling their castles and annihilating their men and livestock, in as creative or clinical a manner as possible!Battle against other players in custom arenas or team up with your friends to destroy armies of knights, obliterate fortresses and sack settlements, by travelling through into the Multiverse!Download other player\u2019s war machines, levels, skins and even mods through the Steam workshop to further customize your playing experience!Can\u2019t find what you are looking for? Build it yourself! In the level editor, you decide where players spawn, what the objective is and what it looks like. Adding sheep and peasants will bring a level of charm to your game but archers or yak-bombs will challenge your players as they attempt to complete the objective.Still looking for more? Expand the Besiege experience by creating your own mods or downloading existing mods from the workshop. Mods allow you to add custom machine blocks, level objects, level logic and much more!Bring your childhood fantasies alive in the world of Besiege!Core Features:Singleplayer Campaign - A challenging single-player campaign with 54 levels. Conquer the 4 differently themed islands and claim victory over the Besiege world.Multiplayer PVP & Co-Op - Go head to head in epic war machine combat or compete against your friends to complete objectives and levels. Work Cooperatively to conquer objectives, complete puzzles and lay waste to fortresses & armies.Open Sandbox - Mess around in open sandbox environments with your friends, construct wacky machines and abuse the level\u2019s inhabitants at your leisure.Level Editor - Build new levels with your friends, or have your friends testing the level in real-time whilst you build it! Construct castles, create armies, design custom game modes and objectives, or bring your level to life with the logic editor.Custom Skins - Change the visual appearance of your machine using customized skinsMod Support - Creating mods for Besiege has never been easier, the extensive documentation will help you get started.Workshop Integration - Share and download machines, skins, levels and mods on the Steam Workshop.Localisation - Besiege officially supports 9 languages;- English - French- German- Spanish- Japanese- Korean- Portuguese- Russian- Simplified ChineseAchievements - A wide range of achievements for you to unlock.Cloud Saving - Never lose your level progress or your masterpiece machinesDiscord:With almost 10,000 members, you\u2019ll be sure to find help building, modding, skinning and if you\u2019re looking for a challenge you can take part in one of the building contests.The community Discord is also a great place to find other people to play multiplayer games with!Click here to join the Besiege Community Discord", + "short_description": "Besiege is a physics based building game in which you construct medieval siege engines. Battle your way through a 54 level singleplayer campaign, unleash chaos with your friends in multiplayer, create your own worlds with the level editor, customize your game with mods through the workshop.", + "genres": "Indie", + "recommendations": 41103, + "score": 7.003564985209346 + }, + { + "type": "game", + "name": "ARK: Survival Evolved", + "detailed_description": "ARK: Genesis Part Two!. Your quest for ultimate survival is now complete with the launch of ARK: Genesis Part 2! Survivors will conclude the ARK storyline while adventuring through exotic new worlds with all-new mission-based gameplay. Discover, utilize and master new creatures, new craftable items, weapons, and structures unlike anything you have seen yet! The saga is now complete, and hundreds of hours of new story-oriented ARK gameplay await you!. Purchased as part of the ARK: Genesis Season Pass you gain access to two new huge story-oriented expansion packs -- Genesis Part 1 and Genesis Part 2 (new!) -- as well as a 'Noglin' Chibi cosmetic, a \u2018Shadowmane\u2019 Chibi cosmetic, a new cosmetic armor set, and an in-game, artificially intelligent companion called \u2018HLN-A\u2019 who can scan additional hidden Explorer Notes found throughout the other ARKs. . Features the voiceover talent of David Tennant (Doctor Who, Good Omens) playing the villainous Sir Edmund Rockwell, and Madeleine Madden (The Wheel of Time, Picnic at Hanging Rock, Dora and the Lost City of Gold) as in-game robotic AI companion HLN-A/Helena Walker. . \u00dcber das SpielAls ein nackte/r Mann/Frau frierend und hungrig auf einer mysteri\u00f6sen Insel gestrandet, musst du jagen, sammeln, Gegenst\u00e4nde fertigen, Fr\u00fcchte anpflanzen und einen Unterschlupf bauen, um zu \u00fcberleben. Benutze Geschick und List, um auf ARK lebende Dinosaurier und urzeitliche Lebewesen zu t\u00f6ten, auszubr\u00fcten und zu reiten und verb\u00fcnde dich mit Hunderten von Spielern oder spiele lokal! . Die folgenden Features sind im Spiel seit dem Tag 1 Early Access release. Wir haben noch viele weitere Aspekte und Verfeinerungen f\u00fcr die fortlaufende Entwicklung geplant. Hier findest du, was du bisher in ARK erleben kannst: . Z\u00c4HME, TRAINIERE, Z\u00dcCHTE UND REITE DINOSAURIER IN EINEM LEBENDEN \u00d6KOSYSTEM. Dinosaurier, Kreaturen & Z\u00fcchten -- \u00dcber 50+ beim Start der Early Access und 100+ sind bis zum finalen Release geplant -- k\u00f6nnen mit einem herausfordernden Fang- und Anziehungsprozess gez\u00e4hmt werden. Mit einbezogen ist das schw\u00e4chen einer wilden Kreatur um sie bewusstlos zu schlagen und anschlie\u00dfend wieder mithilfe der richtigen Nahrung aufzup\u00e4ppeln. Einmal gez\u00e4hmt kannst du deinem Hausdino befehle geben, welchen er auch folgt, ganz davon abh\u00e4ngig, wie gut du es trainiert und gez\u00e4hmt hast. Haudinos k\u00f6nnen im Level aufsteigen und ben\u00f6tigen Nahrung. Au\u00dferdem kannst du Ihnen R\u00fcstungen geben, Items, die sie f\u00fcr dich tragen sollen, sie k\u00f6nnen jagen und die Beute in deine Basis bringen. Dies ist abh\u00e4ngig von ihrer St\u00e4rke. Gr\u00f6\u00dfere Tiere k\u00f6nnen gesattelt werden um sie zu reiten. Fliege mit einem Pterodactyl \u00fcber schneebedeckte Berge, hebe Verb\u00fcndete \u00fcber W\u00e4lle, renne mit einem Rudel Raptoren durch den Dschungel, trample auf einem gigantischen Brontosaurus \u00fcber eine gegnerische Basis oder jage deine Beute auf dem R\u00fccken eines w\u00fctenden T-Rex! Sei Teil eines dynamischen \u00d6kosystemzyklus mit seiner eigenen Raubtier- und Beutehierarchie in der du nur eine Kreatur zwischen vielen, verschiedenen Spezies im Kampf um die Dominanz und das \u00dcberleben bist. Hausdinos k\u00f6nnen sich unter anderem mit dem anderen Geschlecht paaren, um selektives Z\u00fcchten erfolgreicher Generation mithilfe eines merkmalbasierten Systems und dem erneuten kombinieren genetischen Erbguts zu erm\u00f6glichen. Dieser Prozess schlie\u00dft unter anderem Ei-basierte Inkubation und Schwangerschaft bei S\u00e4ugetieren ein. Oder, kurz gesagt, z\u00fcchte und ziehe Dinobabies gro\u00df! . NAHRUNG, WASSER, TEMPERATUR UND WETTER. Du musst essen und trinken um zu \u00fcberleben - mit verschiedenen Pflanzen und Fleischsorten mit unterschiedlichen Attributen, einschlie\u00dflich Menschenfleisch. Eine funktionierende Wasserversorgung in deinem Zuhause und Inventar ist notwendig. Jede physische Aktion kosten dich Essen und Trinken, weitreichende Reisen stecken voller Gefahren. Das Gewicht deines Inventars macht dich langsamer, der Tag/Nachtzyklus zusammen mit zuf\u00e4llig generierten Wetterbedingungen f\u00fcgen eine weitere Herausforderungen hinzu, w\u00e4hrend sich die Temperaturen \u00e4ndern, dich schneller hungern lassen oder durstig machen. Baue ein Lagerfeuer oder eine Behausung sowie eine gro\u00dfe Auswahl an Kleidung und R\u00fcstung um dich gegen regionale Gefahren und extreme Temperaturschwankungen mithilfe des dynamischen In/Outdoor-Isolations-Berechnungssystems zu sch\u00fctzen! . ERNTE, BAUE STRUKTUREN, F\u00c4RBE GEGENST\u00c4NDE EIN. W\u00e4hrend du sowohl ganze W\u00e4lder f\u00e4llen und Metall und andere wertvolle Ressourcen abbauen kannst, kannst du auch massive, mehrst\u00f6ckige Bauwerke aus komplexen, einrastenden Teilen bauen. Mit eingeschlossen sind Rampen, S\u00e4ulen, Fenster, T\u00fcren, Tore, ferngesteuerte Tore, Fallt\u00fcren, Wasserrohre, Wasserh\u00e4hne, Generatoren, Kabel, jede Menge anderer elektrischer Ger\u00e4te, Leitern und viele, viele andere Dinge. Bauwerke haben eine Mechanik, zusammenzubrechen, wenn das Fundament zerst\u00f6rt wird. Daher ist es wichtig, deine Geb\u00e4ude zu verst\u00e4rken. Alle Bauwerke und Items k\u00f6nnen bemalt werden, um das Design deines Hauses an deine W\u00fcnsche anzupassen und dynamische, per-pixel bemalbare Schilder, Aush\u00e4ngeschilder und andere dekorative Objekte ganz nach deinen W\u00fcnschen einzuf\u00e4rben. H\u00e4user reduzieren die extreme des Wetters und bieten dir und deinem Vorrat Schutz. Waffen, Kleidung und R\u00fcstungen k\u00f6nnen ebenfalls eingef\u00e4rbt werden um deinem pers\u00f6nlichen Stil zu entsprechen. . PFLANZEN, ABBAUEN UND KULTIVIEREN. W\u00e4hle Samen aus der wilden Vegetation um dich herum, pflanze sie in Beete die du platzierst, w\u00e4ssere sie und d\u00fcnge sie mit D\u00fcnger (Alles hinterl\u00e4sst F\u00e4kalien nachdem Kalorien konsumiert wurden, welche kompostiert werden k\u00f6nnen. Manche D\u00fcnger sind besser als andere). Achte auf deine Pfl\u00e4nzchen und sie werden wachsen und k\u00f6stliche und seltene Fr\u00fcchte hervorbringen, welche ebenfalls zum kochen einer breiten variet\u00e4t an logischen Rezepten und Tr\u00e4nken genutzt werden k\u00f6nnen. Erkunde die Insel um weitere, seltene Samen mit n\u00fctzlichen Eigenschaften zu finden! Vegetarier und Veganer werden aufbl\u00fchen und es wird m\u00f6glich sein, ARK ohne Gewalt zu erobern! . BESCHW\u00d6RE DIE ULTIMATIVEN LEBENSFORMEN. Indem du sehr seltene Opfergaben an spezielle Beschw\u00f6rungsorte bringst, kannst du dir die Aufmerksamkeit einer der gottgleichen, mythologischen Kreaturen in ARK sichern, welche anschlie\u00dfend zum Kampf erscheint. Diese gigantischen Monstrosit\u00e4ten bieten ein End-Game-Ziel f\u00fcr die erfahrensten Gruppen an Spielern und Ihrer Armee an Hausdinos und werden eine extrem wertvolle Ausbeute an Items bieten, wenn man \u00fcberhaupt schafft, sie zu besiegen. . STAMM-SYSTEM. Erstelle einen Stamm und f\u00fcge deine Freunde hinzu. Alle deine Hausdinos k\u00f6nnen von einem Verb\u00fcndeten befohlen werden. Dein Stamm wird au\u00dferdem die M\u00f6glichkeit haben, an jedem deiner Heimat-Spawnpunkte zu respawnen. Bef\u00f6rdere Mitglieder zu Stammf\u00fchrern um das Management zu erleichtern. Verteile Schl\u00fcssel-Items und Zugangscodes um den Zugang zu deinem Dorf zu bieten! . RPG-STATISTIKEN. Alle Gegenst\u00e4nde werden mithilfe von Blaupausen hergestellt, die verschiedene Statistiken und Qualit\u00e4ten besitzen und f\u00fcr die Herstellung dementsprechende Ressourcen ben\u00f6tigen. Abgelegenere und schwer zu erreichende Orte quer \u00fcber die Ark, bieten meist bessere Materialien, eingeschlossen der h\u00f6chsten Berge, dunkelsten H\u00f6hlen und gr\u00f6\u00dften tiefen des Ozeans! Level deinen Charakter indem du Erfahrungspunkte sammelst, level deine Tiere und lerne neue \"Engramme\" um in der Lage zu sein, Gegenst\u00e4nde frei aus dem Ged\u00e4chtnis herzustellen, ohne das Blaupausen daf\u00fcr n\u00f6tig w\u00e4ren, selbst wenn du stirbst! Passe das Aussehen deines Charakters an, indem du Haare, Augen, Hautfarben, sowie einer Reihe von K\u00f6rperproportionen ver\u00e4nderst. . HARDCORE-MECHANIKEN. Jeder Gegenstand, den du baust, hat eine gewisse Haltbarkeit und wird kaputtgehen, wenn du diesen zu sehr benutzt und nicht reparierst. Wenn du das Spiel verl\u00e4sst, verbleibt dein Charakter schlafend in der virtuellen Welt. Dein Inventar ist in Boxen im Charakter unterteilt. Alles kann gelooted oder geklaut werden, daher musst du f\u00fcr deine Sicherheit sorgen indem du Baust, dich mit anderen Spielern verb\u00fcndest oder dir Dinos als W\u00e4chter z\u00e4hmst. Der Tod ist permanent und du kannst andere Spieler sogar bewusstlos schlagen, fangen und ihnen Nahrung aufzwingen um sie deinem Willen zu beugen, ihnen Blut f\u00fcr eine eigene Transfusion abzuzapfen oder ihre F\u00e4kalien aufsammeln um diese zu D\u00fcnger zu verarbeiten. Oder du benutzt sie als Futter f\u00fcr deine fleischfressenden Freunde! . ERKUNDE UND ENTDECKE. Die mysteri\u00f6se ARK ist eine beeindruckende und imposante Umgebung, bestehend aus nat\u00fcrlichen- und unnat\u00fcrlichen Strukturen \u00fcberhalb oder unterhalb der Erde und ebenso unterwasser. W\u00e4hrend du die Geheimnisse der Insel erkundest, wirst du viele, zuf\u00e4llig generierte Kreaturen und seltene Blaupausen finden. Auch kannst du Erkundungsnotizen finden, die dynamisch in das Spiel gebracht werden, geschrieben und wundersch\u00f6n verziert vor Jahrtausenden von vorherigen Einwohnern der ARK. Auf kreative Art stellen diese die Kreaturen und die Hintergrundgeschichte der ARK dar. Decke die gesamte Karte durch Erkundungen auf, markiere besonders interessante Punkte und baue dir einen Kompass oder ein GPS-System um das Erkunden mit anderen Spielern, mit denen du per Sprache, Text oder Langstrecken-Telefone kommunizieren kannst, zu vereinfachen. Baue und zeichne Schilder f\u00fcr andere Spieler um ihnen zu helfen oder sie vom Weg abzubringen. Dennoch. Wie wirst du die Sch\u00f6pfer herausfordern, um die ARK zu erobern? Ein definitives Eng-Game ist in Planung. . RIESIGE WELTBEST\u00c4NDIGKEIT UND META-UNIVERSUM. Auf den 100+ Spieler-Servern werden dein Charakter, deine Geb\u00e4ude und deine Hausdinos im Spiel bleiben, selbst wenn du das Spiel verl\u00e4sst. Du kannst deinen Charakter sogar im Netzwerk der ARK's verschieben, indem du zu einem Obelisk gehst und deine Daten in der Steam Economy hoch- oder herunterl\u00e4dst. Eine Galaxie voller ARK's, jede anders als die andere, wartet darauf, von dir erobert und ver\u00e4ndert zu werden, eine nach der anderen -- Spezielle, offizielle ARK's werden auf der Weltkarte f\u00fcr kurze Zeit und f\u00fcr spezielle Events enth\u00fcllt werden! . STABILER STEAM-WORKSHOP MOD-SUPPORT. Du kannst alleine und lokal im Einzelspieler-Modus spielen und deinen Charakter und deine Items zwischen inoffiziellen, gehosteten Servern vor- und zur\u00fcck vom Einzel- zum Mehrspielermodus transferieren. Modifiziere das Spiel mit vollem Steam Workshop-Support und dem angepassten Unreal Engine 4 Editor. Finde heraus, wie wir unsere ARK mit unseren Karten und Werten als Beispiel erstellt haben. Hoste deinen eigenen Server und konfiguriere deine ARK pr\u00e4zise und an deine W\u00fcnsche angepasst. Wir sollen sehen, was du kreierst!. BEEINDRUCKENDE GRAFIKEN DER N\u00c4CHSTEN GENERATION. Die erstklassige, hyperreale Bilddarstellung der Kreaturen in ARK wird durch eine extrem angepasste Unreal Engine 4 erreicht, die dynamische Lichtverh\u00e4ltnisse, globale Beleuchtung, Wettersysteme (Regen, Nebel, Schnee, etc.) und eine lebensechte Wolkensimulation, dank der neuesten Rendertechnik von DirectX11 und DirectX12, m\u00f6glich macht. Die Musik stammt aus der Feder des preisgekr\u00f6nten Komponisten von \"Ori and the Blind Forest\", Gareth Coker!", + "about_the_game": "Als ein nackte/r Mann/Frau frierend und hungrig auf einer mysteri\u00f6sen Insel gestrandet, musst du jagen, sammeln, Gegenst\u00e4nde fertigen, Fr\u00fcchte anpflanzen und einen Unterschlupf bauen, um zu \u00fcberleben. Benutze Geschick und List, um auf ARK lebende Dinosaurier und urzeitliche Lebewesen zu t\u00f6ten, auszubr\u00fcten und zu reiten und verb\u00fcnde dich mit Hunderten von Spielern oder spiele lokal! \r\n\r\nDie folgenden Features sind im Spiel seit dem Tag 1 Early Access release. Wir haben noch viele weitere Aspekte und Verfeinerungen f\u00fcr die fortlaufende Entwicklung geplant. Hier findest du, was du bisher in ARK erleben kannst: \r\n\r\nZ\u00c4HME, TRAINIERE, Z\u00dcCHTE UND REITE DINOSAURIER IN EINEM LEBENDEN \u00d6KOSYSTEM\r\n\r\nDinosaurier, Kreaturen & Z\u00fcchten -- \u00dcber 50+ beim Start der Early Access und 100+ sind bis zum finalen Release geplant -- k\u00f6nnen mit einem herausfordernden Fang- und Anziehungsprozess gez\u00e4hmt werden. Mit einbezogen ist das schw\u00e4chen einer wilden Kreatur um sie bewusstlos zu schlagen und anschlie\u00dfend wieder mithilfe der richtigen Nahrung aufzup\u00e4ppeln. Einmal gez\u00e4hmt kannst du deinem Hausdino befehle geben, welchen er auch folgt, ganz davon abh\u00e4ngig, wie gut du es trainiert und gez\u00e4hmt hast. Haudinos k\u00f6nnen im Level aufsteigen und ben\u00f6tigen Nahrung. Au\u00dferdem kannst du Ihnen R\u00fcstungen geben, Items, die sie f\u00fcr dich tragen sollen, sie k\u00f6nnen jagen und die Beute in deine Basis bringen. Dies ist abh\u00e4ngig von ihrer St\u00e4rke. Gr\u00f6\u00dfere Tiere k\u00f6nnen gesattelt werden um sie zu reiten. Fliege mit einem Pterodactyl \u00fcber schneebedeckte Berge, hebe Verb\u00fcndete \u00fcber W\u00e4lle, renne mit einem Rudel Raptoren durch den Dschungel, trample auf einem gigantischen Brontosaurus \u00fcber eine gegnerische Basis oder jage deine Beute auf dem R\u00fccken eines w\u00fctenden T-Rex! Sei Teil eines dynamischen \u00d6kosystemzyklus mit seiner eigenen Raubtier- und Beutehierarchie in der du nur eine Kreatur zwischen vielen, verschiedenen Spezies im Kampf um die Dominanz und das \u00dcberleben bist. Hausdinos k\u00f6nnen sich unter anderem mit dem anderen Geschlecht paaren, um selektives Z\u00fcchten erfolgreicher Generation mithilfe eines merkmalbasierten Systems und dem erneuten kombinieren genetischen Erbguts zu erm\u00f6glichen. Dieser Prozess schlie\u00dft unter anderem Ei-basierte Inkubation und Schwangerschaft bei S\u00e4ugetieren ein. Oder, kurz gesagt, z\u00fcchte und ziehe Dinobabies gro\u00df! \r\n\r\nNAHRUNG, WASSER, TEMPERATUR UND WETTER\r\n\r\nDu musst essen und trinken um zu \u00fcberleben - mit verschiedenen Pflanzen und Fleischsorten mit unterschiedlichen Attributen, einschlie\u00dflich Menschenfleisch. Eine funktionierende Wasserversorgung in deinem Zuhause und Inventar ist notwendig. Jede physische Aktion kosten dich Essen und Trinken, weitreichende Reisen stecken voller Gefahren. Das Gewicht deines Inventars macht dich langsamer, der Tag/Nachtzyklus zusammen mit zuf\u00e4llig generierten Wetterbedingungen f\u00fcgen eine weitere Herausforderungen hinzu, w\u00e4hrend sich die Temperaturen \u00e4ndern, dich schneller hungern lassen oder durstig machen. Baue ein Lagerfeuer oder eine Behausung sowie eine gro\u00dfe Auswahl an Kleidung und R\u00fcstung um dich gegen regionale Gefahren und extreme Temperaturschwankungen mithilfe des dynamischen In/Outdoor-Isolations-Berechnungssystems zu sch\u00fctzen! \r\n\r\nERNTE, BAUE STRUKTUREN, F\u00c4RBE GEGENST\u00c4NDE EIN\r\n\r\nW\u00e4hrend du sowohl ganze W\u00e4lder f\u00e4llen und Metall und andere wertvolle Ressourcen abbauen kannst, kannst du auch massive, mehrst\u00f6ckige Bauwerke aus komplexen, einrastenden Teilen bauen. Mit eingeschlossen sind Rampen, S\u00e4ulen, Fenster, T\u00fcren, Tore, ferngesteuerte Tore, Fallt\u00fcren, Wasserrohre, Wasserh\u00e4hne, Generatoren, Kabel, jede Menge anderer elektrischer Ger\u00e4te, Leitern und viele, viele andere Dinge. Bauwerke haben eine Mechanik, zusammenzubrechen, wenn das Fundament zerst\u00f6rt wird. Daher ist es wichtig, deine Geb\u00e4ude zu verst\u00e4rken. Alle Bauwerke und Items k\u00f6nnen bemalt werden, um das Design deines Hauses an deine W\u00fcnsche anzupassen und dynamische, per-pixel bemalbare Schilder, Aush\u00e4ngeschilder und andere dekorative Objekte ganz nach deinen W\u00fcnschen einzuf\u00e4rben. H\u00e4user reduzieren die extreme des Wetters und bieten dir und deinem Vorrat Schutz. Waffen, Kleidung und R\u00fcstungen k\u00f6nnen ebenfalls eingef\u00e4rbt werden um deinem pers\u00f6nlichen Stil zu entsprechen. \r\n\r\nPFLANZEN, ABBAUEN UND KULTIVIEREN\r\n\r\nW\u00e4hle Samen aus der wilden Vegetation um dich herum, pflanze sie in Beete die du platzierst, w\u00e4ssere sie und d\u00fcnge sie mit D\u00fcnger (Alles hinterl\u00e4sst F\u00e4kalien nachdem Kalorien konsumiert wurden, welche kompostiert werden k\u00f6nnen. Manche D\u00fcnger sind besser als andere). Achte auf deine Pfl\u00e4nzchen und sie werden wachsen und k\u00f6stliche und seltene Fr\u00fcchte hervorbringen, welche ebenfalls zum kochen einer breiten variet\u00e4t an logischen Rezepten und Tr\u00e4nken genutzt werden k\u00f6nnen. Erkunde die Insel um weitere, seltene Samen mit n\u00fctzlichen Eigenschaften zu finden! Vegetarier und Veganer werden aufbl\u00fchen und es wird m\u00f6glich sein, ARK ohne Gewalt zu erobern! \r\n\r\nBESCHW\u00d6RE DIE ULTIMATIVEN LEBENSFORMEN\r\n\r\nIndem du sehr seltene Opfergaben an spezielle Beschw\u00f6rungsorte bringst, kannst du dir die Aufmerksamkeit einer der gottgleichen, mythologischen Kreaturen in ARK sichern, welche anschlie\u00dfend zum Kampf erscheint. Diese gigantischen Monstrosit\u00e4ten bieten ein End-Game-Ziel f\u00fcr die erfahrensten Gruppen an Spielern und Ihrer Armee an Hausdinos und werden eine extrem wertvolle Ausbeute an Items bieten, wenn man \u00fcberhaupt schafft, sie zu besiegen. \r\n\r\nSTAMM-SYSTEM\r\n\r\nErstelle einen Stamm und f\u00fcge deine Freunde hinzu. Alle deine Hausdinos k\u00f6nnen von einem Verb\u00fcndeten befohlen werden. Dein Stamm wird au\u00dferdem die M\u00f6glichkeit haben, an jedem deiner Heimat-Spawnpunkte zu respawnen. Bef\u00f6rdere Mitglieder zu Stammf\u00fchrern um das Management zu erleichtern. Verteile Schl\u00fcssel-Items und Zugangscodes um den Zugang zu deinem Dorf zu bieten! \r\n\r\nRPG-STATISTIKEN\r\n\r\nAlle Gegenst\u00e4nde werden mithilfe von Blaupausen hergestellt, die verschiedene Statistiken und Qualit\u00e4ten besitzen und f\u00fcr die Herstellung dementsprechende Ressourcen ben\u00f6tigen. Abgelegenere und schwer zu erreichende Orte quer \u00fcber die Ark, bieten meist bessere Materialien, eingeschlossen der h\u00f6chsten Berge, dunkelsten H\u00f6hlen und gr\u00f6\u00dften tiefen des Ozeans! Level deinen Charakter indem du Erfahrungspunkte sammelst, level deine Tiere und lerne neue \"Engramme\" um in der Lage zu sein, Gegenst\u00e4nde frei aus dem Ged\u00e4chtnis herzustellen, ohne das Blaupausen daf\u00fcr n\u00f6tig w\u00e4ren, selbst wenn du stirbst! Passe das Aussehen deines Charakters an, indem du Haare, Augen, Hautfarben, sowie einer Reihe von K\u00f6rperproportionen ver\u00e4nderst. \r\n\r\nHARDCORE-MECHANIKEN\r\n\r\nJeder Gegenstand, den du baust, hat eine gewisse Haltbarkeit und wird kaputtgehen, wenn du diesen zu sehr benutzt und nicht reparierst. Wenn du das Spiel verl\u00e4sst, verbleibt dein Charakter schlafend in der virtuellen Welt. Dein Inventar ist in Boxen im Charakter unterteilt. Alles kann gelooted oder geklaut werden, daher musst du f\u00fcr deine Sicherheit sorgen indem du Baust, dich mit anderen Spielern verb\u00fcndest oder dir Dinos als W\u00e4chter z\u00e4hmst. Der Tod ist permanent und du kannst andere Spieler sogar bewusstlos schlagen, fangen und ihnen Nahrung aufzwingen um sie deinem Willen zu beugen, ihnen Blut f\u00fcr eine eigene Transfusion abzuzapfen oder ihre F\u00e4kalien aufsammeln um diese zu D\u00fcnger zu verarbeiten. Oder du benutzt sie als Futter f\u00fcr deine fleischfressenden Freunde! \r\n\r\nERKUNDE UND ENTDECKE\r\n\r\nDie mysteri\u00f6se ARK ist eine beeindruckende und imposante Umgebung, bestehend aus nat\u00fcrlichen- und unnat\u00fcrlichen Strukturen \u00fcberhalb oder unterhalb der Erde und ebenso unterwasser. W\u00e4hrend du die Geheimnisse der Insel erkundest, wirst du viele, zuf\u00e4llig generierte Kreaturen und seltene Blaupausen finden. Auch kannst du Erkundungsnotizen finden, die dynamisch in das Spiel gebracht werden, geschrieben und wundersch\u00f6n verziert vor Jahrtausenden von vorherigen Einwohnern der ARK. Auf kreative Art stellen diese die Kreaturen und die Hintergrundgeschichte der ARK dar. Decke die gesamte Karte durch Erkundungen auf, markiere besonders interessante Punkte und baue dir einen Kompass oder ein GPS-System um das Erkunden mit anderen Spielern, mit denen du per Sprache, Text oder Langstrecken-Telefone kommunizieren kannst, zu vereinfachen. Baue und zeichne Schilder f\u00fcr andere Spieler um ihnen zu helfen oder sie vom Weg abzubringen... Dennoch... Wie wirst du die Sch\u00f6pfer herausfordern, um die ARK zu erobern? Ein definitives Eng-Game ist in Planung. \r\n\r\nRIESIGE WELTBEST\u00c4NDIGKEIT UND META-UNIVERSUM\r\n\r\nAuf den 100+ Spieler-Servern werden dein Charakter, deine Geb\u00e4ude und deine Hausdinos im Spiel bleiben, selbst wenn du das Spiel verl\u00e4sst. Du kannst deinen Charakter sogar im Netzwerk der ARK's verschieben, indem du zu einem Obelisk gehst und deine Daten in der Steam Economy hoch- oder herunterl\u00e4dst. Eine Galaxie voller ARK's, jede anders als die andere, wartet darauf, von dir erobert und ver\u00e4ndert zu werden, eine nach der anderen -- Spezielle, offizielle ARK's werden auf der Weltkarte f\u00fcr kurze Zeit und f\u00fcr spezielle Events enth\u00fcllt werden! \r\n\r\nSTABILER STEAM-WORKSHOP MOD-SUPPORT\r\n\r\nDu kannst alleine und lokal im Einzelspieler-Modus spielen und deinen Charakter und deine Items zwischen inoffiziellen, gehosteten Servern vor- und zur\u00fcck vom Einzel- zum Mehrspielermodus transferieren. Modifiziere das Spiel mit vollem Steam Workshop-Support und dem angepassten Unreal Engine 4 Editor. Finde heraus, wie wir unsere ARK mit unseren Karten und Werten als Beispiel erstellt haben. Hoste deinen eigenen Server und konfiguriere deine ARK pr\u00e4zise und an deine W\u00fcnsche angepasst. Wir sollen sehen, was du kreierst!\r\n\r\nBEEINDRUCKENDE GRAFIKEN DER N\u00c4CHSTEN GENERATION\r\n\r\nDie erstklassige, hyperreale Bilddarstellung der Kreaturen in ARK wird durch eine extrem angepasste Unreal Engine 4 erreicht, die dynamische Lichtverh\u00e4ltnisse, globale Beleuchtung, Wettersysteme (Regen, Nebel, Schnee, etc.) und eine lebensechte Wolkensimulation, dank der neuesten Rendertechnik von DirectX11 und DirectX12, m\u00f6glich macht. Die Musik stammt aus der Feder des preisgekr\u00f6nten Komponisten von \"Ori and the Blind Forest\", Gareth Coker!", + "short_description": "Stell dir vor, du strandest ohne Essen oder Kleidung auf einer geheimnisvollen Insel. Um zu \u00fcberleben, musst du jagen, Fr\u00fcchte anpflanzen und ernten, Gegenst\u00e4nde herstellen und dir einen Unterschlupf bauen. Mit etwas Geschick und List kannst du Dinosaurier und andere urzeitliche Kreaturen in ARK erlegen oder z\u00e4hmen, z\u00fcchten und reiten.", + "genres": "Aktion", + "recommendations": 489851, + "score": 8.637134883599215 + }, + { + "type": "game", + "name": "BrainBread 2", + "detailed_description": "CyberCon, the notorious global corporation, aspired to deliver to the world something that would change the fate of humanity. What the world wasn't ready for however. Was CyberCon's true intentions. Their schemes had been controversial to most before, but their newest idea seemed almost too perfect. A much sinister secret was about to be exposed. CyberCon's project involved the development of neuro-hub chips. They succeeded and became a phenomenon, later becoming a mandatory law to have them implanted at birth using state of the art surgery and cutting edge technology. . CyberCon were granted this permission from the government. The controversy was covered up and very little was known how it was done. The technology was seen by many around the world as a major breakthrough that could cure blindness, deafness, disease, and a huge boost in performance for modern day life. . It was further aiding as a gateway to easier communication and enhanced capabilities. This was the next milestone in human history. However, good things must always come to an end. . And CyberCon's true colors are yet to be revealed.Features5 Unique gamemodes. . Over 20 unique weapons, including akimbo weapons!. Extreme amounts of gore & gibbing, this is your lovely grindhouse-gore movie!. Over 100 unique skill combinations. . A global profile system/leveling system. . Play as a zombie, evolve as a zombie using your special zombie skill tree to your advantage!. Modding friendly, customize your own soundsets for any of the npcs, make your own player survivor models, make custom maps, share your creations via Workshop!. Character customization. . No pay to win!. Simple UI and HUD. . AI Soldiers, Tanks and Bandits/Mercenaries. . A powerful quest, objective & inventory system. . Playable on PC, Mac OSX, and Linux with multiplayer cross-compatibility. . Dedicated Server Support for PC and Linux. GamemodesStory. Focuses on story based gameplay, progress by doing specific quests or side-quests to increase your chance of survival!. . Objective. Focuses on small & simple objectives, this is a casual/chill gamemode based on the original BrainBread, if you want a pure BrainBread experience you can enable a server command to force it to vanilla BrainBread mode. In this mode you can also play as a zombie and as a human you can get infected. The zombie's objective is to prevent the humans from progressing, when you get a certain amount of kills you will be able to respawn as a human again, or if you die too many times. All of this can be regulated by the server owner. . Arena. This is a wave based gamemode, similar to 'Survival'. You have limited respawns and when you die you'll respawn after X amount of seconds. Everyone respawns at the same time, certain maps may allow certain amount of retries for a wave, if you fail too many times you have to do everything over again. This mode is very action-packed, you better be flexible. . Elimination. A Humans VS Zombies gamemode, first team to reach the fraglimit wins! In this mode you respawn individually, however if everyone on your team is dead your team will be 'Exterminated', which means the round is over. The opposite team gains a certain amount of points by exterminating the other team, this is an effective way to gain points but it is hard to achieve if there's many players. In this mode you'll also trigger a team perk if your team gets a certain amount of kills, your team will be blessed with some helpful skill for a certain amount of seconds. . Deathmatch. A PvP gamemode, solely for humans. Featuring classic old-school powerups, increased speed and flexibility! As well as an announcer which will try to salute you or make fun of you if you fail too much!.", + "about_the_game": "CyberCon, the notorious global corporation, aspired to deliver to the world something that would change the fate of humanity. What the world wasn't ready for however... Was CyberCon's true intentions. Their schemes had been controversial to most before, but their newest idea seemed almost too perfect.A much sinister secret was about to be exposed. CyberCon's project involved the development of neuro-hub chips. They succeeded and became a phenomenon, later becoming a mandatory law to have them implanted at birth using state of the art surgery and cutting edge technology.CyberCon were granted this permission from the government. The controversy was covered up and very little was known how it was done.The technology was seen by many around the world as a major breakthrough that could cure blindness, deafness, disease, and a huge boost in performance for modern day life.It was further aiding as a gateway to easier communication and enhanced capabilities. This was the next milestone in human history.However, good things must always come to an end.And CyberCon's true colors are yet to be revealed.Features5 Unique gamemodes.Over 20 unique weapons, including akimbo weapons!Extreme amounts of gore & gibbing, this is your lovely grindhouse-gore movie!Over 100 unique skill combinations.A global profile system/leveling system.Play as a zombie, evolve as a zombie using your special zombie skill tree to your advantage!Modding friendly, customize your own soundsets for any of the npcs, make your own player survivor models, make custom maps, share your creations via Workshop!Character customization.No pay to win!Simple UI and HUD.AI Soldiers, Tanks and Bandits/Mercenaries.A powerful quest, objective & inventory system.Playable on PC, Mac OSX, and Linux with multiplayer cross-compatibility. Dedicated Server Support for PC and Linux.GamemodesStoryFocuses on story based gameplay, progress by doing specific quests or side-quests to increase your chance of survival!ObjectiveFocuses on small & simple objectives, this is a casual/chill gamemode based on the original BrainBread, if you want a pure BrainBread experience you can enable a server command to force it to vanilla BrainBread mode. In this mode you can also play as a zombie and as a human you can get infected. The zombie's objective is to prevent the humans from progressing, when you get a certain amount of kills you will be able to respawn as a human again, or if you die too many times. All of this can be regulated by the server owner.ArenaThis is a wave based gamemode, similar to 'Survival'. You have limited respawns and when you die you'll respawn after X amount of seconds. Everyone respawns at the same time, certain maps may allow certain amount of retries for a wave, if you fail too many times you have to do everything over again. This mode is very action-packed, you better be flexible.EliminationA Humans VS Zombies gamemode, first team to reach the fraglimit wins! In this mode you respawn individually, however if everyone on your team is dead your team will be 'Exterminated', which means the round is over. The opposite team gains a certain amount of points by exterminating the other team, this is an effective way to gain points but it is hard to achieve if there's many players. In this mode you'll also trigger a team perk if your team gets a certain amount of kills, your team will be blessed with some helpful skill for a certain amount of seconds.DeathmatchA PvP gamemode, solely for humans. Featuring classic old-school powerups, increased speed and flexibility! As well as an announcer which will try to salute you or make fun of you if you fail too much!", + "short_description": "Grab a weapon, demolish your enemies, level up, become more powerful, let the gore flow, let the limbs fly. BrainBread 2 introduces a zombie fps mixed with RPG / Arcade elements, the game is very action-packed and generally fast-paced.", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "AdVenture Capitalist", + "detailed_description": "AdVenture Capitalist MerchandiseFind the latest AdVenture Capitalist Swag here: About the GameHey there Fancy Pants!. Have you ever found yourself queuing up for your favourite interactive adventure, only to wish for something to fill the empty space while you\u2019re waiting? Well have WE got a deal for you! . Introducing AdVenture Capitalist - the game you play while playing other, better games! . AdVenture Capitalist is the world\u2019s greatest capitalism simulator. Start with a humble lemonade stand, and squeeze your way to total fiscal domination! Earn ridiculous sums of cash, diversify your investments, and attract smarmy Angel Investors to give your businesses a boost!. And the best part is, AdVenture Capitalist can even play itself! Get your businesses booming, then hire a manager to keep making the dough while you\u2019re gone. Money keeps accumulating while you\u2019re offline, just waiting for you to come back and spend spend spend! IT\u2019s so easy, even a socialist could do it!. The Job Creator was within you all along. now show the rest of the world what you're made of! (Hint: it's money!). Start your rags to riches adventure - Only in AdVenture Capitalist!", + "about_the_game": "Hey there Fancy Pants!Have you ever found yourself queuing up for your favourite interactive adventure, only to wish for something to fill the empty space while you\u2019re waiting? Well have WE got a deal for you! Introducing AdVenture Capitalist - the game you play while playing other, better games! AdVenture Capitalist is the world\u2019s greatest capitalism simulator. Start with a humble lemonade stand, and squeeze your way to total fiscal domination! Earn ridiculous sums of cash, diversify your investments, and attract smarmy Angel Investors to give your businesses a boost!And the best part is, AdVenture Capitalist can even play itself! Get your businesses booming, then hire a manager to keep making the dough while you\u2019re gone. Money keeps accumulating while you\u2019re offline, just waiting for you to come back and spend spend spend! IT\u2019s so easy, even a socialist could do it!The Job Creator was within you all along... now show the rest of the world what you're made of! (Hint: it's money!)Start your rags to riches adventure - Only in AdVenture Capitalist!", + "short_description": "Welcome, eager young investor, to AdVenture Capitalist! Arguably the world's greatest Capitalism simulator!", + "genres": "Casual", + "recommendations": 514, + "score": 4.1163405491227785 + }, + { + "type": "game", + "name": "NARUTO SHIPPUDEN: Ultimate Ninja STORM 4", + "detailed_description": "More Naruto Games About the Game. The latest opus in the acclaimed STORM series is taking you on a colourful and breathtaking ride. Take advantage of the totally revamped battle system and prepare to dive into the most epic fights you\u2019ve ever seen in the NARUTO SHIPPUDEN: Ultimate Ninja STORM series!. . Prepare for the most awaited STORM game ever created!.", + "about_the_game": "The latest opus in the acclaimed STORM series is taking you on a colourful and breathtaking ride. Take advantage of the totally revamped battle system and prepare to dive into the most epic fights you\u2019ve ever seen in the NARUTO SHIPPUDEN: Ultimate Ninja STORM series!Prepare for the most awaited STORM game ever created!", + "short_description": "The latest opus in the acclaimed STORM series is taking you on a colourful and breathtaking ride. Take advantage of the totally revamped battle system and prepare to dive into the most epic fights you\u2019ve ever seen !", + "genres": "Action", + "recommendations": 62473, + "score": 7.2795482411606285 + }, + { + "type": "game", + "name": "Romero's Aftermath", + "detailed_description": "AFTERMATH END OF SERVICE NOTICEDear Players, . We began Aftermath as a passion project 2 years ago that aimed to expand the Infestation/WarZ zombie survival universe and give players not only a harsh open world survival experience, but also let players build their own bases, claim land and store items. We ultimately chose to make the game free-to-play from the beginning in order to allow any curious player to try it without having to plunk down hard earned cash given how questionable early access titles can sometimes be. This free to play model worked for quite some time due to word of mouth, almost 2 years in fact, however, with the population dwindling we fear that we cannot keep servers online for much longer. . Not long ago we made the decision to restrict new user registrations as well as halt the sale of in game currency to avoid potential disappointment from new players as the game had not been updated in the last 4 months. Unfortunately the economics of the game are not able to afford us the luxury of continued development and support for Aftermath. With sadness we\u2019ve made the difficult decision to close Aftermath. It wasn\u2019t an easy decision for us, as we\u2019ve been quite emotionally invested in Aftermath, but sometimes these kind of decisions have to made in order to move forward as a company. . We as a team would like to thank you for all of the support you have given us over the past 2 years and the fun experiences we were all able to share - be it fighting over supply drops, herding zombies for liberation events, collecting resources, crafting, building forts and more. About the GameSurvive against the odds in a giant sandbox MMO world featuring lush forests, dry desert plains, peaceful meadows and the eerie zombies that inhabit the world. . Scavenge for guns, supplies, survival items and crafting materials in various zones including cities, farms, military bases, abandoned outposts, forgotten rest stops and hundreds of small encampments left behind by survivors before you. . Build and protect your shelter, harvest crops, learn crafting blueprints and store your items on our server in your Global Inventory or hide them in a stash box in the world. . Be a civilian, a trader, a protector of peace, a ruthless bandit or combination of them all. Customize your character with hundreds of visual cosmetic items including Headwear, Facewear, Shirts, Jackets and Pants. Swap your cosmetic items at any time on the fly, unlock weapon skins and show everyone in a safezone that you know where to find the rare items. . THE FOLLOWING FEATURES ARE AVAILABLE RIGHT NOW :Gun Skins. Unlock permanent skins for your guns via special Cosmetic Crates that can be found in the world. These skins display to other players and can be changed at any time. Skins can also be traded if you already have the skin. There are even rare permanently skinned guns rumored to be available to those who hunt far and wide.Crafting. Fill in the gaps during your looting adventure by crafting useful things you couldn't find. Break down rubbish items in the world into their core crafting components and repurpose them into high end upgrades to your gear or fashion a new silencer for your gun. With over 40+ crafting recipes to be unlocked you'll find that almost anything you need can be crafted, provided you've found the right components. Loot or craft all the items a survivor would need in a zombie apocalypse as well as a few novelty and lethal crafting options that may be above and beyond the usual survival requirements. Craft shelter, weapons, attachments, armor, ammunition, medical supplies, food, purify water and set up traps for players or set up a nice peaceful garden to harvest.Town Liberation. You've looted the city and killed the zombies, but what should you do next? Liberate the town of course! Now players have the option to repair generators and fill them with gasoline from a nearby gas pump. Once all the generators are repaired and enough zombies have been killed then supply drops with epic loots will begin dropping all around the town! Beware though, other survivors will likely be wanting the supply drops as well. It is up to you to decide if you share the spoils.Supply Drops. Supply shipments containing large caches of weapons, ammo, medical supplies and rare guns have been spotted randomly on the map. Be lucky enough to find one of these alone and you'll walk away armed to the teeth with enough gear to arm your friends as well!Radio Tower Control. Disable zombie sense of smell, sight and sound for a short period of time in key areas to move unhindered and unnoticed by the local zombies. Find a radio transmission chip and insert it into the console at a functioning radio town in a town to take advantage of this new gameplay.Hundreds of Character Customizations variants. Customize your character at any time in game simply by opening the customization menu. Change out your hat, mask or scarf, upper body and legware to match your surroundings. Don't stick out like a sore thumb in the middle of the jungle with a desert camo outfit. Adapt your clothing to fit to your surroundings without taking up bagspace.Place-able Barricades. Find fortification in any situation with placeable barricades. Available both through looting as well as crafting - these essential placable barricades can be the difference between life and death by blocking damage and visibility between you and another survivor attempting to shoot you. With 7 different barricades to choose from you'll have one for every situation including cleverly placed barricades to enable access to an area not normally accessible.Base Building. Ever dreamed of owning a little piece of land overlooking your favorite location in a game? Now you can with our totally renovated base building system! Place down your statue to claim your land and build unhindered anywhere on the land that you own. Place defenses, harvestable crops, cooking racks, water wells, living quarters for your friends and your own personal storage locker! Owning a base has never been better!Grouping. Group with your friends or even make new friends with other players in game. You can't be back stabbed while in a group so feel free to team up with anyone! Beware they might lead you to some of their not so friendly \"friends\" but that's all part of the adventure. Take on challenges like the new Town Liberation's or raid an enemy base in style in all matching cosmetic outfits!Stat Tracking. We now make it easy for you to track your stats in game like time played as well as kills and deaths simply by typing /stats in game chat.Harvestable Crops. Live off the land and prosper by hiding gardens around the land for your own personal food stash or protect them inside your base. Once food has been harvested you can choose to eat it on the spot, cook it or use it in a crafting recipe to possibly get even better results.Variety of Guns. Want to play a game where you don't have all the best items the very first hour you play? We have variety of weapons to find right now. We have items ranging from crafted and assembled homebrew weapons as well as high grade factory weapons including rare collectors edition versions of guns and different tiers of weapons featuring different recoil, spread and damage ratios. The rarer the gun, the better the gun. Show off your guns and skins in a safezone or trade with other players!Melee Weapons. As much as everyone always wants to be armed to the teeth with the best assault rifle, everyone has to start somewhere and sometimes the best you've got is a kitchen knife. We've got you covered from simple household weapons to crafted makeshift weapons as well as heavier duty fire axes and maces that deal brutal damage but swing slow. We're sure you'll be able to find your niche weapon for beating off zombies.PVP Servers. Up the anty with a bit of extra excitement in your zombie apocalypse. Head into a PVP server where it's no holds barred item drop PVP and test your mettle against other survivors if you happen to cross paths. Town Liberations are enabled on PVP servers to add a bit more risk to the reward of open world \"anything goes\" pvp. Find unique solutions to player disputes on PVP servers not normally possible on PVE. Expect players to be ruthless.PVE Servers. Tired of always feeling like everyone is out to get you for all your precious items and every shadow and sound is terrifying? We understand that you might feel more like going on an adventure and turning up the ambiance without the constant fear of someone stalking you. PVE offers a more casual experience for players that just want to practice surviving and looting in the world without PVP combat.Totally new respawn system. Now featuring five new respawn options so players really have control over where they are in the world. Upon your unfortunate death you can now choose between proximity, sleeping bag, base, group or safezone now. This really helps players meet up with their friends across the map quicker by taking a quick and dirty respawn or allows you the convenience of being across the map and still returning back to your base in a pinch, provided you're okay with dying :)", + "about_the_game": "Survive against the odds in a giant sandbox MMO world featuring lush forests, dry desert plains, peaceful meadows and the eerie zombies that inhabit the world. Scavenge for guns, supplies, survival items and crafting materials in various zones including cities, farms, military bases, abandoned outposts, forgotten rest stops and hundreds of small encampments left behind by survivors before you. Build and protect your shelter, harvest crops, learn crafting blueprints and store your items on our server in your Global Inventory or hide them in a stash box in the world. Be a civilian, a trader, a protector of peace, a ruthless bandit or combination of them all. Customize your character with hundreds of visual cosmetic items including Headwear, Facewear, Shirts, Jackets and Pants. Swap your cosmetic items at any time on the fly, unlock weapon skins and show everyone in a safezone that you know where to find the rare items. THE FOLLOWING FEATURES ARE AVAILABLE RIGHT NOW :Gun SkinsUnlock permanent skins for your guns via special Cosmetic Crates that can be found in the world. These skins display to other players and can be changed at any time. Skins can also be traded if you already have the skin. There are even rare permanently skinned guns rumored to be available to those who hunt far and wide.CraftingFill in the gaps during your looting adventure by crafting useful things you couldn't find. Break down rubbish items in the world into their core crafting components and repurpose them into high end upgrades to your gear or fashion a new silencer for your gun. With over 40+ crafting recipes to be unlocked you'll find that almost anything you need can be crafted, provided you've found the right components. Loot or craft all the items a survivor would need in a zombie apocalypse as well as a few novelty and lethal crafting options that may be above and beyond the usual survival requirements. Craft shelter, weapons, attachments, armor, ammunition, medical supplies, food, purify water and set up traps for players or set up a nice peaceful garden to harvest.Town LiberationYou've looted the city and killed the zombies, but what should you do next? Liberate the town of course! Now players have the option to repair generators and fill them with gasoline from a nearby gas pump. Once all the generators are repaired and enough zombies have been killed then supply drops with epic loots will begin dropping all around the town! Beware though, other survivors will likely be wanting the supply drops as well. It is up to you to decide if you share the spoils.Supply DropsSupply shipments containing large caches of weapons, ammo, medical supplies and rare guns have been spotted randomly on the map. Be lucky enough to find one of these alone and you'll walk away armed to the teeth with enough gear to arm your friends as well!Radio Tower ControlDisable zombie sense of smell, sight and sound for a short period of time in key areas to move unhindered and unnoticed by the local zombies. Find a radio transmission chip and insert it into the console at a functioning radio town in a town to take advantage of this new gameplay.Hundreds of Character Customizations variantsCustomize your character at any time in game simply by opening the customization menu. Change out your hat, mask or scarf, upper body and legware to match your surroundings. Don't stick out like a sore thumb in the middle of the jungle with a desert camo outfit. Adapt your clothing to fit to your surroundings without taking up bagspace.Place-able BarricadesFind fortification in any situation with placeable barricades. Available both through looting as well as crafting - these essential placable barricades can be the difference between life and death by blocking damage and visibility between you and another survivor attempting to shoot you. With 7 different barricades to choose from you'll have one for every situation including cleverly placed barricades to enable access to an area not normally accessible.Base BuildingEver dreamed of owning a little piece of land overlooking your favorite location in a game? Now you can with our totally renovated base building system! Place down your statue to claim your land and build unhindered anywhere on the land that you own. Place defenses, harvestable crops, cooking racks, water wells, living quarters for your friends and your own personal storage locker! Owning a base has never been better!GroupingGroup with your friends or even make new friends with other players in game. You can't be back stabbed while in a group so feel free to team up with anyone! Beware they might lead you to some of their not so friendly \"friends\" but that's all part of the adventure. Take on challenges like the new Town Liberation's or raid an enemy base in style in all matching cosmetic outfits!Stat TrackingWe now make it easy for you to track your stats in game like time played as well as kills and deaths simply by typing /stats in game chat.Harvestable CropsLive off the land and prosper by hiding gardens around the land for your own personal food stash or protect them inside your base. Once food has been harvested you can choose to eat it on the spot, cook it or use it in a crafting recipe to possibly get even better results.Variety of GunsWant to play a game where you don't have all the best items the very first hour you play? We have variety of weapons to find right now. We have items ranging from crafted and assembled homebrew weapons as well as high grade factory weapons including rare collectors edition versions of guns and different tiers of weapons featuring different recoil, spread and damage ratios. The rarer the gun, the better the gun. Show off your guns and skins in a safezone or trade with other players!Melee WeaponsAs much as everyone always wants to be armed to the teeth with the best assault rifle, everyone has to start somewhere and sometimes the best you've got is a kitchen knife. We've got you covered from simple household weapons to crafted makeshift weapons as well as heavier duty fire axes and maces that deal brutal damage but swing slow. We're sure you'll be able to find your niche weapon for beating off zombies.PVP ServersUp the anty with a bit of extra excitement in your zombie apocalypse. Head into a PVP server where it's no holds barred item drop PVP and test your mettle against other survivors if you happen to cross paths. Town Liberations are enabled on PVP servers to add a bit more risk to the reward of open world \"anything goes\" pvp. Find unique solutions to player disputes on PVP servers not normally possible on PVE. Expect players to be ruthless.PVE ServersTired of always feeling like everyone is out to get you for all your precious items and every shadow and sound is terrifying? We understand that you might feel more like going on an adventure and turning up the ambiance without the constant fear of someone stalking you. PVE offers a more casual experience for players that just want to practice surviving and looting in the world without PVP combat.Totally new respawn systemNow featuring five new respawn options so players really have control over where they are in the world. Upon your unfortunate death you can now choose between proximity, sleeping bag, base, group or safezone now. This really helps players meet up with their friends across the map quicker by taking a quick and dirty respawn or allows you the convenience of being across the map and still returning back to your base in a pinch, provided you're okay with dying :)", + "short_description": "Play with your friends in a Zombie Infested World as you face the remnants of zombie hordes & rebuild society in a truly massive sandbox world. Choose how you want to play with hundreds of items, skins, weapons, character customizations, base building, crafting, zombies & more!", + "genres": "Violent", + "recommendations": 157, + "score": 3.337413228980364 + }, + { + "type": "game", + "name": "Sherlock Holmes: The Devil's Daughter", + "detailed_description": "Buzz About the Game. . Sherlock Holmes: The Devil\u2019s Daughter is a fantastic adventure with unique gameplay that blends investigation, action and exploration for an extraordinary experience that will test the limits of your nerves and intelligence. . Track down evil in the darkest corners of London and the human soul while playing as the great detective, as you untangle a web of intrigue leading to the final stunning revelation. . Each of your deductions and actions affects the rest of the story, for better or for worse\u2026. Play as Sherlock Holmes and use his extraordinary abilities to progress through the adventure. . Freely explore several of the city's neighbourhoods in search of clues and suspects. . Interrogations, combat, chases, infiltration\u2026 discover a game that is unlike any other!. .", + "about_the_game": "Sherlock Holmes: The Devil\u2019s Daughter is a fantastic adventure with unique gameplay that blends investigation, action and exploration for an extraordinary experience that will test the limits of your nerves and intelligence.Track down evil in the darkest corners of London and the human soul while playing as the great detective, as you untangle a web of intrigue leading to the final stunning revelation. Each of your deductions and actions affects the rest of the story, for better or for worse\u2026Play as Sherlock Holmes and use his extraordinary abilities to progress through the adventure.Freely explore several of the city's neighbourhoods in search of clues and suspects.Interrogations, combat, chases, infiltration\u2026 discover a game that is unlike any other!", + "short_description": "Experience a fantastic adventure with unique gameplay that blends investigation, action and exploration in a breath-taking thriller that will test the limits of your nerves and intelligence. Play as the great detective and track down evil in the darkest corners of London and the human soul\u2026", + "genres": "Action", + "recommendations": 10439, + "score": 6.100116424311116 + }, + { + "type": "game", + "name": "The Descendant", + "detailed_description": "THE DESCENDANT is a five part episodic adventure game series where the end of the world is only the start. . After climate change wrecked the planet, a man-made extinction event wiped humankind off the face of the Earth. Only a few thousand \u2018descendants of humanity\u2019 were hand-picked to survive the apocalypse, cryogenically suspended in underground bunkers known as Arks. . Centuries passed. The world recovered from the nuclear holocaust, and all the Arks reopened, except one \u2014 Ark-01. . Taking place across two timelines, in the past you'll play as Mia, a janitor tasked with keeping the precious descendants housed within Ark-01 alive while the facility continually fails around her, and in the present, you'll play as Donnie, one of the investigators trying to rescue any surviving descendants trapped within, all while discovering a far greater conspiracy buried within the underground Ark complex. . Every action and choice you make directly impacts who lives and who dies, leaving the fate of Ark-01, and mankind itself, in your hands. Will you save mankind? Or doom us all?Key featuresAn episodic adventure spreading across multiple story-rich timelines. Investigative gameplay, challenging puzzles, tense action sequences. Meaningful and difficult choices with branching dialogue. A tailored experience, full of tension and drama. Every player choice can influence the future of mankind.", + "about_the_game": "THE DESCENDANT is a five part episodic adventure game series where the end of the world is only the start. After climate change wrecked the planet, a man-made extinction event wiped humankind off the face of the Earth. Only a few thousand \u2018descendants of humanity\u2019 were hand-picked to survive the apocalypse, cryogenically suspended in underground bunkers known as Arks.Centuries passed. The world recovered from the nuclear holocaust, and all the Arks reopened, except one \u2014 Ark-01.Taking place across two timelines, in the past you'll play as Mia, a janitor tasked with keeping the precious descendants housed within Ark-01 alive while the facility continually fails around her, and in the present, you'll play as Donnie, one of the investigators trying to rescue any surviving descendants trapped within, all while discovering a far greater conspiracy buried within the underground Ark complex.Every action and choice you make directly impacts who lives and who dies, leaving the fate of Ark-01, and mankind itself, in your hands. Will you save mankind? Or doom us all?Key featuresAn episodic adventure spreading across multiple story-rich timelinesInvestigative gameplay, challenging puzzles, tense action sequencesMeaningful and difficult choices with branching dialogueA tailored experience, full of tension and dramaEvery player choice can influence the future of mankind", + "short_description": "In THE DESCENDANT, the end of the world is only the start. With what remains of humanity protected in underground Ark facilities, your mission is to keep survivors alive, while discovering a far greater conspiracy buried within Ark-01.", + "genres": "Adventure", + "recommendations": 508, + "score": 4.108615112145658 + }, + { + "type": "game", + "name": "Codename CURE", + "detailed_description": "WorkshopCURE now includes Steam Workshop support. About the GameCodename CURE is a first person, co-operative zombie game with support for up to five players, providing dynamic, fast-paced zombie fragging with both objective, and survival-based missions. In objective mode play as a team of special military operatives, tasked with \u201ccuring\u201d infected areas of a post-apocalyptic world, by planting controlled explosives before pulling a short sharp exit. Pick your speciality out of five player classes: Pointman, Support, Assault, Technician and Sniper, using each ones unique play style and equipment to support your team, and successfully complete each mission. Survival mode is a wave based no-win scenario, test your skills with the odds increasingly stacked against you. Resupply in-between waves with a dynamic selection of weapons and equipment for your best chance to survive until the next round. CURE can be played both on and offline, with or without computer controlled team mates. The game sports a variety of difficulty options which adapt dynamically with the number of players.", + "about_the_game": "Codename CURE is a first person, co-operative zombie game with support for up to five players, providing dynamic, fast-paced zombie fragging with both objective, and survival-based missions.\r\n\r\nIn objective mode play as a team of special military operatives, tasked with \u201ccuring\u201d infected areas of a post-apocalyptic world, by planting controlled explosives before pulling a short sharp exit. Pick your speciality out of five player classes: Pointman, Support, Assault, Technician and Sniper, using each ones unique play style and equipment to support your team, and successfully complete each mission.\r\n\r\nSurvival mode is a wave based no-win scenario, test your skills with the odds increasingly stacked against you. Resupply in-between waves with a dynamic selection of weapons and equipment for your best chance to survive until the next round.\r\n\r\nCURE can be played both on and offline, with or without computer controlled team mates. The game sports a variety of difficulty options which adapt dynamically with the number of players.", + "short_description": "Codename CURE is a first person, co-operative zombie game with support for up to five players, providing dynamic, fast-paced zombie fragging with both objective, and survival-based missions.", + "genres": "Action", + "recommendations": 298, + "score": 3.7579019591292755 + }, + { + "type": "game", + "name": "Survarium", + "detailed_description": "New DLC AvailableGet your new Vepr 'Molot' Pack featuring a tier 4 premium weapon!. New DLC AvailableMade for fans of long-range fights: get your exclusive Survarium - Steam Sniper Pack now!. New DLC AvailableA new Steam-exclusive Survarium - Shotgun Pack is available now!. About the GameJoin SURVARIUM Beta Now and Start Playing For Free!. FIGHT IN DIFFERENT GAME MODES!. Survarium offers several game modes. Some are familiar to all shooter fans, some are more unique. Fight in a squad or solo: the higher the risk, the higher the reward!. SURVIVE IN ANOMALIES!. There are many strange places in the world of Survarium where death awaits you around every corner. But you can find valuable artifacts there, which make you stronger. . GATHER ARTIFACTS!. In anomalies you will find various artifacts with unique properties giving you passive and active bonuses. Use the artifacts to turn the tide of battle!. LEVEL UP YOUR CHARACTER!. Gain experience in battle and unlock new skills. You can improve physical abilities, shooting skills, increase protection from the anomalies and more!.", + "about_the_game": "Join SURVARIUM Beta Now and Start Playing For Free!FIGHT IN DIFFERENT GAME MODES! Survarium offers several game modes. Some are familiar to all shooter fans, some are more unique. Fight in a squad or solo: the higher the risk, the higher the reward!SURVIVE IN ANOMALIES! There are many strange places in the world of Survarium where death awaits you around every corner. But you can find valuable artifacts there, which make you stronger.GATHER ARTIFACTS! In anomalies you will find various artifacts with unique properties giving you passive and active bonuses. Use the artifacts to turn the tide of battle!LEVEL UP YOUR CHARACTER! Gain experience in battle and unlock new skills. You can improve physical abilities, shooting skills, increase protection from the anomalies and more!", + "short_description": "Survarium is a post-apocalyptic online FPS game. If you are looking for a shooter where skills matter, look no further! The opposing players and deadly anomalies will never stop you on the way to victory, right? Then start playing now for free!", + "genres": "Action", + "recommendations": 366, + "score": 3.892990180932822 + }, + { + "type": "game", + "name": "Middle-earth\u2122: Shadow of War\u2122", + "detailed_description": "Go behind enemy lines to forge your army, conquer Fortresses and dominate Mordor from within. Experience how the award winning Nemesis System creates unique personal stories with every enemy and follower, and confront the full power of the Dark Lord Sauron and his Ringwraiths in this epic new story of Middle-earth. . In Middle-earth\u2122: Shadow of War\u2122, nothing will be forgotten.", + "about_the_game": "Go behind enemy lines to forge your army, conquer Fortresses and dominate Mordor from within. Experience how the award winning Nemesis System creates unique personal stories with every enemy and follower, and confront the full power of the Dark Lord Sauron and his Ringwraiths in this epic new story of Middle-earth. \r\n\r\nIn Middle-earth\u2122: Shadow of War\u2122, nothing will be forgotten.", + "short_description": "Experience an epic open-world brought to life by the award-winning Nemesis System. Forge a new Ring of Power, conquer Fortresses in massive battles and dominate Mordor with your personal orc army in Middle-earth\u2122: Shadow of War\u2122.", + "genres": "Action", + "recommendations": 66734, + "score": 7.323043614999896 + }, + { + "type": "game", + "name": "Spooky's Jump Scare Mansion", + "detailed_description": "Can you survive 1000 rooms of cute terror? Or will you break once the cuteness starts to fade off and you're running for your life from the unspeakable hideous beings that shake and writhe in bowels of this house? They wait for you, they wait and hunger for meeting you. They long to finally meet you and show you how flexible your skin can be after it has soaked in blood. Will you brave this journey, will you set to beat the impossible, the insane, and the incorporeal?", + "about_the_game": "Can you survive 1000 rooms of cute terror? Or will you break once the cuteness starts to fade off and you're running for your life from the unspeakable hideous beings that shake and writhe in bowels of this house? They wait for you, they wait and hunger for meeting you. They long to finally meet you and show you how flexible your skin can be after it has soaked in blood. Will you brave this journey, will you set to beat the impossible, the insane, and the incorporeal?", + "short_description": "Can you survive 1000 rooms of cute terror? Or will you break once the cuteness starts to fade off and you're running for your life from the unspeakable hideous beings that shake and writhe in bowels of this house? They wait for you, they wait and hunger for meeting you.", + "genres": "Action", + "recommendations": 150, + "score": 3.3075401037698167 + }, + { + "type": "game", + "name": "Elite Dangerous", + "detailed_description": "Elite Dangerous: Commander Premium Edition. Disembark, Commander, and leave your mark on the galaxy in Elite Dangerous: Odyssey. Explore distant worlds on foot and expand the frontier of known space. . Elite Dangerous: Commander Premium Edition contains Elite Dangerous, the Elite Dangerous: Odyssey expansion, and the Elite Dangerous: Odyssey OST. About the GameElite Dangerous is the definitive massively multiplayer space epic, bringing gaming\u2019s original open world adventure to the modern generation with a connected galaxy, evolving narrative and the entirety of the Milky Way re-created at its full galactic proportions. . Starting with only a small starship and a few credits, players do whatever it takes to earn the skill, knowledge, wealth and power to survive in a futuristic cutthroat galaxy and to stand among the ranks of the iconic Elite. In an age of galactic superpowers and interstellar war, every player\u2019s story influences the unique connected gaming experience and handcrafted evolving narrative. Governments fall, battles are lost and won, and humanity\u2019s frontier is reshaped, all by players\u2019 actions.Horizons Season Now Included!Experience a whole new angle on the galaxy with the Horizons season, now included in Elite Dangerous. Journey from the stars to the surfaces of strange worlds, hit the ground running in the Scarab Surface Recon Vehicle, craft weapons, deploy ship-launched fighters and experience exhilarating multicrew co-op action. . A Galaxy Of WondersThe 400 billion star systems of the Milky Way are the stage for Elite Dangerous' open-ended gameplay. The real stars, planets, moons, asteroid fields and black holes of our own galaxy are built to their true epic proportions in the largest designed playspace in videogame history.A Unique Connected Game ExperienceGovernments fall, battles are lost and won, and humanity\u2019s frontier is reshaped, all by players\u2019 actions. In an age of galactic superpowers and interstellar war, every player\u2019s personal story influences the connected galaxy and handcrafted, evolving narrative. . Blaze Your Own TrailUpgrade your ship and customize every component as you hunt, explore, fight, mine, smuggle, trade and survive in the cutthroat galaxy of the year 3301. Do whatever it takes to earn the skill, knowledge, wealth and power to stand among the ranks of the Elite.Massively MultiplayerExperience unpredictable encounters with players from around the world in Elite Dangerous\u2019 vast, massively multiplayer space. Experience the connected galaxy alone in Solo mode or with players across the world in Open Play, where every pilot you face could become a trusted ally or your deadliest enemy. You will need to register a free Elite Dangerous account with Frontier to play the game. . A Living GameElite Dangerous grows and expands with new features and content. Major updates react to the way players want to play and create new gameplay opportunities for the hundreds of thousands of players cooperating, competing and exploring together in the connected galaxy.The Original Open World AdventureElite Dangerous is the third sequel to 1984's genre-defining Elite, bringing gaming\u2019s original open world adventure into the modern generation with a connected galaxy, evolving narrative and the entire Milky Way recreated at its full galactic proportions.", + "about_the_game": "Elite Dangerous is the definitive massively multiplayer space epic, bringing gaming\u2019s original open world adventure to the modern generation with a connected galaxy, evolving narrative and the entirety of the Milky Way re-created at its full galactic proportions.Starting with only a small starship and a few credits, players do whatever it takes to earn the skill, knowledge, wealth and power to survive in a futuristic cutthroat galaxy and to stand among the ranks of the iconic Elite. In an age of galactic superpowers and interstellar war, every player\u2019s story influences the unique connected gaming experience and handcrafted evolving narrative. Governments fall, battles are lost and won, and humanity\u2019s frontier is reshaped, all by players\u2019 actions.Horizons Season Now Included!Experience a whole new angle on the galaxy with the Horizons season, now included in Elite Dangerous. Journey from the stars to the surfaces of strange worlds, hit the ground running in the Scarab Surface Recon Vehicle, craft weapons, deploy ship-launched fighters and experience exhilarating multicrew co-op action.A Galaxy Of WondersThe 400 billion star systems of the Milky Way are the stage for Elite Dangerous' open-ended gameplay. The real stars, planets, moons, asteroid fields and black holes of our own galaxy are built to their true epic proportions in the largest designed playspace in videogame history.A Unique Connected Game ExperienceGovernments fall, battles are lost and won, and humanity\u2019s frontier is reshaped, all by players\u2019 actions. In an age of galactic superpowers and interstellar war, every player\u2019s personal story influences the connected galaxy and handcrafted, evolving narrative.Blaze Your Own TrailUpgrade your ship and customize every component as you hunt, explore, fight, mine, smuggle, trade and survive in the cutthroat galaxy of the year 3301. Do whatever it takes to earn the skill, knowledge, wealth and power to stand among the ranks of the Elite.Massively MultiplayerExperience unpredictable encounters with players from around the world in Elite Dangerous\u2019 vast, massively multiplayer space. Experience the connected galaxy alone in Solo mode or with players across the world in Open Play, where every pilot you face could become a trusted ally or your deadliest enemy. You will need to register a free Elite Dangerous account with Frontier to play the game.A Living GameElite Dangerous grows and expands with new features and content. Major updates react to the way players want to play and create new gameplay opportunities for the hundreds of thousands of players cooperating, competing and exploring together in the connected galaxy.The Original Open World AdventureElite Dangerous is the third sequel to 1984's genre-defining Elite, bringing gaming\u2019s original open world adventure into the modern generation with a connected galaxy, evolving narrative and the entire Milky Way recreated at its full galactic proportions.", + "short_description": "Take control of your own starship in a cutthroat galaxy. Elite Dangerous is the definitive massively multiplayer space epic.", + "genres": "Action", + "recommendations": 68254, + "score": 7.337890219392992 + }, + { + "type": "game", + "name": "Tom Clancy's Rainbow Six\u00ae Siege", + "detailed_description": "Edition Comparison. Deluxe Edition. The Tom Clancy's Rainbow Six\u00ae Siege Deluxe Edition includes the full game and 16 operators from Years 1 and 2. Operator Edition. The Tom Clancy's Rainbow Six\u00ae Siege Operator Edition includes the full game and all 46 operators from Years 1\u20137. Ultimate Edition. The Tom Clancy's Rainbow Six\u00ae Siege Ultimate Edition includes the full game, all 46 operators from Years 1\u20137, and more. Technical Test Server. This is the Technical Test Server client for Tom Clancy's Rainbow Six Siege. This platform will be used to test new features in a controlled environment that allows the development team to iterate without impacting the live game. . o Please note : . - The T.T.S. client is built off of several different builds at various stages of development, and may not represent the overall quality of the game. - Features seen on the T.T.S. might never make it in the final game: various components are still in conceptual stages and might be discarded throughout the development process. Certain ideas that were postponed or cancelled might also be found in the T.T.S. as a result. - You need to own a version of the game (Standard, Gold, Complete or Starter Edition) to unlock this product. - The TTS will only function during specific timeframes. About the Game\u201cOne of the best first-person shooters ever made. 10\\10\u201d \u2013 GameSpot. Tom Clancy's Rainbow Six\u00ae Siege is an elite, realistic, tactical team-based shooter where superior planning and execution triumph. It features 5v5 attack vs. defense gameplay and intense close-quarters combat in destructible environments. . Engage in a brand-new style of assault using an unrivaled level of destruction and gadgetry. On defense, coordinate with your team to transform your environments into strongholds. Trap, fortify and create defensive systems to prevent being breached by the enemy. On attack, lead your team through narrow corridors, barricaded doorways and reinforced walls. Combine tactical maps, observation drones, rappelling and more to plan, attack and defuse every situation. . Choose from dozens of highly trained, Special Forces operators from around the world. Deploy the latest technology to track enemy movement. Shatter walls to open new lines of fire. Breach ceilings and floors to create new access points. Employ every weapon and gadget from your deadly arsenal to locate, manipulate and destroy your enemies and the environment around them. . Experience new strategies and tactics as Rainbow Six Siege evolves over time. Change the rules of Siege with every update that includes new operators, weapons, gadgets and maps. Evolve alongside the ever-changing landscape with your friends and become the most experienced and dangerous operators out there. . Compete against others from around the world in ranked match play. Grab your best squad and join the competitive community in weekly tournaments or watch the best professional teams battle it out in the Rainbow Six Siege Pro League.", + "about_the_game": "\u201cOne of the best first-person shooters ever made. 10\\10\u201d \u2013 GameSpotTom Clancy's Rainbow Six\u00ae Siege is an elite, realistic, tactical team-based shooter where superior planning and execution triumph. It features 5v5 attack vs. defense gameplay and intense close-quarters combat in destructible environments.Engage in a brand-new style of assault using an unrivaled level of destruction and gadgetry. On defense, coordinate with your team to transform your environments into strongholds. Trap, fortify and create defensive systems to prevent being breached by the enemy.On attack, lead your team through narrow corridors, barricaded doorways and reinforced walls. Combine tactical maps, observation drones, rappelling and more to plan, attack and defuse every situation.Choose from dozens of highly trained, Special Forces operators from around the world. Deploy the latest technology to track enemy movement. Shatter walls to open new lines of fire. Breach ceilings and floors to create new access points. Employ every weapon and gadget from your deadly arsenal to locate, manipulate and destroy your enemies and the environment around them.Experience new strategies and tactics as Rainbow Six Siege evolves over time. Change the rules of Siege with every update that includes new operators, weapons, gadgets and maps. Evolve alongside the ever-changing landscape with your friends and become the most experienced and dangerous operators out there.Compete against others from around the world in ranked match play. Grab your best squad and join the competitive community in weekly tournaments or watch the best professional teams battle it out in the Rainbow Six Siege Pro League.", + "short_description": "Tom Clancy's Rainbow Six\u00ae Siege is an elite, tactical team-based shooter where superior planning and execution triumph.", + "genres": "Action", + "recommendations": 978278, + "score": 9.093118560684125 + }, + { + "type": "game", + "name": "Mafia III: Definitive Edition", + "detailed_description": "Mafia: Trilogy - Complete Your Collection. Includes main games and DLC releases. . Mafia: Definitive Edition. Re-made from the ground up, rise through the ranks of the mafia during the Prohibition-era. After an inadvertent brush with the mob, Tommy Angelo is reluctantly thrust into the world of organized crime. Initially uneasy about falling in with the Salieri family, the rewards become too big to ignore. . Mafia II: Definitive Edition. Remastered in HD, live the life of a gangster during the Golden-era of organized crime. War hero Vito Scaletta becomes entangled with the mob in hopes of paying his father\u2019s debts. Alongside his buddy Joe, Vito works to prove himself, climbing the family ladder with crimes of larger reward, status and consequence. . Mafia III: Definitive Edition. After years of combat in Vietnam, Lincoln Clay\u2019s surrogate family, the black mob, is betrayed and killed by the Italian Mafia. Lincoln builds a new family on the ashes of the old, blazing a path of revenge through the Mafioso responsible. About the GameMafia III: Definitive Edition includes the main game, all Story DLC (Faster, Baby!, Stones Unturned, Sign of the Times) and Bonus Packs (Family Kick-Back Pack and Judge, Jury & Executioner Weapons Pack) bundled in one place for the first time. . Part three of the Mafia crime saga - 1968, New Bordeaux, LA. After years of combat in Vietnam, Lincoln Clay knows this truth: family isn\u2019t who you\u2019re born with, it\u2019s who you die for. When his surrogate family is wiped out by the Italian Mafia, Lincoln builds a new family and blazes a path of revenge through the Mafioso responsible.NEW BORDEAUX, LA: A vast world ruled by the mob and detailed with the sights and sounds of the eraA LETHAL ANTI-HERO:Be Lincoln Clay, orphan and Vietnam veteran hell bent on revenge for the deaths of his surrogate familyREVENGE YOUR WAY:Choose your own play-style; brute force, blazing guns or stalk-and-kill tactics, to tear down the MafiaA NEW FAMILY ON THE ASHES OF THE OLD: Build a new criminal empire your way by deciding which lieutenants you reward, and which you betrayOwn Mafia III:Definitive Edition to unlock Lincoln\u2019s Army Jacket and Car in both Mafia and Mafia II Definitive Editions", + "about_the_game": "Mafia III: Definitive Edition includes the main game, all Story DLC (Faster, Baby!, Stones Unturned, Sign of the Times) and Bonus Packs (Family Kick-Back Pack and Judge, Jury & Executioner Weapons Pack) bundled in one place for the first time.Part three of the Mafia crime saga - 1968, New Bordeaux, LA.After years of combat in Vietnam, Lincoln Clay knows this truth: family isn\u2019t who you\u2019re born with, it\u2019s who you die for. When his surrogate family is wiped out by the Italian Mafia, Lincoln builds a new family and blazes a path of revenge through the Mafioso responsible.NEW BORDEAUX, LA: A vast world ruled by the mob and detailed with the sights and sounds of the eraA LETHAL ANTI-HERO:Be Lincoln Clay, orphan and Vietnam veteran hell bent on revenge for the deaths of his surrogate familyREVENGE YOUR WAY:Choose your own play-style; brute force, blazing guns or stalk-and-kill tactics, to tear down the MafiaA NEW FAMILY ON THE ASHES OF THE OLD: Build a new criminal empire your way by deciding which lieutenants you reward, and which you betrayOwn Mafia III:Definitive Edition to unlock Lincoln\u2019s Army Jacket and Car in both Mafia and Mafia II Definitive Editions", + "short_description": "After Lincoln Clay's surrogate family, the black mob, is betrayed and killed by the Italian Mafia, Lincoln builds a new family and blazes a path of revenge through the Mafioso responsible.", + "genres": "Action", + "recommendations": 27413, + "score": 6.736542916882047 + }, + { + "type": "game", + "name": "ASTRONEER", + "detailed_description": "Explore and reshape distant worlds! Astroneer is set during the 25th century Intergalactic Age of Discovery, where Astroneers explore the frontiers of outer space, risking their lives in harsh environments to unearth rare discoveries and unlock the mysteries of the universe. . In this space sandbox adventure, players can work together to build custom bases above or below ground, create vehicles to explore a vast solar system, and use terrain to create anything they can imagine. A player\u2019s creativity and ingenuity are the key to thriving on exciting planetary adventures! In Astroneer you can:Reshape the ground under your feet as though it were made of clay. In Astroneer, players use their deform tool to dig, collect, shape and build anything they wish. Use this ability to dig to the center of the planet, build a ramp into the sky, or make megaliths just by using terrain!Survive on and explore carefully crafted planets that can be entirely deformed and traversed. Our vast solar system includes 7 wondrous planets that players can travel between and explore every inch of, from the entire spherical surface, through treacherous layers of caves, all the way down to the mysterious core. Each of those planets has unique and challenging surface and cave biomes that offer a multitude of challenges for players on their journey.Snap together components and objects to build bases and vehicles. Items that Astroneers craft and find in the world can all be snapped and connected together to create unique creations for any situation. Customize and decorate your bases, vehicles, and Astroneer.Play with friends in 4 player online drop-in/drop-out co-op. Astroneer is better with friends. Group up with other players and work together to create massive industrial bases or to create fun games in the extensive creative sandbox.Discover and uncover the mysteries of the solar system. Once Astroneers are ready, they may choose to attempt to understand and possibly harness the power behind mysterious structures found in the world. . Astroneer began as an Early Access title on Steam and would not be here today if not for your support, feedback, and ideas throughout that process. Now that we have delivered our 1.0 version, we want to reiterate our pledge to continue building on the foundation that is Astroneer with free, ongoing content updates. If you're curious about the direction we're aiming for, be sure to go check out our roadmap and our development vlogs to keep updated on what we are working on!", + "about_the_game": "Explore and reshape distant worlds! Astroneer is set during the 25th century Intergalactic Age of Discovery, where Astroneers explore the frontiers of outer space, risking their lives in harsh environments to unearth rare discoveries and unlock the mysteries of the universe.In this space sandbox adventure, players can work together to build custom bases above or below ground, create vehicles to explore a vast solar system, and use terrain to create anything they can imagine. A player\u2019s creativity and ingenuity are the key to thriving on exciting planetary adventures! In Astroneer you can:Reshape the ground under your feet as though it were made of clay.In Astroneer, players use their deform tool to dig, collect, shape and build anything they wish. Use this ability to dig to the center of the planet, build a ramp into the sky, or make megaliths just by using terrain!Survive on and explore carefully crafted planets that can be entirely deformed and traversed.Our vast solar system includes 7 wondrous planets that players can travel between and explore every inch of, from the entire spherical surface, through treacherous layers of caves, all the way down to the mysterious core. Each of those planets has unique and challenging surface and cave biomes that offer a multitude of challenges for players on their journey.Snap together components and objects to build bases and vehicles.Items that Astroneers craft and find in the world can all be snapped and connected together to create unique creations for any situation. Customize and decorate your bases, vehicles, and Astroneer.Play with friends in 4 player online drop-in/drop-out co-op. Astroneer is better with friends. Group up with other players and work together to create massive industrial bases or to create fun games in the extensive creative sandbox.Discover and uncover the mysteries of the solar system. Once Astroneers are ready, they may choose to attempt to understand and possibly harness the power behind mysterious structures found in the world.Astroneer began as an Early Access title on Steam and would not be here today if not for your support, feedback, and ideas throughout that process. Now that we have delivered our 1.0 version, we want to reiterate our pledge to continue building on the foundation that is Astroneer with free, ongoing content updates. If you're curious about the direction we're aiming for, be sure to go check out our roadmap and our development vlogs to keep updated on what we are working on!", + "short_description": "A game of aerospace industry and interplanetary exploration.", + "genres": "Adventure", + "recommendations": 93687, + "score": 7.546681082492941 + }, + { + "type": "game", + "name": "Black Mesa", + "detailed_description": "Join Our Community. About the GameRelive Half-LifeBlack Mesa is the fan-made reimagining of Valve Software\u2019s Half-Life. Black Mesa: Definitive EditionUpdate 1.5 brings together all the improvements to graphics and gameplay across 15 years of development to create the final version of Black Mesa. There has never been a better time to pick up the crowbar and play!. Single Player CampaignYou are Gordon Freeman, a theoretical physicist at the Black Mesa Research Facility. When a routine experiment goes horribly wrong, you must fight your way through an interdimensional alien invasion, and a bloodthirsty military clean-up crew in order to save the science team. and the world!. FeaturesA completely reimagined and refined single player campaign, including all new and expanded Xen levels. 19 chapters of fighting through top-secret labs, running atop harsh desert landscapes, sneaking into abandoned railways, and leaping across dimensions. Mind-Blowing graphics and effects, never before seen on the Source Engine. Face off against an army of classic enemies, updated with new features and engaging AI. Wield an arsenal of military hardware, scientific prototypes, and the iconic crowbar through incredibly detailed environments. The all-new soundtrack and voice acting create a more immersive experience than ever before. 50 Fun and challenging achievements. MultiplayerFrag your friends across 10 iconic maps from the Half-Life universe, including:. Bounce. Gasworks. Stalkyard. Undertow. Crossfire. WorkshopCreate your own mods, models, and maps with the Black Mesa Source SDK, then share it with the community on the Steam Workshop. SteamworksCollect the full set of trading cards, backgrounds, emoticons, and achievements! Featuring Steam Cloud, Steam Workshop, closed captions in multiple languages and full controller support. .", + "about_the_game": "Relive Half-LifeBlack Mesa is the fan-made reimagining of Valve Software\u2019s Half-Life.Black Mesa: Definitive EditionUpdate 1.5 brings together all the improvements to graphics and gameplay across 15 years of development to create the final version of Black Mesa. There has never been a better time to pick up the crowbar and play!Single Player CampaignYou are Gordon Freeman, a theoretical physicist at the Black Mesa Research Facility. When a routine experiment goes horribly wrong, you must fight your way through an interdimensional alien invasion, and a bloodthirsty military clean-up crew in order to save the science team... and the world!FeaturesA completely reimagined and refined single player campaign, including all new and expanded Xen levels19 chapters of fighting through top-secret labs, running atop harsh desert landscapes, sneaking into abandoned railways, and leaping across dimensionsMind-Blowing graphics and effects, never before seen on the Source EngineFace off against an army of classic enemies, updated with new features and engaging AIWield an arsenal of military hardware, scientific prototypes, and the iconic crowbar through incredibly detailed environmentsThe all-new soundtrack and voice acting create a more immersive experience than ever before50 Fun and challenging achievementsMultiplayerFrag your friends across 10 iconic maps from the Half-Life universe, including:BounceGasworksStalkyardUndertowCrossfireWorkshopCreate your own mods, models, and maps with the Black Mesa Source SDK, then share it with the community on the Steam Workshop.SteamworksCollect the full set of trading cards, backgrounds, emoticons, and achievements! Featuring Steam Cloud, Steam Workshop, closed captions in multiple languages and full controller support.", + "short_description": "Relive Half-Life.", + "genres": "Action", + "recommendations": 92466, + "score": 7.5380331164333985 + }, + { + "type": "game", + "name": "Clicker Heroes", + "detailed_description": "Try our other games About the Game. Ever wondered what one quadrillion damage per second feels like? Wonder no more! Embark on your quest to attain it today! . Start out by clicking on the monster to kill them, and get their gold. Spend that gold on hiring new heroes and get more damage. The more damage you deal, the more gold you will get. Feel the power as you grow exponentially and become the greatest ever! . . . Hire 35 unique heroes to help you do damage without having to click! Meet legendary figures from myth and legend, such as Athena, Amenhotep, King Midas, and more! They will all lend their sword to your cause, for a cost. . These guys' damage per second makes your MMO characters look like kindergarteners. Spend your hard-earned loot on upgrading them to gain special powers to aid you in getting even more gold! . . . Click your way to defeat powerful monsters. Fight over 100 different monsters, all beautifully drawn and animated. . Watch out for the bosses!. . . Need to do the laundry? Give the puppy a shower? No worries! Your heroes will farm monsters and automatically collect the gold while you're gone, even when the game is closed. But don't forget to come back and spend all that sweet gold on new heroes and upgrades!", + "about_the_game": "Ever wondered what one quadrillion damage per second feels like? Wonder no more! Embark on your quest to attain it today! Start out by clicking on the monster to kill them, and get their gold. Spend that gold on hiring new heroes and get more damage. The more damage you deal, the more gold you will get. Feel the power as you grow exponentially and become the greatest ever! Hire 35 unique heroes to help you do damage without having to click! Meet legendary figures from myth and legend, such as Athena, Amenhotep, King Midas, and more! They will all lend their sword to your cause, for a cost. These guys' damage per second makes your MMO characters look like kindergarteners. Spend your hard-earned loot on upgrading them to gain special powers to aid you in getting even more gold! Click your way to defeat powerful monsters. Fight over 100 different monsters, all beautifully drawn and animated.Watch out for the bosses!Need to do the laundry? Give the puppy a shower? No worries! Your heroes will farm monsters and automatically collect the gold while you're gone, even when the game is closed. But don't forget to come back and spend all that sweet gold on new heroes and upgrades!", + "short_description": "Ever wondered what one quadrillion damage per second feels like? Wonder no more! Embark on your quest to attain it today!", + "genres": "Adventure", + "recommendations": 780, + "score": 4.390849252740226 + }, + { + "type": "game", + "name": "Total War: WARHAMMER", + "detailed_description": "New DLC AvailableMortal Empires is a new grand-scale campaign set across the vast combined landmasses of both the Old World and the New World, enabling you to play as all Races from both games and any owned DLC. This content is free for owners of both Total War: WARHAMMER and Total War: WARHAMMER II. About the GameTotal War: WARHAMMER. The Old World echoes to the clamour of ceaseless battle. The only constant is WAR!. A fantasy strategy game of legendary proportions, Total War: WARHAMMER combines an addictive turn-based campaign of epic empire-building with explosive, colossal, real-time battles. All set in the vivid and incredible world of Warhammer Fantasy Battles. . Command five wholly different races: Bretonnia, the Empire, the Dwarfs, the Vampire Counts and the Greenskins, each with their own unique characters, battlefield units and play style. . Lead your forces to war with powerful Legendary Lords from the Warhammer Fantasy Battles World, arming them with fabled weapons, armour and deadly battle magic; hard-won in individual quest chains. . For the first time in a Total War game, harness storms of magical power to aid you in battle and take to the skies with flying creatures, from ferocious dragons and wyverns to gigantic griffons. . Additional Free Content Total War: WARHAMMER launched to critical acclaim in May 2016. Since then, a wealth of free content has been added, including the recent addition of Bretonnia as the fifth playable race in the Old World. . As well as this additional race, the rich world of Total War: WARHAMMER has been expanded since release with the inclusion of four new Legendary Lords, brand new units, new Lores of Magic and over 30 bespoke maps for single and multiplayer battle. These updates are available for free to all new and existing players. . Hundreds of hours of gameplay await you at the dawn of a new era. Total War: WARHAMMER brings to life a world of legendary heroes, towering monsters, flying creatures, storms of magical power and regiments of nightmarish warriors.Lead Extraordinary RacesThe Chivalrous knights of Bretonnia, the valiant men of the Empire, the vengeful Dwarfs, the murderous Vampire Counts and the brutal Orcs and Goblins of the Greenskin tribes. Each Race is wholly different with their own unique characters, campaign mechanics, battlefield units and play style.Command Legendary CharactersMarch your forces to war as one of 12 Legendary Lords from the Warhammer Fantasy Battles World, arming them with fabled weapons, armour, mounts and deadly battle magic as you uncover their tales through a series of unique narrative quest chains. . Conquer this WorldThe very first Total War game to feature a fantasy setting. In the Old World Campaign, experience incredible depth and the freedom to conquer as you see fit across a gigantic sand-box map. Crafted from a twisted magical landscape and populated with an incredible array of awesome and deadly creatures, this is your chance to experience fantasy strategy on a scale as yet unimagined.Unleash the MonstersThe battlefields of Total War: WARHAMMER echo to the swoop and roar of dragons, the bellowing of giants and the thundering hooves of monstrous cavalry. Towering beasts of both earthly and supernatural origin wade into the melee of battle, bringing death to hundreds of lesser creatures at a time. . Harness the Winds Of MagicSmite your enemies with magical storms, melt their armour, sap their fighting spirit or bolster your own forces with devastating spells that split the sky and consume the battlefield. Rally wizards, shamans and necromancers to your armies and bend titanic and unpredictable energies to your whim. . Watch the SkiesHarass your enemies with Dwarfen Gyrocopters, plunge into their front-lines with terrifying Wyverns and achieve air superiority with a stunning array of flying units for the first time in a Total War game. Entirely new tactical possibilities present themselves as you deploy your winged minions in open battles and jaw-dropping sieges. . What is more, this title will go on to combine with two future sequels and additional content packs to create the largest Total War experience ever. An epic trilogy of titles that will redefine fantasy strategy gaming.", + "about_the_game": "Total War: WARHAMMERThe Old World echoes to the clamour of ceaseless battle. The only constant is WAR!A fantasy strategy game of legendary proportions, Total War: WARHAMMER combines an addictive turn-based campaign of epic empire-building with explosive, colossal, real-time battles. All set in the vivid and incredible world of Warhammer Fantasy Battles. Command five wholly different races: Bretonnia, the Empire, the Dwarfs, the Vampire Counts and the Greenskins, each with their own unique characters, battlefield units and play style. Lead your forces to war with powerful Legendary Lords from the Warhammer Fantasy Battles World, arming them with fabled weapons, armour and deadly battle magic; hard-won in individual quest chains. For the first time in a Total War game, harness storms of magical power to aid you in battle and take to the skies with flying creatures, from ferocious dragons and wyverns to gigantic griffons.Additional Free Content Total War: WARHAMMER launched to critical acclaim in May 2016. Since then, a wealth of free content has been added, including the recent addition of Bretonnia as the fifth playable race in the Old World.As well as this additional race, the rich world of Total War: WARHAMMER has been expanded since release with the inclusion of four new Legendary Lords, brand new units, new Lores of Magic and over 30 bespoke maps for single and multiplayer battle. These updates are available for free to all new and existing players. Hundreds of hours of gameplay await you at the dawn of a new era. Total War: WARHAMMER brings to life a world of legendary heroes, towering monsters, flying creatures, storms of magical power and regiments of nightmarish warriors.Lead Extraordinary RacesThe Chivalrous knights of Bretonnia, the valiant men of the Empire, the vengeful Dwarfs, the murderous Vampire Counts and the brutal Orcs and Goblins of the Greenskin tribes. Each Race is wholly different with their own unique characters, campaign mechanics, battlefield units and play style.Command Legendary CharactersMarch your forces to war as one of 12 Legendary Lords from the Warhammer Fantasy Battles World, arming them with fabled weapons, armour, mounts and deadly battle magic as you uncover their tales through a series of unique narrative quest chains.Conquer this WorldThe very first Total War game to feature a fantasy setting. In the Old World Campaign, experience incredible depth and the freedom to conquer as you see fit across a gigantic sand-box map. Crafted from a twisted magical landscape and populated with an incredible array of awesome and deadly creatures, this is your chance to experience fantasy strategy on a scale as yet unimagined.Unleash the MonstersThe battlefields of Total War: WARHAMMER echo to the swoop and roar of dragons, the bellowing of giants and the thundering hooves of monstrous cavalry. Towering beasts of both earthly and supernatural origin wade into the melee of battle, bringing death to hundreds of lesser creatures at a time.Harness the Winds Of MagicSmite your enemies with magical storms, melt their armour, sap their fighting spirit or bolster your own forces with devastating spells that split the sky and consume the battlefield. Rally wizards, shamans and necromancers to your armies and bend titanic and unpredictable energies to your whim.Watch the SkiesHarass your enemies with Dwarfen Gyrocopters, plunge into their front-lines with terrifying Wyverns and achieve air superiority with a stunning array of flying units for the first time in a Total War game. Entirely new tactical possibilities present themselves as you deploy your winged minions in open battles and jaw-dropping sieges.What is more, this title will go on to combine with two future sequels and additional content packs to create the largest Total War experience ever. An epic trilogy of titles that will redefine fantasy strategy gaming.", + "short_description": "Addictive turn-based empire-building with colossal, real-time battles, all set in a world of legendary heroes, giant monsters, flying creatures and storms of magical power.", + "genres": "Action", + "recommendations": 30988, + "score": 6.8173502909702055 + }, + { + "type": "game", + "name": "The Elder Scrolls\u00ae: Legends\u2122", + "detailed_description": "Featured DLC Jaws of Oblivion now available!. Ruthless Daedric forces invade The Elder Scrolls: Legends in its newest pack-based expansion. Tamriel tears at the seams as conflict worsens between the Imperials of Cyrodiil and the Daedra-worshipping Order of the New Dawn. Jaws of Oblivion immerses players in the world-shaking events of the Oblivion Crisis with over 75 new cards, including tumultous new Daedra cards. . New in Jaws of Oblivion:. 75+ New Playable Cards. New Theme Decks. New Card Mechanic: Invade . New Playmat, Music Tracks & Visual Effects. Moons of Elsweyr Now Available. The Khajiit of Elsweyr have taken up arms against the encroachment of Imperial control, led by Euraxia Tharn, and call upon any allies willing to aid them. Things become more dire as ancient dragons are unleashed upon the land with devasting machinations all their own. Moons of Elsweyr adds over 75 cards to The Elder Scrolls: Legends, including a host of Khajiit cards across all five attributes alongside their signature keyword, Pilfer. . 75+ New Cards. New Card Mechanics - Wax/Wane & Consume. New Theme Decks. New Playmat & Music Tracks. Alliance War Now Available!. The Ruby Throne sits empty! Fight alongside five different factions vying for power across the Empire, each represented by a new three-attribute combination and their own unique mechanic. Will you ally with the Aldmeri Dominion, who empower their abilities through relentless attacks? Or perhaps the Daggerfall Covenant, capable of mobilizing heavily armed recruits at a moment\u2019s notice? The decision is yours. . Alliance War includes:. 100+ New Cards. New Three-Attribute Combinations. New Card Mechanics. New Playmat & Music Tracks . Isle of Madness Now Available!. Travel to the Shivering Isles and fight through chaos, calamity and conspiracy as retired master spy, Talym Rend. Overcome the Mad God Sheogorath and his many tricks to save your son from madness in the largest story expansion ever in The Elder Scrolls: Legends!. Isle of Madness includes:. Three All-new Story Acts. 55 New Cards. New Lane Mechanics \u2013 Mania & Dementia. New Card Type \u2013 Double Cards. Houses of Morrowind. In this expansion, The Elder Scrolls: Legends travels to Vvardenfell, where Great Houses vie for power as incredible living gods do battle with their ancient foes. With each faction brandishing a unique playstyle and each god an otherworldly power, only the most cunning can seize control of the Houses of Morrowind! . Introducing Three-Attribute Decks & 149 New Cards. 5 New Mechanics: Plot, Exalt, Rally & Betray. Return to Clockwork City. In this PvE story expansion, take a trip to the tinkerer god Sotha Sil\u2019s long-lost sanctuary. In the ruins of the Clockwork City, encounter over 55 new cards, 35 story missions and brand-new mechanics like Treasure Hunt, which peruses each card you draw for the next big score and Assemble, which allows you to rebuild Sotha Sil\u2019s abandoned creations with your choice of augmented ability!. New Mechanics: Assemble & Treasure Hunter. Heroes of Skyrim. Adding a new set of over 150 cards, each pack of Heroes of Skyrim brings the iconic hallmarks of The Elder Scrolls V: Skyrim to Legends! From intimidating dragons to powerful Shouts to bestial Companions, this massive expansion is worthy of the Dovahkiin seal of approval. New Mechanics: Shout & Duel. Fall of the Dark Brotherhood. Take on a dangerous mission to infiltrate the elusive, cutthroat ranks of The Dark Brotherhood. As you work to uncover a treacherous plot \u2013 and commit a few yourself \u2013 in this PvE story expansion, you\u2019ll also discover 40 new cards for your collection, including ruthless creatures with the Slay ability that reap benefits each time they take down a target. New Mechanics: Slay & Change. About the GamePLAY ON YOUR OWN. Story mode provides hours of solo gameplay in which you\u2019ll earn new Legends cards, decks, and packs. Or draft a deck from scratch and battle a series of computer opponents. . PLAY AGAINST OTHERS. Test your decks against friends, challenge online opponents in ranked play, or draft a deck from scratch and battle other players who have done the same. . PICK YOUR BATTLES. Legends gameplay features a divided battlefield with \u201clanes\u201d that deepen your strategy options.", + "about_the_game": "PLAY ON YOUR OWNStory mode provides hours of solo gameplay in which you\u2019ll earn new Legends cards, decks, and packs. Or draft a deck from scratch and battle a series of computer opponents. PLAY AGAINST OTHERSTest your decks against friends, challenge online opponents in ranked play, or draft a deck from scratch and battle other players who have done the same. PICK YOUR BATTLESLegends gameplay features a divided battlefield with \u201clanes\u201d that deepen your strategy options.", + "short_description": "The Elder Scrolls: Legends\u2122 is an award- winning free-to-play strategy card game based on the world and lore of the Elder Scrolls series. Play for hours or minutes across many game modes that are easy to learn but challenging to master.", + "genres": "Free to Play", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Hacknet", + "detailed_description": "AVAILABLE NOW: HACKNET - LABYRINTHS EXPANSION Join a small team of elite hackers pulling off a complex series of data heists in Hacknet Labyrinths, a major expansion for critically acclaimed terminal-based hacking simulator, Hacknet. . Adding a new 3-4 hour chapter to the game, Hacknet Labyrinths sees you recruited by the mysterious Kaguya to join a small team of elite hackers on the hunt for powerful new tools and programs. Hacknet Extensions Mod ToolsHacknet Extensions, a free suite of mod tools for Hacknet and Hacknet Labyrinths is now available. . You can access Hacknet Extensions via the main menu and use it to create Hacknet campaigns, system networks, nodes, themes, music and story missions. Share your creations with other players through Steam Workshop. . An interactive tutorial has been included in Extensions. This will step you through the process of creating a mod. . There is an extensive guide in the community hub: and you can connect, collaborate and discuss with other modders in the Hacknet Extensions Discord About the GameHacknet is an immersive, terminal-based hacking simulator for PC. Dive down a rabbit hoIe as you follow the instructions of a recently deceased hacker, whose death may not have been the accident the media reports. Using old school command prompts and real hacking processes, you\u2019ll solve the mystery with minimal hand-holding and a rich world full of secrets to explore. . Bit, a hacker responsible for creating the most invasive security system on the planet, is dead. When he fails to reconnect to his system for 14 days, his failsafe kicks in, sending instructions in automated emails to a lone user. As that user, it\u2019s up to you to unravel the mystery and ensure that Hacknet-OS doesn't fall into the wrong hands. . Exploring the volatile nature of personal privacy, the prevalence of corporate greed, and the hidden powers of hackers on the internet, Hacknet delivers a true hacking simulation, while offering a support system that allows total beginners get a grasp of the real-world applications and commands found throughout the game.Features. Real Hacking. Based on actual UNIX commands, Hacknet focuses on real hacking, not the Hollywood-style version of it. This creates a truly immersive experience and puts players right in the thick of trying to break through the firewalls. . Unlock the mystery of Bit. A hacker is dead and the media reports don\u2019t add up. When you are contacted by his \u201cghost\u201d - an automated failsafe system - you\u2019re drawn into the dark and murky world of underground hackers. . Full immersion. You are thrust into a persistent virtual world with no \u201clevels\u201d or obvious game elements to break the illusion. Follow the guidance of the emails from Bit or just dive down the rabbit hole, chasing down clues and snippets of information you find as you explore different systems. . Accessible but uncompromising. Whilst not holding your hand or dumbing down, the design of the game and the learning curve enables those with no prior terminal experience to enjoy it whilst delighting those in the know. . Killer tunes. Hack to the beat of a soundtrack featuring underground artists including Carpenter Brut (Hotline Miami) and Remi Gallego (AKA The Algorithm). Soundtrack produced in association with The Otherworld Agency. . Hack your own adventures. Create your own campaigns, system networks, nodes, themes, music and story missions using the Hacknet Extensions mod tools. Share them with other players through Steam Workshop.", + "about_the_game": "Hacknet is an immersive, terminal-based hacking simulator for PC. Dive down a rabbit hoIe as you follow the instructions of a recently deceased hacker, whose death may not have been the accident the media reports. Using old school command prompts and real hacking processes, you\u2019ll solve the mystery with minimal hand-holding and a rich world full of secrets to explore.Bit, a hacker responsible for creating the most invasive security system on the planet, is dead. When he fails to reconnect to his system for 14 days, his failsafe kicks in, sending instructions in automated emails to a lone user. As that user, it\u2019s up to you to unravel the mystery and ensure that Hacknet-OS doesn't fall into the wrong hands.Exploring the volatile nature of personal privacy, the prevalence of corporate greed, and the hidden powers of hackers on the internet, Hacknet delivers a true hacking simulation, while offering a support system that allows total beginners get a grasp of the real-world applications and commands found throughout the game.FeaturesReal HackingBased on actual UNIX commands, Hacknet focuses on real hacking, not the Hollywood-style version of it. This creates a truly immersive experience and puts players right in the thick of trying to break through the firewalls.Unlock the mystery of BitA hacker is dead and the media reports don\u2019t add up. When you are contacted by his \u201cghost\u201d - an automated failsafe system - you\u2019re drawn into the dark and murky world of underground hackers.Full immersionYou are thrust into a persistent virtual world with no \u201clevels\u201d or obvious game elements to break the illusion. Follow the guidance of the emails from Bit or just dive down the rabbit hole, chasing down clues and snippets of information you find as you explore different systems.Accessible but uncompromisingWhilst not holding your hand or dumbing down, the design of the game and the learning curve enables those with no prior terminal experience to enjoy it whilst delighting those in the know.Killer tunesHack to the beat of a soundtrack featuring underground artists including Carpenter Brut (Hotline Miami) and Remi Gallego (AKA The Algorithm).Soundtrack produced in association with The Otherworld Agency.Hack your own adventuresCreate your own campaigns, system networks, nodes, themes, music and story missions using the Hacknet Extensions mod tools. Share them with other players through Steam Workshop.", + "short_description": "Hacknet is an immersive, terminal-based hacking simulator for PC. Dive down a rabbit hoIe as you follow the instructions of a recently deceased hacker, whose death may not have been the accident the media reports.", + "genres": "Indie", + "recommendations": 14178, + "score": 6.301918129058244 + }, + { + "type": "game", + "name": "Tom Clancy\u2019s The Division\u2122", + "detailed_description": "Trial. Try The Division now for free!. Gain access to 6 hours of gameplay, play co-op or on your own to save New York from a devastating pandemic. AGENT ORIGINSWatch Agent Origins: Escape Now! . . GOLD EDITIONYou\u2019re part of the Division, an autonomous unit of tactical agents trained to operate independently. Your mission: protect what remains and restore hope. . TCTD Gold Edition includes:. - The game . - The Season Pass. - An exclusive \u201cNational Guard\u201d gear set. With the Season Pass, you'll receive a full year of major expansions and exclusive benefits. More details to be revealed soon !. About the GameDuring Black Friday, a devastating pandemic sweeps through New York City, and one by one, basic services fail. In only a few days, without food or water, society collapses into chaos. The Division, an autonomous unit of tactical agents, is activated. Leading seemingly ordinary lives among us, these Agents are trained to operate independently in order to save society. . When Society Falls, We Rise. . Features. . In this action shooter RPG, you will get a unique gameplay experience, mixing tactical combat and online features. Stride across New York\u2019s streets alone or with up to 3 friends and define the fate of your Agent. . As you explore the map, encounter dynamic events, loot & craft new weapons & gear, and customize your Agent to take back the city from vicious enemy factions. . As you finish the campaign you will unlock new difficulty levels and transition to a whole new experience: the endgame. But be careful: the more you progress, the more challenging but also rewarding it will become. . From this point, you will discover diverse activities that will keep you on the edge for months. Build your team of up to 4 Agents and discover a brand new way of playing through different modes: Incursions, Underground, Survival, the Dark Zone and many others. . Agents, it\u2019s up to you to take back New York City.", + "about_the_game": "During Black Friday, a devastating pandemic sweeps through New York City, and one by one, basic services fail. In only a few days, without food or water, society collapses into chaos. The Division, an autonomous unit of tactical agents, is activated. Leading seemingly ordinary lives among us, these Agents are trained to operate independently in order to save society.When Society Falls, We Rise.FeaturesIn this action shooter RPG, you will get a unique gameplay experience, mixing tactical combat and online features. Stride across New York\u2019s streets alone or with up to 3 friends and define the fate of your Agent.As you explore the map, encounter dynamic events, loot & craft new weapons & gear, and customize your Agent to take back the city from vicious enemy factions.As you finish the campaign you will unlock new difficulty levels and transition to a whole new experience: the endgame. But be careful: the more you progress, the more challenging but also rewarding it will become.From this point, you will discover diverse activities that will keep you on the edge for months. Build your team of up to 4 Agents and discover a brand new way of playing through different modes: Incursions, Underground, Survival, the Dark Zone and many others.Agents, it\u2019s up to you to take back New York City.", + "short_description": "After a deadly pandemic sweeps through New York, it's up to Agents to save what remains. Complete missions, explore the Dark Zone, and fight back enemy factions alone or with 3 friends. Experience a full endgame offering you new PvP and PvE modes.", + "genres": "Action", + "recommendations": 68875, + "score": 7.343860925793262 + }, + { + "type": "game", + "name": "Blender", + "detailed_description": "Blender is a free and open source 3D creation suite. It supports the entirety of the 3D pipeline\u2014modeling, rigging, animation, simulation, rendering, compositing and motion tracking, and video editing. Advanced users employ Blender\u2019s API for Python scripting to customize the application and write specialized tools; often these are included in Blender\u2019s future releases. Blender is well suited to individuals and small studios who benefit from its unified pipeline and responsive development process. Examples from many Blender-based projects are available in the showcase. . Blender is cross-platform and runs equally well on Linux, Windows and Macintosh computers. Its interface uses OpenGL to provide a consistent experience. To confirm specific compatibility, the list of supported platforms indicates those regularly tested by the development team. . As a community-driven project under the GNU General Public License (GPL), the public is empowered to make small and large changes to the code base, which leads to new features, responsive bug fixes, and better usability. Blender has no price tag, but you can invest, participate, and help to advance a powerful collaborative tool: Blender is your own 3D software.", + "about_the_game": "Blender is a free and open source 3D creation suite. It supports the entirety of the 3D pipeline\u2014modeling, rigging, animation, simulation, rendering, compositing and motion tracking, and video editing. Advanced users employ Blender\u2019s API for Python scripting to customize the application and write specialized tools; often these are included in Blender\u2019s future releases. Blender is well suited to individuals and small studios who benefit from its unified pipeline and responsive development process. Examples from many Blender-based projects are available in the showcase.\r\n\r\nBlender is cross-platform and runs equally well on Linux, Windows and Macintosh computers. Its interface uses OpenGL to provide a consistent experience. To confirm specific compatibility, the list of supported platforms indicates those regularly tested by the development team.\r\n\r\nAs a community-driven project under the GNU General Public License (GPL), the public is empowered to make small and large changes to the code base, which leads to new features, responsive bug fixes, and better usability. Blender has no price tag, but you can invest, participate, and help to advance a powerful collaborative tool: Blender is your own 3D software.", + "short_description": "Blender is the free and open source 3D creation suite. Free to use for everyone, for any purpose.", + "genres": "Animation & Modeling", + "recommendations": 134, + "score": 3.233703037778992 + }, + { + "type": "game", + "name": "Poly Bridge", + "detailed_description": "WorkshopDiscover thousands of additional levels made by other players, and if you're feeling creative design your own level in the Sandbox and submit it for other players to solve!. About the GameUnleash your engineering creativity with an engaging and fresh bridge-building simulator with all the bells and whistles. Enjoy hours of physics-based puzzle solving in the Campaign and then jump in the Sandbox to create your own bridge designs and puzzles. Challenge friends and the rest of the Steam Workshop community to solve your puzzles and download more levels submitted by other players.Check out the Online Gallery at !. . Enjoy hours of bridge-building fun with loads of levels to solve, ranging from simple light car bridges to multi-deck draw-bridges and jumps, just to name a few!. Levels get increasingly challenging from the engineering aspect and restrictions are also imposed on the resources you can use to build your bridge. . What would an awesome bridge-builder game be without an equally awesome Sandbox?. Go wild and create the most complex bridge the world has ever seen, or just an absurd creation that pushes the mechanics of the game in a new direction, and if you're feeling like it publish your design online as a puzzle level on the Workshop for everyone to try and solve!. . Download hundreds of extra levels from the Workshop!. We'll also be featuring the most original and fun bridge designs that are submitted, making it easier for you to find the ones that are worth the challenge. . One of our favorite features of the game!. Save a super cool looking animated GIF of your bridge in all its glory (or failure!) and save it locally, upload it to the Poly Bridge Online Gallery and/or share it Twitter, Facebook, Reddit or Tumblr without ever leaving the game!. Check out the Online Gallery at !. . Unleash your true engineer using the advanced building and level designing tools in-game, such as:. Advanced Hydraulics. Multi-phase Hydraulics Controller (control which hydraulic piston activates when). Node-base event system. Multiple types of checkpoints. Copy & Paste tools. Line Tracer tools (draw perfect arcs or straight lines and fill them in with your material of choice). And much more.", + "about_the_game": "Unleash your engineering creativity with an engaging and fresh bridge-building simulator with all the bells and whistles.Enjoy hours of physics-based puzzle solving in the Campaign and then jump in the Sandbox to create your own bridge designs and puzzles.Challenge friends and the rest of the Steam Workshop community to solve your puzzles and download more levels submitted by other players.Check out the Online Gallery at !Enjoy hours of bridge-building fun with loads of levels to solve, ranging from simple light car bridges to multi-deck draw-bridges and jumps, just to name a few!Levels get increasingly challenging from the engineering aspect and restrictions are also imposed on the resources you can use to build your bridge.What would an awesome bridge-builder game be without an equally awesome Sandbox?Go wild and create the most complex bridge the world has ever seen, or just an absurd creation that pushes the mechanics of the game in a new direction, and if you're feeling like it publish your design online as a puzzle level on the Workshop for everyone to try and solve!Download hundreds of extra levels from the Workshop!We'll also be featuring the most original and fun bridge designs that are submitted, making it easier for you to find the ones that are worth the challenge.One of our favorite features of the game!Save a super cool looking animated GIF of your bridge in all its glory (or failure!) and save it locally, upload it to the Poly Bridge Online Gallery and/or share it Twitter, Facebook, Reddit or Tumblr without ever leaving the game!Check out the Online Gallery at !Unleash your true engineer using the advanced building and level designing tools in-game, such as: Advanced Hydraulics Multi-phase Hydraulics Controller (control which hydraulic piston activates when) Node-base event system Multiple types of checkpoints Copy & Paste tools Line Tracer tools (draw perfect arcs or straight lines and fill them in with your material of choice) And much more...", + "short_description": "Unleash your engineering creativity with an engaging and fresh bridge-building simulator with all the bells and whistles. Enjoy hours of physics-based puzzle solving in the Campaign and then jump in the Sandbox to create your own bridge designs and puzzles!", + "genres": "Indie", + "recommendations": 14355, + "score": 6.310096517793533 + }, + { + "type": "game", + "name": "Dragon's Dogma: Dark Arisen", + "detailed_description": "Set in a huge open world, Dragon\u2019s Dogma: Dark Arisen presents a rewarding action combat experience. Players embark on an epic adventure in a rich, living world with three AI companions, known as Pawns. These partners fight independently, demonstrating prowess and ability that they have developed based on traits learned from each player. PC users can share these Pawns online and reap rewards of treasure, tips and strategy hints for taking down the terrifying enemies. Pawns can also be borrowed when specific skills are needed to complete various challenging quests.FeaturesDynamic combat experience \u2013 Cut off the four heads of a Hydra, climb atop griffins and fight airborne, or defeat dragons and other creatures by finding out their weaknesses. . Tons of content \u2013 Includes all previously released DLCs, pre-order bonuses, retailer-exclusives, and the Dark Arisen expansion content. Features the highly praised combat experience and rich customization, plus a huge underground realm to explore with terrifying monsters. . Customization options galore \u2013 Nine different vocations for players to choose from with a variety of skill options for each, armor that can be upgraded and enhanced, plus Pawn companions that can be trained to fit your desired combat style. . Stunning visuals \u2013 Beautiful high res graphics with increased fidelity. . Full Steam platform support \u2013 Includes Steam Achievements, Steam Cloud Save, Trading Cards, Leaderboards, Big Picture Mode support. Expanded controller support \u2013 In addition to supporting the traditional keyboard and mouse control scheme, the game natively supports Xbox 360, Xbox One, Steam Controller, and other DirectInput-based game pads such as the DualShock controller. . New Achievements - 9 brand new Achievements for both new and returning Dragon\u2019s Dogma fans! Get ready to delve deep into Bitterblack Isle\u2026.", + "about_the_game": "Set in a huge open world, Dragon\u2019s Dogma: Dark Arisen presents a rewarding action combat experience. Players embark on an epic adventure in a rich, living world with three AI companions, known as Pawns. These partners fight independently, demonstrating prowess and ability that they have developed based on traits learned from each player. PC users can share these Pawns online and reap rewards of treasure, tips and strategy hints for taking down the terrifying enemies. Pawns can also be borrowed when specific skills are needed to complete various challenging quests.FeaturesDynamic combat experience \u2013 Cut off the four heads of a Hydra, climb atop griffins and fight airborne, or defeat dragons and other creatures by finding out their weaknesses.Tons of content \u2013 Includes all previously released DLCs, pre-order bonuses, retailer-exclusives, and the Dark Arisen expansion content. Features the highly praised combat experience and rich customization, plus a huge underground realm to explore with terrifying monsters.Customization options galore \u2013 Nine different vocations for players to choose from with a variety of skill options for each, armor that can be upgraded and enhanced, plus Pawn companions that can be trained to fit your desired combat style.Stunning visuals \u2013 Beautiful high res graphics with increased fidelity.Full Steam platform support \u2013 Includes Steam Achievements, Steam Cloud Save, Trading Cards, Leaderboards, Big Picture Mode supportExpanded controller support \u2013 In addition to supporting the traditional keyboard and mouse control scheme, the game natively supports Xbox 360, Xbox One, Steam Controller, and other DirectInput-based game pads such as the DualShock controller.New Achievements - 9 brand new Achievements for both new and returning Dragon\u2019s Dogma fans! Get ready to delve deep into Bitterblack Isle\u2026", + "short_description": "Set in a huge open world, Dragon\u2019s Dogma: Dark Arisen presents a rewarding action combat experience.", + "genres": "Action", + "recommendations": 26474, + "score": 6.713566821946596 + }, + { + "type": "game", + "name": "Hollow Knight", + "detailed_description": "Hollow Knight Expands with Free Content. Godmaster - Take your place amongst the Gods. New Characters and Quest. New Boss Fights. Available Now!. . Lifeblood - A Kingdom Upgraded! New Boss. Upgraded Bosses. Tweaks and Refinements across the whole game. . The Grimm Troupe - Light the Nightmare Lantern. Summon the Troupe. New Major Quest. New Boss Fights. New Charms. New Enemies. New Friends. . Hidden Dreams - Mighty new foes emerge! New Boss fights. New Upgrades. New Music.Brave the Depths of a Forgotten KingdomBeneath the fading town of Dirtmouth sleeps an ancient, ruined kingdom. Many are drawn below the surface, searching for riches, or glory, or answers to old secrets. . Hollow Knight is a classically styled 2D action adventure across a vast interconnected world. Explore twisting caverns, ancient cities and deadly wastes; battle tainted creatures and befriend bizarre bugs; and solve ancient mysteries at the kingdom's heart. . Game FeaturesClassic side-scrolling action, with all the modern trimmings. . Tightly tuned 2D controls. Dodge, dash and slash your way through even the most deadly adversaries. . Explore a vast interconnected world of forgotten highways, overgrown wilds and ruined cities. . Forge your own path! The world of Hallownest is expansive and open. Choose which paths you take, which enemies you face and find your own way forward. . Evolve with powerful new skills and abilities! Gain spells, strength and speed. Leap to new heights on ethereal wings. Dash forward in a blazing flash. Blast foes with fiery Soul!. Equip Charms! Ancient relics that offer bizarre new powers and abilities. Choose your favourites and make your journey unique!. An enormous cast of cute and creepy characters all brought to life with traditional 2D frame-by-frame animation. . Over 130 enemies! 30 epic bosses! Face ferocious beasts and vanquish ancient knights on your quest through the kingdom. Track down every last twisted foe and add them to your Hunter's Journal!. Leap into minds with the Dream Nail. Uncover a whole other side to the characters you meet and the enemies you face. . Beautiful painted landscapes, with extravagant parallax, give a unique sense of depth to a side-on world. . Chart your journey with extensive mapping tools. Buy compasses, quills, maps and pins to enhance your understanding of Hollow Knight\u2019s many twisting landscapes. . A haunting, intimate score accompanies the player on their journey, composed by Christopher Larkin. The score echoes the majesty and sadness of a civilisation brought to ruin. . Complete Hollow Knight to unlock Steel Soul Mode, the ultimate challenge!. . An Evocative Hand-Crafted WorldThe world of Hollow Knight is brought to life in vivid, moody detail, its caverns alive with bizarre and terrifying creatures, each animated by hand in a traditional 2D style. . Every new area you\u2019ll discover is beautifully unique and strange, teeming with new creatures and characters. Take in the sights and uncover new wonders hidden off of the beaten path. . If you like classic gameplay, cute but creepy characters, epic adventure and beautiful, gothic worlds, then Hollow Knight awaits!. .", + "about_the_game": "Hollow Knight Expands with Free ContentGodmaster - Take your place amongst the Gods. New Characters and Quest. New Boss Fights. Available Now!Lifeblood - A Kingdom Upgraded! New Boss. Upgraded Bosses. Tweaks and Refinements across the whole game.The Grimm Troupe - Light the Nightmare Lantern. Summon the Troupe. New Major Quest. New Boss Fights. New Charms. New Enemies. New Friends.Hidden Dreams - Mighty new foes emerge! New Boss fights. New Upgrades. New Music.Brave the Depths of a Forgotten KingdomBeneath the fading town of Dirtmouth sleeps an ancient, ruined kingdom. Many are drawn below the surface, searching for riches, or glory, or answers to old secrets.Hollow Knight is a classically styled 2D action adventure across a vast interconnected world. Explore twisting caverns, ancient cities and deadly wastes; battle tainted creatures and befriend bizarre bugs; and solve ancient mysteries at the kingdom's heart.Game FeaturesClassic side-scrolling action, with all the modern trimmings.Tightly tuned 2D controls. Dodge, dash and slash your way through even the most deadly adversaries.Explore a vast interconnected world of forgotten highways, overgrown wilds and ruined cities.Forge your own path! The world of Hallownest is expansive and open. Choose which paths you take, which enemies you face and find your own way forward.Evolve with powerful new skills and abilities! Gain spells, strength and speed. Leap to new heights on ethereal wings. Dash forward in a blazing flash. Blast foes with fiery Soul!Equip Charms! Ancient relics that offer bizarre new powers and abilities. Choose your favourites and make your journey unique!An enormous cast of cute and creepy characters all brought to life with traditional 2D frame-by-frame animation.Over 130 enemies! 30 epic bosses! Face ferocious beasts and vanquish ancient knights on your quest through the kingdom. Track down every last twisted foe and add them to your Hunter's Journal!Leap into minds with the Dream Nail. Uncover a whole other side to the characters you meet and the enemies you face.Beautiful painted landscapes, with extravagant parallax, give a unique sense of depth to a side-on world.Chart your journey with extensive mapping tools. Buy compasses, quills, maps and pins to enhance your understanding of Hollow Knight\u2019s many twisting landscapes.A haunting, intimate score accompanies the player on their journey, composed by Christopher Larkin. The score echoes the majesty and sadness of a civilisation brought to ruin.Complete Hollow Knight to unlock Steel Soul Mode, the ultimate challenge!An Evocative Hand-Crafted WorldThe world of Hollow Knight is brought to life in vivid, moody detail, its caverns alive with bizarre and terrifying creatures, each animated by hand in a traditional 2D style.Every new area you\u2019ll discover is beautifully unique and strange, teeming with new creatures and characters. Take in the sights and uncover new wonders hidden off of the beaten path.If you like classic gameplay, cute but creepy characters, epic adventure and beautiful, gothic worlds, then Hollow Knight awaits!", + "short_description": "Forge your own path in Hollow Knight! An epic action adventure through a vast ruined kingdom of insects and heroes. Explore twisting caverns, battle tainted creatures and befriend bizarre bugs, all in a classic, hand-drawn 2D style.", + "genres": "Action", + "recommendations": 266512, + "score": 8.235874737109958 + }, + { + "type": "game", + "name": "Kingdom: Classic", + "detailed_description": "Buzz About the GameWise Rulers know their kingdom will fall,. Brave Rulers do not despair. Great Rulers know their riches can rule,. And spend every coin with great care. . In Kingdom, each coin spent can tip the balance between prosperity and decay. Attend to your domain, border to border, or venture into the wild to discover its wonders and its threats. Master the land, build your defenses, and when the darkness comes, stand with your people, crown on your head, until the very end. . Gameplay. Kingdom is a 2D sidescrolling strategy/resource management hybrid with a minimalist feel wrapped in a beautiful, modern pixel art aesthetic. Play the role of a king or queen atop their horse and enter a procedurally generated realm primed to sustain a kingdom, then toss gold to peasants and turn them into your loyal subjects in order to make your kingdom flourish. Protect your domain at night from the greedy creatures looking to steal your coins and crown, and explore the nearby, mysterious forests to discover curious and cryptic artifacts to aid your kingdom. .", + "about_the_game": "Wise Rulers know their kingdom will fall,Brave Rulers do not despair.Great Rulers know their riches can rule,And spend every coin with great care. In Kingdom, each coin spent can tip the balance between prosperity and decay. Attend to your domain, border to border, or venture into the wild to discover its wonders and its threats. Master the land, build your defenses, and when the darkness comes, stand with your people, crown on your head, until the very end. GameplayKingdom is a 2D sidescrolling strategy/resource management hybrid with a minimalist feel wrapped in a beautiful, modern pixel art aesthetic. Play the role of a king or queen atop their horse and enter a procedurally generated realm primed to sustain a kingdom, then toss gold to peasants and turn them into your loyal subjects in order to make your kingdom flourish. Protect your domain at night from the greedy creatures looking to steal your coins and crown, and explore the nearby, mysterious forests to discover curious and cryptic artifacts to aid your kingdom.", + "short_description": "Kingdom is a 2D sidescrolling strategy/resource management hybrid with a minimalist feel wrapped in a beautiful, modern pixel art aesthetic.", + "genres": "Indie", + "recommendations": 5786, + "score": 5.7111507292194865 + }, + { + "type": "game", + "name": "Marvel's Midnight Suns", + "detailed_description": "Marvel's Midnight Suns Legendary Edition. DARKNESS FALLS. RISE UP!. Customize the look of the Midnight Suns team and extend your adventure with the Marvel\u2019s Midnight Suns Legendary Edition! . The Legendary Edition includes:. - Marvel\u2019s Midnight Suns base game. - Marvel's Midnight Suns Season Pass, which includes 23 premium skins available at launch and four post-launch DLC packs. The four playable post-launch DLC heroes included in the Season Pass are:. - Deadpool. - Venom. - Morbius. - Storm. . Season Pass Premium Skins available at launch:. - Captain America (Future Soldier) . - Captain America (Captain of the Guard). - Captain Marvel (Mar-Vell). - Captain Marvel (Medieval Marvel). - Magik (Phoenix Five) . - Magik (New Mutants). - Nico Minoru (Sister Grimm) . - Nico Minoru (Shadow Witch) . - Wolverine (X-Force) . - Wolverine (Logan). - Blade (Demon Hunter) . - Blade (Blade 1602). - Iron Man (Iron Knight) . - Iron Man (Bleeding Edge). - Ghost Rider (Spirit of Vengeance). - Ghost Rider (Death Knight). - Doctor Strange (Strange Future Supreme). - Scarlet Witch (Boss Witch). - Scarlet Witch (Fallen Scarlet Witch). - Spider-Man (Symbiote Suit). - Spider-Man (Demon Spider). - Hulk (Fallen Hulk) . - Hulk (Maestro) . With the inclusion of the Season Pass, the Legendary Edition lets you keep the pressure on Lilith and expand your roster of Marvel heroes. This extra dose of vengeance includes four post-launch DLC packs, each introducing a new fully playable hero, new missions, new enemies, and more. The Season Pass also includes 23 Premium Skins at launch so you can customize the look of the Midnight Suns team. . Note: Premium skins must be used with the equivalent in-game character. Characters may require unlocking through gameplay. Post-launch Season Pass content and the premium skins will be automatically delivered in-game upon release. DLC release timing for post-launch DLC will be revealed at a future date. Terms apply. Marvel's Midnight Suns Digital+ Edition. DARKNESS FALLS. RISE UP!. Customize the look of your Midnight Sun team with the Marvel\u2019s Midnight Suns Digital+ Edition! . The Digital+ Edition includes:. -Marvel\u2019s Midnight Suns base game. -11 Premium Skins. Premium Skins include:. -Captain America (Future Soldier) . -Captain Marvel (Mar-Vell). -Magik (Phoenix Five) . -Nico Minoru (Sister Grimm) . -Wolverine (X-Force) . -Blade (Demon Hunter) . -Captain America (Captain of the Guard). -Iron Man (Iron Knight) . -Nico Minoru (Shadow Witch) . -Ghost Rider (Spirit of Vengeance). -Magik (New Mutants). Note: Premium skins must be used with the equivalent in-game character. Characters may require unlocking through gameplay. Premium skins will be automatically delivered in-game by 1 December 2022. Terms apply. UNLEASH THE DARKER SIDE OF MARVEL. When the demonic Lilith and her fearsome horde unite with the evil armies of Hydra, it\u2019s time to unleash Marvel\u2019s dark side. As The Hunter, your mission is to lead an unlikely team of seasoned Super Heroes and dangerous supernatural warriors to victory. Can legends such as Doctor Strange, Iron Man, and Blade put aside their differences in the face of a growing apocalyptic threat? If you\u2019re going to save the world, you'll have to forge alliances and lead the team into battle as the legendary Midnight Suns. . With an array of upgradeable characters and skills allowing you to build your own unique version of The Hunter, you will choose how to send Lilith\u2019s army back to the underworld. About the GameMarvel\u2019s Midnight Suns is the ultimate crossover event combining the rich story, character relationships, customization and progression of an RPG with the tactical strategy and combat mechanics of a revolutionary new card-based tactics game. Set in the darker side of the Marvel Universe, you will forge unbreakable bonds with legendary Marvel Super Heroes and dangerous supernatural warriors in the fight against the world\u2019s greatest threat yet\u2026the demonic forces of Lilith and the elder god Chthon.Your Marvel AdventureYou are the Hunter, the first fully-customizable original hero in the Marvel Universe. Personalize your appearance, choose your reactions to situations, and build friendships with Marvel legends spanning The Avengers, X-Men, Runaways, and more. Decide who to take with you on missions, which missions to embark on, and a host of other options to make this a unique experience.Fight and Think like a Super HeroFrom the creators of the critically-acclaimed tactical XCOM series comes an engaging and deeply customizable card-based battle system that rewards clever thinking with Super Hero flair. Deploy a squad of Super Heroes on tactical turn-based missions to thwart the forces of evil. Use your environment, move around the battlefield lining up the perfect shot or combo, and then launch devastating hero abilities to gain the advantage in each epic encounter. The combat leverages the best elements from tactical games and card-based combat in a truly unique and thrilling experience.Live Among the LegendsSpend time exploring what Super Heroes do in their off hours. Explore The Abbey\u2014your very own mystical secret base\u2014to discover powerful hidden items and secrets to aid you in the conflict against Lilith and her minions. Befriend and get to really know some of your favorite Marvel heroes as you interact with them in ways beyond the comics or the films.", + "about_the_game": "Marvel\u2019s Midnight Suns is the ultimate crossover event combining the rich story, character relationships, customization and progression of an RPG with the tactical strategy and combat mechanics of a revolutionary new card-based tactics game. Set in the darker side of the Marvel Universe, you will forge unbreakable bonds with legendary Marvel Super Heroes and dangerous supernatural warriors in the fight against the world\u2019s greatest threat yet\u2026the demonic forces of Lilith and the elder god Chthon.Your Marvel AdventureYou are the Hunter, the first fully-customizable original hero in the Marvel Universe. Personalize your appearance, choose your reactions to situations, and build friendships with Marvel legends spanning The Avengers, X-Men, Runaways, and more. Decide who to take with you on missions, which missions to embark on, and a host of other options to make this a unique experience.Fight and Think like a Super HeroFrom the creators of the critically-acclaimed tactical XCOM series comes an engaging and deeply customizable card-based battle system that rewards clever thinking with Super Hero flair. Deploy a squad of Super Heroes on tactical turn-based missions to thwart the forces of evil. Use your environment, move around the battlefield lining up the perfect shot or combo, and then launch devastating hero abilities to gain the advantage in each epic encounter. The combat leverages the best elements from tactical games and card-based combat in a truly unique and thrilling experience.Live Among the LegendsSpend time exploring what Super Heroes do in their off hours. Explore The Abbey\u2014your very own mystical secret base\u2014to discover powerful hidden items and secrets to aid you in the conflict against Lilith and her minions. Befriend and get to really know some of your favorite Marvel heroes as you interact with them in ways beyond the comics or the films.", + "short_description": "FIGHT AND STRATEGIZE LIKE A SUPER HERO IN THE DARKER CORNERS OF THE MARVEL UNIVERSE. Play as The Hunter, a legendary demon slayer who must lead a team of Super Heroes and supernatural warriors facing apocalyptic threats.", + "genres": "RPG", + "recommendations": 9144, + "score": 6.0128098164966755 + }, + { + "type": "game", + "name": "Her Story", + "detailed_description": "Buy Sam Barlow's New Game! About the GameA Video Game About a Woman Talking to the Police . Her Story is the award winning video game from Sam Barlow, creator of Silent Hill: Shattered Memories and Aisle. A crime fiction game with non-linear storytelling, Her Story revolves around a police database full of live action video footage. It stars Viva Seifert, actress and one half of the band Joe Gideon and the Shark.How does it work?. Her Story sits you in front of a mothballed desktop computer that\u2019s logged into a police database of video footage. The footage covers seven interviews from 1994 in which a British woman is interviewed about her missing husband. Explore the database by typing search terms, watch the clips where she speaks those words and piece together her story. . Unlike anything you've played before, Her Story is an involving and moving experience. A game that asks you to listen.", + "about_the_game": "A Video Game About a Woman Talking to the Police Her Story is the award winning video game from Sam Barlow, creator of Silent Hill: Shattered Memories and Aisle. A crime fiction game with non-linear storytelling, Her Story revolves around a police database full of live action video footage. It stars Viva Seifert, actress and one half of the band Joe Gideon and the Shark.How does it work?Her Story sits you in front of a mothballed desktop computer that\u2019s logged into a police database of video footage. The footage covers seven interviews from 1994 in which a British woman is interviewed about her missing husband. Explore the database by typing search terms, watch the clips where she speaks those words and piece together her story.Unlike anything you've played before, Her Story is an involving and moving experience. A game that asks you to listen.", + "short_description": "A woman is interviewed seven times by the police. Search the video database and explore hundreds of authentic clips to discover her story in this groundbreaking and award winning narrative game.", + "genres": "Adventure", + "recommendations": 6631, + "score": 5.800998730080763 + }, + { + "type": "game", + "name": "Assassin's Creed\u00ae Syndicate", + "detailed_description": "GOLD EDITIONThe Gold Edition includes the\u00a0Standard Edition\u00a0and\u00a0the Season Pass. About the GameLondon, 1868. In the heart of the Industrial Revolution, lead your underworld organization and grow your influence to fight those who exploit the less privileged in the name of progress:. Champion justice. As Jacob Frye, a young and reckless Assassin, use your skills to help those trampled by the march of progress. From freeing exploited children used as slave labour in factories, to stealing precious assets from enemy boats, you will stop at nothing to bring justice back to London\u2019s streets. . Command London\u2019s underworld. To reclaim London for the people, you will need an army. As a gang leader, strengthen your stronghold and rally rival gang members to your cause, in order to take back the capital from the Templars\u2019 hold. . A new dynamic fighting system. In Assassin\u2019s Creed Syndicate, action is fast-paced and brutal. As a master of combat, combine powerful multi-kills and countermoves to strike your enemies down. . A whole new arsenal. Choose your own way to fight enemies. Take advantage of the Rope Launcher technology to be as stealthy as ever and strike with your Hidden Blade. Or choose the kukri knife and the brass knuckles to get the drop on your enemies. . A new age of transportation. In London, the systemic vehicles offer an ever-changing environment. Drive carriages to chase your target, use your parkour skills to engage in epic fights atop high-speed trains, or make your own way amongst the boats of the River Thames. . A vast open world. Travel the city at the height of the Industrial Revolution and meet iconic historical figures. From Westminster to Whitechapel, you will come across Darwin, Dickens, Queen Victoria\u2026 and many more. . A sharper focus. Take aim, engage in combat or launch a grappling hook by keeping your target in sight with Tobii Eye Tracking. The Clean UI lets you focus on the matter at hand while the Extended View and Dynamic Light features increase your immersion, making you dive even deeper into the thrilling adventure in the streets of London. Compatible with all Tobii Eye Tracking gaming devices. . ----. Additional notes:. Eye tracking features available with Tobii Eye Tracking.", + "about_the_game": "London, 1868. In the heart of the Industrial Revolution, lead your underworld organization and grow your influence to fight those who exploit the less privileged in the name of progress:Champion justiceAs Jacob Frye, a young and reckless Assassin, use your skills to help those trampled by the march of progress. From freeing exploited children used as slave labour in factories, to stealing precious assets from enemy boats, you will stop at nothing to bring justice back to London\u2019s streets.Command London\u2019s underworldTo reclaim London for the people, you will need an army. As a gang leader, strengthen your stronghold and rally rival gang members to your cause, in order to take back the capital from the Templars\u2019 hold.A new dynamic fighting systemIn Assassin\u2019s Creed Syndicate, action is fast-paced and brutal. As a master of combat, combine powerful multi-kills and countermoves to strike your enemies down.A whole new arsenalChoose your own way to fight enemies. Take advantage of the Rope Launcher technology to be as stealthy as ever and strike with your Hidden Blade. Or choose the kukri knife and the brass knuckles to get the drop on your enemies.A new age of transportationIn London, the systemic vehicles offer an ever-changing environment. Drive carriages to chase your target, use your parkour skills to engage in epic fights atop high-speed trains, or make your own way amongst the boats of the River Thames.A vast open worldTravel the city at the height of the Industrial Revolution and meet iconic historical figures. From Westminster to Whitechapel, you will come across Darwin, Dickens, Queen Victoria\u2026 and many more.A sharper focusTake aim, engage in combat or launch a grappling hook by keeping your target in sight with Tobii Eye Tracking. The Clean UI lets you focus on the matter at hand while the Extended View and Dynamic Light features increase your immersion, making you dive even deeper into the thrilling adventure in the streets of London.Compatible with all Tobii Eye Tracking gaming devices.----Additional notes:Eye tracking features available with Tobii Eye Tracking.", + "short_description": "London, 1868. In the heart of the Industrial Revolution, lead your underworld organization and grow your influence to fight those who exploit the less privileged in the name of progress", + "genres": "Action", + "recommendations": 23230, + "score": 6.62739672803275 + }, + { + "type": "game", + "name": "Kathy Rain", + "detailed_description": "Upcoming from Clifftop Games About the Game. Set in the '90s, Kathy Rain tells the story of a strong-willed journalism major who has to come to terms with her own troubled past as she investigates the mysterious death of her recently deceased grandfather. Armed with her motorcycle, a pack of cigs, and a notepad, Kathy begins to delve into a local mystery surrounding her hometown that will take her on a harrowing journey full of emotional and personal turmoil. . As she follows a trail of clues he left behind, questions emerge\u2026 What was Joseph Rain really looking for that night all those years ago? What turned him into a mere shell of a man, confined to a wheelchair? What secret did a suicidal young artist take with her to the grave, and why are so many people in Conwell Springs going mad? The truth is dark and sinister\u2026. 320x240 (4:3) resolution with crisp pixel art graphics. 4,000+ lines of dialogue. Full English voice acting directed by Wadjet Eye Games' Dave Gilbert. Original soundtrack. 40+ hand-drawn environments. Compelling narrative with eerie plot set in the '90s.", + "about_the_game": "Set in the '90s, Kathy Rain tells the story of a strong-willed journalism major who has to come to terms with her own troubled past as she investigates the mysterious death of her recently deceased grandfather. Armed with her motorcycle, a pack of cigs, and a notepad, Kathy begins to delve into a local mystery surrounding her hometown that will take her on a harrowing journey full of emotional and personal turmoil.As she follows a trail of clues he left behind, questions emerge\u2026 What was Joseph Rain really looking for that night all those years ago? What turned him into a mere shell of a man, confined to a wheelchair? What secret did a suicidal young artist take with her to the grave, and why are so many people in Conwell Springs going mad? The truth is dark and sinister\u2026320x240 (4:3) resolution with crisp pixel art graphics4,000+ lines of dialogueFull English voice acting directed by Wadjet Eye Games' Dave GilbertOriginal soundtrack40+ hand-drawn environmentsCompelling narrative with eerie plot set in the '90s", + "short_description": "Set in the '90s, Kathy Rain tells the story of a strong-willed journalism major who has to come to terms with her troubled past as she investigates the mysterious death of her recently deceased grandfather.", + "genres": "Adventure", + "recommendations": 1618, + "score": 4.871420355472233 + }, + { + "type": "game", + "name": "Tree of Savior (English Ver.)", + "detailed_description": "Tree of Savior (\"TOS\") is an MMORPG in which you embark on a journey to search for the goddesses in a world in chaos. Fairy-tale like colors accompanied with beautiful graphics will have you savoring every precious moment experienced throughout your gameplay. . Major Characteristics : . Distinct Art Style . Massive Freedom of Choice - develop your own playstyle. Team Battle League (PVP Content) - Joust your skills with others in the arena!. Guild Wars (GvG Content) - No place is safe from enemy guild members, in the open field or even in instance dungeons!. Style : . Cute and charming looking characters and background . Diverse costumes and expressions. Scale : . Numerous character classes, 8 ranks - Enough class and rank combinations to keep you tinkering for your exact build. Hidden/advanced classes achieved only through special requirements. Diverse themes comprising a multitude of worlds and levels. Abundant field and dungeon contents and hidden quests. More than 200 unique boss monsters. Freedom of Choice : . Different jobs, skills, and stats giving possibility to a variety of combinations . No fixed route, choose which path you wish to take. Community : . The community can be accessed anytime no matter where you may be. Automatic Party Finding - Form parties with nearby players that will automatically disband when far apart. Raids : . Give low-level characters opportunities to join raids even at early stages of game play . Servers use active matchmaking to call for automatic party finding. Statistics : . Information is accumulated and posted to show rankings for almost everything in-game. The statistics provided allow players to see how other players are doing.", + "about_the_game": "Tree of Savior (\"TOS\") is an MMORPG in which you embark on a journey to search for the goddesses in a world in chaos. Fairy-tale like colors accompanied with beautiful graphics will have you savoring every precious moment experienced throughout your gameplay. Major Characteristics : Distinct Art Style Massive Freedom of Choice - develop your own playstyleTeam Battle League (PVP Content) - Joust your skills with others in the arena!Guild Wars (GvG Content) - No place is safe from enemy guild members, in the open field or even in instance dungeons!Style : Cute and charming looking characters and background Diverse costumes and expressionsScale : Numerous character classes, 8 ranks - Enough class and rank combinations to keep you tinkering for your exact buildHidden/advanced classes achieved only through special requirementsDiverse themes comprising a multitude of worlds and levelsAbundant field and dungeon contents and hidden questsMore than 200 unique boss monstersFreedom of Choice : Different jobs, skills, and stats giving possibility to a variety of combinations No fixed route, choose which path you wish to takeCommunity : The community can be accessed anytime no matter where you may beAutomatic Party Finding - Form parties with nearby players that will automatically disband when far apartRaids : Give low-level characters opportunities to join raids even at early stages of game play Servers use active matchmaking to call for automatic party findingStatistics : Information is accumulated and posted to show rankings for almost everything in-gameThe statistics provided allow players to see how other players are doing", + "short_description": "Tree of Savior(abbreviated as TOS thereafter) is an MMORPG in which you embark on a journey to search for the goddesses in the world of chaos. Fairy-tale like colors accompanied with beautiful graphics in TOS will have you reminiscing about precious moments all throughout the game.", + "genres": "Free to Play", + "recommendations": 5770, + "score": 5.709325554856093 + }, + { + "type": "game", + "name": "Divinity: Original Sin - Enhanced Edition", + "detailed_description": "Gather your party and get back to the roots of great RPG gameplay. Discuss your decisions with companions; fight foes in turn-based combat; explore an open world and interact with everything and everyone you see. . You take on the role of a young Source Hunter: your job is to rid the world of those who use the foulest of magics. Embarking on what should have been a routine murder investigation, you find yourself in the middle of a plot that threatens to destroy the very fabric of time. . A complete revamp: Thousands of enhancements, full voiceovers, new game modes, full controller support, split-screen co-op, hours of new and revised story content, a brand-new ending, new weapon styles, new skills, new puzzles, new enemies, better loot, better balancing and much, much more! . New game modes for extra replay. Explorer Mode for story-focused RPG fans. Classic Mode for those who want it just right. Tactician Mode for hardcore players, featuring fully reworked encounters, different traps and new and smarter enemy types. And Honour Mode, for the tactical geniuses among you!. Pen-and-paper-like freedom. Explore many different environments, fight all kinds of fantastical creatures, and discover tons of desirable items. You will be amazed at how much freedom the games gives you. . Manipulate the environment and use skill & spell combos to overcome your many foes. Warm up ice to create water. Boil the water to create a steam cloud. Electrify the steam cloud to create a static cloud and stun your enemies! . Play with a friend in co-op multiplayer, either online or with dynamic split-screen. . Unravel a deep and epic story, set in the early days of the Divinity universe. Discuss with your party members how to handle the many decisions you'll need to make. . Classless creation lets you design the character of your choice. Endless item interaction and combinations take exploration and experimentation to new levels of freedom.", + "about_the_game": "Gather your party and get back to the roots of great RPG gameplay. Discuss your decisions with companions; fight foes in turn-based combat; explore an open world and interact with everything and everyone you see.You take on the role of a young Source Hunter: your job is to rid the world of those who use the foulest of magics. Embarking on what should have been a routine murder investigation, you find yourself in the middle of a plot that threatens to destroy the very fabric of time.A complete revamp: Thousands of enhancements, full voiceovers, new game modes, full controller support, split-screen co-op, hours of new and revised story content, a brand-new ending, new weapon styles, new skills, new puzzles, new enemies, better loot, better balancing and much, much more! New game modes for extra replay. Explorer Mode for story-focused RPG fans. Classic Mode for those who want it just right. Tactician Mode for hardcore players, featuring fully reworked encounters, different traps and new and smarter enemy types. And Honour Mode, for the tactical geniuses among you!Pen-and-paper-like freedom. Explore many different environments, fight all kinds of fantastical creatures, and discover tons of desirable items. You will be amazed at how much freedom the games gives you. Manipulate the environment and use skill & spell combos to overcome your many foes. Warm up ice to create water. Boil the water to create a steam cloud. Electrify the steam cloud to create a static cloud and stun your enemies! Play with a friend in co-op multiplayer, either online or with dynamic split-screen. Unravel a deep and epic story, set in the early days of the Divinity universe. Discuss with your party members how to handle the many decisions you'll need to make. Classless creation lets you design the character of your choice. Endless item interaction and combinations take exploration and experimentation to new levels of freedom.", + "short_description": "Gather your party and get ready for the kick-ass new version of GameSpot's PC Game of the Year 2014. With hours of new content, new game modes, full voiceovers, split-screen multiplayer, and thousands of improvements, there's never been a better time to explore the epic world of Rivellon!", + "genres": "Adventure", + "recommendations": 19517, + "score": 6.512591553668039 + }, + { + "type": "game", + "name": "Portal Knights", + "detailed_description": "Prove yourself a Portal Knight by levelling up your character, crafting epic weapons, and vanquishing foes in real-time in this cooperative, 3D sandbox action RPG. . Explore dozens of randomly-generated islands! Build almost anything! In a world torn apart by the Fracture and terrorized by the Hollow King, you and your friends are its only hope!. Craft your adventure. Forge your hero. Become the ultimate Portal Knight!Key Features. Play as a Warrior, Mage or Ranger, then customize your appearance, abilities, and gear. Unlock amazing new talents as you level up!. . . Build almost anything using dozens of materials and furnishings \u2013 including NPCs! Unlock private islands where you can build your own castle to store your treasured belongings and to show off to your friends!. . . Vanquish enemies in real-time tactical combat! Consider carefully a foe's unique strengths and weaknesses as you choose from a variety of weapons, spells, and special abilities!. . . Use the mysterious Portals to travel between dozens of randomly generated 3D sandbox worlds. Collect resources for crafting in caves, lakes, and dungeons filled with surprises. . . Play with friends in 4-person cooperative multiplayer or on a 2-player split screen. Work together to build awe-inspiring architecture and explore dangerous dungeons or play separately. . . Architect your own island! Create AMAZING structures quickly and easily in Creative Mode and share them with your friends on the Steam Workshop! . . . Vanquish the Greatbeasts \u2013 the most vicious and dangerous \"boss\" creatures in all the realm. Each has their own hideous hideaway. . . Explore a world filled with colorful characters, aid them in their quests, and bring them to your castle!. . . Take the adventure to ever-changing landscapes as you complete quests and earn exclusive items during random events across the fractured world.", + "about_the_game": "Prove yourself a Portal Knight by levelling up your character, crafting epic weapons, and vanquishing foes in real-time in this cooperative, 3D sandbox action RPG.Explore dozens of randomly-generated islands! Build almost anything! In a world torn apart by the Fracture and terrorized by the Hollow King, you and your friends are its only hope!Craft your adventure. Forge your hero. Become the ultimate Portal Knight!Key FeaturesPlay as a Warrior, Mage or Ranger, then customize your appearance, abilities, and gear. Unlock amazing new talents as you level up!Build almost anything using dozens of materials and furnishings \u2013 including NPCs! Unlock private islands where you can build your own castle to store your treasured belongings and to show off to your friends!Vanquish enemies in real-time tactical combat! Consider carefully a foe's unique strengths and weaknesses as you choose from a variety of weapons, spells, and special abilities!Use the mysterious Portals to travel between dozens of randomly generated 3D sandbox worlds. Collect resources for crafting in caves, lakes, and dungeons filled with surprises.Play with friends in 4-person cooperative multiplayer or on a 2-player split screen. Work together to build awe-inspiring architecture and explore dangerous dungeons or play separately.Architect your own island! Create AMAZING structures quickly and easily in Creative Mode and share them with your friends on the Steam Workshop! Vanquish the Greatbeasts \u2013 the most vicious and dangerous \"boss\" creatures in all the realm. Each has their own hideous hideaway.Explore a world filled with colorful characters, aid them in their quests, and bring them to your castle!Take the adventure to ever-changing landscapes as you complete quests and earn exclusive items during random events across the fractured world.", + "short_description": "The world of Elysia needs YOU! Join this cooperative, 3D sandbox action RPG to level up your character, craft epic weapons, conquer enemies in real-time, and build almost anything! Craft your adventure. Forge your hero. Become the ultimate Portal Knight!", + "genres": "Action", + "recommendations": 15584, + "score": 6.364246268620532 + }, + { + "type": "game", + "name": "DARK SOULS\u2122 III", + "detailed_description": "More games by From Software More games by From Software About the Game. Get the DARK SOULS\u2122 III Season Pass now and challenge yourself with all the available content!. Winner of gamescom award 2015 \"Best RPG\" and over 35 E3 2015 Awards and Nominations. . DARK SOULS\u2122 III continues to push the boundaries with the latest, ambitious chapter in the critically-acclaimed and genre-defining series. . As fires fade and the world falls into ruin, journey into a universe filled with more colossal enemies and environments. Players will be immersed into a world of epic atmosphere and darkness through faster gameplay and amplified combat intensity. Fans and newcomers alike will get lost in the game hallmark rewarding gameplay and immersive graphics. Now only embers remain\u2026 Prepare yourself once more and Embrace The Darkness!.", + "about_the_game": "Get the DARK SOULS\u2122 III Season Pass now and challenge yourself with all the available content!Winner of gamescom award 2015 \"Best RPG\" and over 35 E3 2015 Awards and Nominations.DARK SOULS\u2122 III continues to push the boundaries with the latest, ambitious chapter in the critically-acclaimed and genre-defining series. As fires fade and the world falls into ruin, journey into a universe filled with more colossal enemies and environments. Players will be immersed into a world of epic atmosphere and darkness through faster gameplay and amplified combat intensity. Fans and newcomers alike will get lost in the game hallmark rewarding gameplay and immersive graphics. Now only embers remain\u2026 Prepare yourself once more and Embrace The Darkness!", + "short_description": "Dark Souls continues to push the boundaries with the latest, ambitious chapter in the critically-acclaimed and genre-defining series. Prepare yourself and Embrace The Darkness!", + "genres": "Action", + "recommendations": 228509, + "score": 8.134456822698388 + }, + { + "type": "game", + "name": "NOBUNAGA'S AMBITION: Sphere of Influence - Ascension", + "detailed_description": "The newest release from the Historical Simulation Game landmark series, \"Nobunaga's Ambition!\". In this release we include \"Officer Play\" for the first time in the series, allowing players to advance from retainer to Castle Lord and then on to Daimyo. Experience the reality of an officer of the warring states from differing perspectives!. \u25a0Experience the Warring States as an Officer, \"Officer Play\". We have added \"Officer Play,\" where players experience the life of a Warring States officer as he advances from retainer to Castle Lord and then on to Daimyo. Enjoy a variety of play styles. Conquer the land, advance in status and position, or turn the tables on your superiors. The choice is yours. . \u25a0Carefully develop your territory with \"Garden politics\". Some places have water sources. Some have highways. Some have other characteristics. Juggle these characteristics as you develop your territory as you see fit. Choose the facilities to build and enjoy watching your territory bloom due to your management. . \u25a0Witness strategic battle from the officer's viewpoint! \"Evolved Battle\". Experience the battle from the viewpoint of a single officer. Experience the strategy of deep, thrilling battlefields, using different \"formations\" and \"tactics.\". We've added a new \"Camp Log\" system, allowing various missions to occur during battle. The battle will change in real-time depending on the results of these missions, allowing for even more dramatic battles. . \u25a0Intense battles, realistically displayed! \"Siege Battles\" \"Naval Battles\". We will portray full-scale siege and naval battles with newly revised visuals. Experience the intensity of real battle with siege battles using cannons, naval battles using armored boats, and more. In addition, we will bring even more spark to the battles with a plentiful variation of castles to host these sieges.", + "about_the_game": "The newest release from the Historical Simulation Game landmark series, \"Nobunaga's Ambition!\"\r\nIn this release we include \"Officer Play\" for the first time in the series, allowing players to advance from retainer to Castle Lord and then on to Daimyo. Experience the reality of an officer of the warring states from differing perspectives!\r\n\r\n\u25a0Experience the Warring States as an Officer, \"Officer Play\"\r\nWe have added \"Officer Play,\" where players experience the life of a Warring States officer as he advances from retainer to Castle Lord and then on to Daimyo. \r\nEnjoy a variety of play styles. Conquer the land, advance in status and position, or turn the tables on your superiors. The choice is yours. \r\n\r\n\u25a0Carefully develop your territory with \"Garden politics\"\r\nSome places have water sources. Some have highways. Some have other characteristics. Juggle these characteristics as you develop your territory as you see fit.\r\nChoose the facilities to build and enjoy watching your territory bloom due to your management. \r\n\r\n\u25a0Witness strategic battle from the officer's viewpoint! \"Evolved Battle\"\r\nExperience the battle from the viewpoint of a single officer. Experience the strategy of deep, thrilling battlefields, using different \"formations\" and \"tactics.\"\r\nWe've added a new \"Camp Log\" system, allowing various missions to occur during battle. The battle will change in real-time depending on the results of these missions, allowing for even more dramatic battles.\r\n\r\n\u25a0Intense battles, realistically displayed! \"Siege Battles\" \"Naval Battles\"\r\nWe will portray full-scale siege and naval battles with newly revised visuals. Experience the intensity of real battle with siege battles using cannons, naval battles using armored boats, and more. In addition, we will bring even more spark to the battles with a plentiful variation of castles to host these sieges.", + "short_description": "The newest release from the Historical Simulation Game landmark series, "Nobunaga's Ambition!" In this release we include "Officer Play" for the first time in the series, allowing players to advance from retainer to Castle Lord and then on to Daimyo.", + "genres": "Strategy", + "recommendations": 686, + "score": 4.3063090649677935 + }, + { + "type": "game", + "name": "The Isle", + "detailed_description": "The Isle: A World Designed to Kill You. The Isle is intended to be a gritty, open-world survival horror game. Explore vast landscapes of dense forest and open plains, traverse treacherous mountains and wade through dark swamps where horrors lurk. Hidden within are ruins that hold insight as to what came before. Through it all, keep in mind there is only one goal: survive. . There is little in the way of hand holding or ulterior precepts to alter play styles or purpose. It's kill or be killed. In the end, the only one you can trust is yourself. Over the course of development the islands and their inhabitants will radically change, ever-evolving as players themselves learn how to flourish and thrive. Your mistakes will be punished. Expect no survivors.Massive Prehistoric Multiplayer. Become the beast within. When joining The Isle, you can play as one of dozens of unique creatures, from tiny darting herbivores like Dryosaurus to blood-thirsty giants such as T. Rex or Allosaurus (with many more still to come!) As a dinosaur, you'll be the epitome of majestic, cunning and ferocious. Use your natural abilities and senses to stay off the menu and grow into a stronger, more capable creature. . Engage with a living prehistoric ecosystem as you become either predator or prey on servers featuring up to 100+ players, all of them as hungry and dangerous as you. Form packs/herds, create nests, defend your offspring, hunt, and claim territory. A single mistake can spell your demise.Survival or Sandbox?. The Isle's core game mode is Survival, a tense and difficult experience where you need to grow fast or die young. Dinosaurs in Survival mode progress through several life stages, starting out small and vulnerable. Use your scent ability, night vision and wits to survive long enough to grow, becoming more powerful and unlock new abilities such as nesting. Because of the time needed to develop a full character life cycle, not every creature is or will be playable in Survival, though more will be added in future updates. . However, sometimes you don't want to struggle to survive, or you don't have the time to go through a dinosaur's whole life story. And that's okay. For players who want a less intense experience, Sandbox mode lets you play an expanded roster of dinosaurs (and soon humans!). You can jump right in as an adult super predator or a peaceful giant, with no major penalties or consequences from dying. We won't judge.A Global Community Story. The Isle features a narrative told strictly through the environment, achievable only through immense cooperation among players. Are you stranded? Can you just leave? What is AE? How did the dinosaurs get here? What is the distant call that pierces the night? . It will take the entire community to answer these mysteries and unravel the purpose to their being on The Isle, and each discovery will directly affect the future of the game's storyline.Future Development Goals. We realize that there is a long road ahead, and a lot of work to be done to turn this into the game we want it to be. Throughout development, we will be adding a lot more to The Isle and incorporating user feedback in how we evolve the experience. Some of our planned features include:. Playable aquatic and aerial creatures. Even more playable dinosaurs with complete life cycles. Two new playable factions: modern humans & the indigenous. Evolve into advanced \"strain\" versions of certain dinosaurs. Realistic dinosaur AI that uses complex behaviours. Additional world biome types such as thick jungles. Dynamic aerial drop-in spawn system. Global in-game world quest. Localization of all in-game menus & text. Better accessibility & customization options. Steam Achievements, Trading Cards, Emotes. Mod support using Steam Workshop. All that and more are on our radar going forward. We started with a plan of just a mere handful of playable carnivores, but based on player demand we expanded our scope, increased that number greatly and introduced herbivorous dinosaurs as well. Listening to our community has been instrumental in guiding our process and helped to correct our mistakes, and we hope that together we can transform The Isle into the ultimate dinosaur game. . --AE Core TX Received--. --End Promotional Protocol--. --SiGnaL InTeRrUpt--. -tHEeNdISnevErTheENDisNeVeRtHeEnDIsNev-", + "about_the_game": "The Isle: A World Designed to Kill YouThe Isle is intended to be a gritty, open-world survival horror game. Explore vast landscapes of dense forest and open plains, traverse treacherous mountains and wade through dark swamps where horrors lurk. Hidden within are ruins that hold insight as to what came before. Through it all, keep in mind there is only one goal: survive. There is little in the way of hand holding or ulterior precepts to alter play styles or purpose. It's kill or be killed. In the end, the only one you can trust is yourself. Over the course of development the islands and their inhabitants will radically change, ever-evolving as players themselves learn how to flourish and thrive. Your mistakes will be punished. Expect no survivors.Massive Prehistoric MultiplayerBecome the beast within. When joining The Isle, you can play as one of dozens of unique creatures, from tiny darting herbivores like Dryosaurus to blood-thirsty giants such as T. Rex or Allosaurus (with many more still to come!) As a dinosaur, you'll be the epitome of majestic, cunning and ferocious. Use your natural abilities and senses to stay off the menu and grow into a stronger, more capable creature.Engage with a living prehistoric ecosystem as you become either predator or prey on servers featuring up to 100+ players, all of them as hungry and dangerous as you. Form packs/herds, create nests, defend your offspring, hunt, and claim territory. A single mistake can spell your demise.Survival or Sandbox?The Isle's core game mode is Survival, a tense and difficult experience where you need to grow fast or die young. Dinosaurs in Survival mode progress through several life stages, starting out small and vulnerable. Use your scent ability, night vision and wits to survive long enough to grow, becoming more powerful and unlock new abilities such as nesting. Because of the time needed to develop a full character life cycle, not every creature is or will be playable in Survival, though more will be added in future updates. However, sometimes you don't want to struggle to survive, or you don't have the time to go through a dinosaur's whole life story. And that's okay. For players who want a less intense experience, Sandbox mode lets you play an expanded roster of dinosaurs (and soon humans!). You can jump right in as an adult super predator or a peaceful giant, with no major penalties or consequences from dying. We won't judge.A Global Community StoryThe Isle features a narrative told strictly through the environment, achievable only through immense cooperation among players. Are you stranded? Can you just leave? What is AE? How did the dinosaurs get here? What is the distant call that pierces the night? It will take the entire community to answer these mysteries and unravel the purpose to their being on The Isle, and each discovery will directly affect the future of the game's storyline.Future Development GoalsWe realize that there is a long road ahead, and a lot of work to be done to turn this into the game we want it to be. Throughout development, we will be adding a lot more to The Isle and incorporating user feedback in how we evolve the experience. Some of our planned features include:Playable aquatic and aerial creaturesEven more playable dinosaurs with complete life cyclesTwo new playable factions: modern humans & the indigenousEvolve into advanced \"strain\" versions of certain dinosaursRealistic dinosaur AI that uses complex behavioursAdditional world biome types such as thick junglesDynamic aerial drop-in spawn systemGlobal in-game world questLocalization of all in-game menus & textBetter accessibility & customization optionsSteam Achievements, Trading Cards, EmotesMod support using Steam WorkshopAll that and more are on our radar going forward. We started with a plan of just a mere handful of playable carnivores, but based on player demand we expanded our scope, increased that number greatly and introduced herbivorous dinosaurs as well. Listening to our community has been instrumental in guiding our process and helped to correct our mistakes, and we hope that together we can transform The Isle into the ultimate dinosaur game. --AE Core TX Received----End Promotional Protocol----SiGnaL InTeRrUpt---tHEeNdISnevErTheENDisNeVeRtHeEnDIsNev-", + "short_description": "Experience fierce open world survival gameplay as you attempt to stay alive on an unforgiving island inhabited by dinosaurs! Hunt. Grow. Survive.", + "genres": "Action", + "recommendations": 61930, + "score": 7.273793423840179 + }, + { + "type": "game", + "name": "Fallout 4", + "detailed_description": "Creation Kit Review Highlights. About the GameBethesda Game Studios, the award-winning creators of Fallout 3 and The Elder Scrolls V: Skyrim, welcome you to the world of Fallout 4 \u2013 their most ambitious game ever, and the next generation of open-world gaming. . As the sole survivor of Vault 111, you enter a world destroyed by nuclear war. Every second is a fight for survival, and every choice is yours. Only you can rebuild and determine the fate of the Wasteland. Welcome home.Key Features:Freedom and Liberty!. Do whatever you want in a massive open world with hundreds of locations, characters, and quests. Join multiple factions vying for power or go it alone, the choices are all yours. . You\u2019re S.P.E.C.I.A.L!. Be whoever you want with the S.P.E.C.I.A.L. character system. From a Power Armored soldier to the charismatic smooth talker, you can choose from hundreds of Perks and develop your own playstyle. . Super Deluxe Pixels!. An all-new next generation graphics and lighting engine brings to life the world of Fallout like never before. From the blasted forests of the Commonwealth to the ruins of Boston, every location is packed with dynamic detail. . Violence and V.A.T.S.!. Intense first or third person combat can also be slowed down with the new dynamic Vault-Tec Assisted Targeting System (V.A.T.S) that lets you choose your attacks and enjoy cinematic carnage. . Collect and Build!. Collect, upgrade, and build thousands of items in the most advanced crafting system ever. Weapons, armor, chemicals, and food are just the beginning - you can even build and manage entire settlements.", + "about_the_game": "Bethesda Game Studios, the award-winning creators of Fallout 3 and The Elder Scrolls V: Skyrim, welcome you to the world of Fallout 4 \u2013 their most ambitious game ever, and the next generation of open-world gaming.As the sole survivor of Vault 111, you enter a world destroyed by nuclear war. Every second is a fight for survival, and every choice is yours. Only you can rebuild and determine the fate of the Wasteland. Welcome home.Key Features:Freedom and Liberty!Do whatever you want in a massive open world with hundreds of locations, characters, and quests. Join multiple factions vying for power or go it alone, the choices are all yours.You\u2019re S.P.E.C.I.A.L!Be whoever you want with the S.P.E.C.I.A.L. character system. From a Power Armored soldier to the charismatic smooth talker, you can choose from hundreds of Perks and develop your own playstyle. Super Deluxe Pixels!An all-new next generation graphics and lighting engine brings to life the world of Fallout like never before. From the blasted forests of the Commonwealth to the ruins of Boston, every location is packed with dynamic detail. Violence and V.A.T.S.!Intense first or third person combat can also be slowed down with the new dynamic Vault-Tec Assisted Targeting System (V.A.T.S) that lets you choose your attacks and enjoy cinematic carnage.Collect and Build!Collect, upgrade, and build thousands of items in the most advanced crafting system ever. Weapons, armor, chemicals, and food are just the beginning - you can even build and manage entire settlements.", + "short_description": "Bethesda Game Studios, the award-winning creators of Fallout 3 and The Elder Scrolls V: Skyrim, welcome you to the world of Fallout 4 \u2013 their most ambitious game ever, and the next generation of open-world gaming.", + "genres": "RPG", + "recommendations": 201744, + "score": 8.052332981075864 + }, + { + "type": "game", + "name": "The Surge", + "detailed_description": "Buzz. About the Game. . A catastrophic event has knocked you out during the first day on the job\u2026 you wake up equipped with a heavy-grade exoskeleton, in a destroyed section of the complex. Robots gone haywire, insane augmented co-workers and rogue AI - everything wants you dead. . Defy deadly enemies and huge bosses in tight, visceral melee combat. Target and slice specific limbs off your foes, with a next-gen loot system where you loot what you dismember. Equip, upgrade and craft new weapons and armors sliced from enemies, and make yourself stronger through a fresh take on leveling-up. .", + "about_the_game": "A catastrophic event has knocked you out during the first day on the job\u2026 you wake up equipped with a heavy-grade exoskeleton, in a destroyed section of the complex. Robots gone haywire, insane augmented co-workers and rogue AI - everything wants you dead.Defy deadly enemies and huge bosses in tight, visceral melee combat. Target and slice specific limbs off your foes, with a next-gen loot system where you loot what you dismember. Equip, upgrade and craft new weapons and armors sliced from enemies, and make yourself stronger through a fresh take on leveling-up.", + "short_description": "Welcome to CREO, the megacorporation saving the world! A catastrophic event has knocked you out during the first day on the job\u2026 you wake up equipped with a heavy-grade exoskeleton, in a destroyed section of the complex.", + "genres": "Action", + "recommendations": 6408, + "score": 5.778450986159528 + }, + { + "type": "game", + "name": "Project CARS 2", + "detailed_description": "DELUXE EDITION. Take your ultimate driver journey to the max. Grab the Project CARS 2 Deluxe Edition and get accesss to the full game, Season Pass, and all bonus content including new cars, tracks, events, liveries. check out the newest game in the Project CARS franchise About the Game. FEATURES: . \u2022 180+ elite- brand race & road cars . \u2022 Full 12K & VR Support. \u2022 Tested & tuned by pro drivers & gamers for true-to-life handling . \u2022 Real-world-derived career progression. \u2022 All-new motorsports (IndyCar, Oval Racing, rallycross) join old favorites incl. GT3. \u2022 Dynamic surface & weather physics affect vehicle performance & handling in real-time . \u2022 New loose surface racing (ice, dirt, mud). \u2022 Full 24-hour cycle with real-time atmospheric conditions & seasonal ambience. \u2022 Accessible gamepad handling & wide-ranging wheel support. \u2022 Class-leading Esport capabilities incl. Online Championships. Available for Arcades on SpringboardVR .", + "about_the_game": "FEATURES: \u2022 180+ elite- brand race & road cars \u2022 Full 12K & VR Support\u2022 Tested & tuned by pro drivers & gamers for true-to-life handling \u2022 Real-world-derived career progression\u2022 All-new motorsports (IndyCar, Oval Racing, rallycross) join old favorites incl. GT3\u2022 Dynamic surface & weather physics affect vehicle performance & handling in real-time \u2022 New loose surface racing (ice, dirt, mud)\u2022 Full 24-hour cycle with real-time atmospheric conditions & seasonal ambience\u2022 Accessible gamepad handling & wide-ranging wheel support\u2022 Class-leading Esport capabilities incl. Online Championships Available for Arcades on SpringboardVR", + "short_description": "THE ULTIMATE DRIVER JOURNEY! Project CARS 2 delivers the soul of motor racing in the world\u2019s most beautiful, authentic, and technically-advanced racing game.", + "genres": "Racing", + "recommendations": 11344, + "score": 6.1549198646123635 + }, + { + "type": "game", + "name": "Kingdom Come: Deliverance", + "detailed_description": "Special Offer. About the GameGame: You're Henry, the son of a blacksmith. Thrust into a raging civil war, you watch helplessly as invaders storm your village and slaughter your friends and family. Narrowly escaping the brutal attack, you grab your sword to fight back. Avenge the death of your parents and help repel the invading forces!Story: Bohemia \u2013 located in the heart of Europe, the region is rich in culture, silver, and sprawling castles. The death of its beloved ruler, Emperor Charles IV, has plunged the kingdom into dark times: war, corruption, and discord are tearing this jewel of the Holy Roman Empire apart. . One of Charles' sons, Wenceslas, has inherited the crown. Unlike his father, Wenceslas is a naive, self-indulgent, unambitious monarch. His half-brother and King of Hungary, Sigismund the Red Fox, senses weakness in Wenceslas. Feigning good will, Sigismund travels to Bohemia and kidnaps his half-brother. With no king on the throne, Sigismund is now free to plunder Bohemia and seize its riches. . In the midst of this chaos, you're Henry, the son of a blacksmith. Your peaceful life is shattered when a mercenary raid, ordered by King Sigismund himself, burns your village to the ground. By bittersweet fortune, you are one of the few survivors of this massacre. . Without a home, family, or future you end up in the service of Lord Radzig Kobyla, who is forming a resistance against the invasion. Fate drags you into this bloody conflict and shoves you into a raging civil war, where you help fight for the future of Bohemia.Features:Massive realistic open world: Majestic castles, vast fields, all rendered in stunning high-end graphics. . Non-linear story: Solve quests in multiple ways, then face the consequences of your decisions. . Challenging combat: Distance, stealth, or melee. Choose your weapons and execute dozens of unique combos in battles that are as thrilling as they are merciless. . Character development: Improve your skills, earn new perks, and forge and upgrade your equipment. . Dynamic world: Your actions influence the reactions of the people around you. Fight, steal, seduce, threaten, persuade, or bribe. It\u2019s all up to you. . Historical accuracy: Meet real historical characters and experience the genuine look and feel of medieval Bohemia.", + "about_the_game": "Game: You're Henry, the son of a blacksmith. Thrust into a raging civil war, you watch helplessly as invaders storm your village and slaughter your friends and family. Narrowly escaping the brutal attack, you grab your sword to fight back. Avenge the death of your parents and help repel the invading forces!Story: Bohemia \u2013 located in the heart of Europe, the region is rich in culture, silver, and sprawling castles. The death of its beloved ruler, Emperor Charles IV, has plunged the kingdom into dark times: war, corruption, and discord are tearing this jewel of the Holy Roman Empire apart.One of Charles' sons, Wenceslas, has inherited the crown. Unlike his father, Wenceslas is a naive, self-indulgent, unambitious monarch. His half-brother and King of Hungary, Sigismund the Red Fox, senses weakness in Wenceslas. Feigning good will, Sigismund travels to Bohemia and kidnaps his half-brother. With no king on the throne, Sigismund is now free to plunder Bohemia and seize its riches.In the midst of this chaos, you're Henry, the son of a blacksmith. Your peaceful life is shattered when a mercenary raid, ordered by King Sigismund himself, burns your village to the ground. By bittersweet fortune, you are one of the few survivors of this massacre. Without a home, family, or future you end up in the service of Lord Radzig Kobyla, who is forming a resistance against the invasion. Fate drags you into this bloody conflict and shoves you into a raging civil war, where you help fight for the future of Bohemia.Features:Massive realistic open world: Majestic castles, vast fields, all rendered in stunning high-end graphics.Non-linear story: Solve quests in multiple ways, then face the consequences of your decisions.Challenging combat: Distance, stealth, or melee. Choose your weapons and execute dozens of unique combos in battles that are as thrilling as they are merciless.Character development: Improve your skills, earn new perks, and forge and upgrade your equipment.Dynamic world: Your actions influence the reactions of the people around you. Fight, steal, seduce, threaten, persuade, or bribe. It\u2019s all up to you.Historical accuracy: Meet real historical characters and experience the genuine look and feel of medieval Bohemia.", + "short_description": "Story-driven open-world RPG that immerses you in an epic adventure in the Holy Roman Empire. Avenge your parents' death as you battle invading forces, go on game-changing quests, and make influential choices. Explore castles, forests, villages and other realistic settings in medieval Bohemia!", + "genres": "Action", + "recommendations": 83458, + "score": 7.470464486487991 + }, + { + "type": "game", + "name": "DOOM", + "detailed_description": "2016 Game Awards Winner. About the GameDeveloped by id software, the studio that pioneered the first-person shooter genre and created multiplayer Deathmatch, DOOM returns as a brutally fun and challenging modern-day shooter experience. Relentless demons, impossibly destructive guns, and fast, fluid movement provide the foundation for intense, first-person combat \u2013 whether you\u2019re obliterating demon hordes through the depths of Hell in the single-player campaign, or competing against your friends in numerous multiplayer modes. Expand your gameplay experience using DOOM SnapMap game editor to easily create, play, and share your content with the world. . . STORY:. You\u2019ve come here for a reason. The Union Aerospace Corporation\u2019s massive research facility on Mars is overwhelmed by fierce and powerful demons, and only one person stands between their world and ours. As the lone DOOM Marine, you\u2019ve been activated to do one thing \u2013 kill them all.KEY FEATURES:A Relentless Campaign. There is no taking cover or stopping to regenerate health as you beat back Hell\u2019s raging demon hordes. Combine your arsenal of futuristic and iconic guns, upgrades, movement and an advanced melee system to knock-down, slash, stomp, crush, and blow apart demons in creative and violent ways. . Return of id Multiplayer. Dominate your opponents in DOOM\u2019s signature, fast-paced arena-style combat. In both classic and all-new game modes, annihilate your enemies utilizing your personal blend of skill, powerful weapons, vertical movement, and unique power-ups that allow you to play as a demon. . Endless Possibilities. DOOM SnapMap \u2013 a powerful, but easy-to-use game and level editor \u2013 allows for limitless gameplay experiences on every platform. Without any previous experience or special expertise, any player can quickly and easily snap together and visually customize maps, add pre-defined or completely custom gameplay, and even edit game logic to create new modes. Instantly play your creation, share it with a friend, or make it available to players around the world \u2013 all in-game with the push of a button.", + "about_the_game": "Developed by id software, the studio that pioneered the first-person shooter genre and created multiplayer Deathmatch, DOOM returns as a brutally fun and challenging modern-day shooter experience. Relentless demons, impossibly destructive guns, and fast, fluid movement provide the foundation for intense, first-person combat \u2013 whether you\u2019re obliterating demon hordes through the depths of Hell in the single-player campaign, or competing against your friends in numerous multiplayer modes. Expand your gameplay experience using DOOM SnapMap game editor to easily create, play, and share your content with the world. STORY:You\u2019ve come here for a reason. The Union Aerospace Corporation\u2019s massive research facility on Mars is overwhelmed by fierce and powerful demons, and only one person stands between their world and ours. As the lone DOOM Marine, you\u2019ve been activated to do one thing \u2013 kill them all.KEY FEATURES:A Relentless CampaignThere is no taking cover or stopping to regenerate health as you beat back Hell\u2019s raging demon hordes. Combine your arsenal of futuristic and iconic guns, upgrades, movement and an advanced melee system to knock-down, slash, stomp, crush, and blow apart demons in creative and violent ways. Return of id MultiplayerDominate your opponents in DOOM\u2019s signature, fast-paced arena-style combat. In both classic and all-new game modes, annihilate your enemies utilizing your personal blend of skill, powerful weapons, vertical movement, and unique power-ups that allow you to play as a demon.Endless PossibilitiesDOOM SnapMap \u2013 a powerful, but easy-to-use game and level editor \u2013 allows for limitless gameplay experiences on every platform. Without any previous experience or special expertise, any player can quickly and easily snap together and visually customize maps, add pre-defined or completely custom gameplay, and even edit game logic to create new modes. Instantly play your creation, share it with a friend, or make it available to players around the world \u2013 all in-game with the push of a button.", + "short_description": "Now includes all three premium DLC packs (Unto the Evil, Hell Followed, and Bloodfall), maps, modes, and weapons, as well as all feature updates including Arcade Mode, Photo Mode, and the latest Update 6.66, which brings further multiplayer improvements as well as revamps multiplayer progression.", + "genres": "Action", + "recommendations": 120172, + "score": 7.710804408500962 + }, + { + "type": "game", + "name": "Fishing Planet", + "detailed_description": "Fishing Planet\u00ae is a highly realistic first-person online multiplayer fishing simulator. Developed by avid fishing enthusiasts to bring you the full thrill of actual angling on your PC. . Free-to-Play on all platforms and just a download away!. Cross play on Mobile. People on Android and iOS devices can play together. . Compete online with other players in events and competitions with personal scores, achievements, leader boards and top-players lists. . Highly realistic world of fishing on your screen:. 170+ species of fish with complex AI driven behavior depending on seasons, climate, time of day, water current, bottom type, water and air temperature, wind and more. . 25 scenic waterways with photorealistic graphics from all around the world with their own climate conditions, landscapes, bottom topography and vegetation. All waterways are based on real locations. . Three types of fishing - float, spinning and bottom. . Thousands of tackles and lures combinations with unique physical and hydrodynamic properties. Realistic biting and striking reactions, specifics of lure attacks of each species based on real-life fish behavior. . Dynamic weather \u2013 day/night alternation, change of seasons, different weather conditions (rain, fog, bright sunshine). Possibility of sudden rain or sunshine breaking through the clouds. . Dynamic water graphics that changes depending on wind, current and depth. Splashes, waves and ripples on the water create a fully realistic fishing experience. . Rideable kayaks and 3 types of motor boats, each with unique speed, durability and other parameters and features.", + "about_the_game": "Fishing Planet\u00ae is a highly realistic first-person online multiplayer fishing simulator. Developed by avid fishing enthusiasts to bring you the full thrill of actual angling on your PC. Free-to-Play on all platforms and just a download away! Cross play on Mobile. People on Android and iOS devices can play together. Compete online with other players in events and competitions with personal scores, achievements, leader boards and top-players lists. Highly realistic world of fishing on your screen: 170+ species of fish with complex AI driven behavior depending on seasons, climate, time of day, water current, bottom type, water and air temperature, wind and more. 25 scenic waterways with photorealistic graphics from all around the world with their own climate conditions, landscapes, bottom topography and vegetation. All waterways are based on real locations. Three types of fishing - float, spinning and bottom. Thousands of tackles and lures combinations with unique physical and hydrodynamic properties. Realistic biting and striking reactions, specifics of lure attacks of each species based on real-life fish behavior. Dynamic weather \u2013 day/night alternation, change of seasons, different weather conditions (rain, fog, bright sunshine). Possibility of sudden rain or sunshine breaking through the clouds. Dynamic water graphics that changes depending on wind, current and depth. Splashes, waves and ripples on the water create a fully realistic fishing experience. Rideable kayaks and 3 types of motor boats, each with unique speed, durability and other parameters and features.", + "short_description": "Fishing Planet\u00ae is a free-to-play and highly realistic first-person online multiplayer fishing simulator. Developed by avid fishing enthusiasts to bring you the full thrill of actual angling on your PC.", + "genres": "Free to Play", + "recommendations": 494, + "score": 4.090229027145505 + }, + { + "type": "game", + "name": "Dead by Daylight", + "detailed_description": "OVERVIEW. About the GameDeath Is Not an Escape. Dead by Daylight is a multiplayer (4vs1) horror game where one player takes on the role of the savage Killer, and the other four players play as Survivors, trying to escape the Killer and avoid being caught, tortured and killed. . Survivors play in third-person and have the advantage of better situational awareness. The Killer plays in first-person and is more focused on their prey. . The Survivors' goal in each encounter is to escape the Killing Ground without getting caught by the Killer - something that sounds easier than it is, especially when the environment changes every time you play. . More information about the game is available at Features\u2022\tSurvive Together\u2026 Or Not - Survivors can either cooperate with the others or be selfish. Your chance of survival will vary depending on whether you work together as a team or if you go at it alone. Will you be able to outwit the Killer and escape their Killing Ground?. \u2022\tWhere Am I? - Each level is procedurally generated, so you\u2019ll never know what to expect. Random spawn points mean you will never feel safe as the world and its danger change every time you play. . \u2022\tA Feast for Killers - Dead by Daylight draws from all corners of the horror world. As a Killer you can play as anything from a powerful Slasher to terrifying paranormal entities. Familiarize yourself with your Killing Grounds and master each Killer\u2019s unique power to be able to hunt, catch and sacrifice your victims. . . \u2022\tDeeper and Deeper - Each Killer and Survivor has their own deep progression system and plenty of unlockables that can be customized to fit your own personal strategy. Experience, skills and understanding of the environment are key to being able to hunt or outwit the Killer. . \u2022\tReal People, Real Fear - The procedural levels and real human reactions to pure horror makes each game session an unexpected scenario. You will never be able to tell how it\u2019s going to turn out. Ambience, music, and chilling environments combine into a terrifying experience. With enough time, you might even discover what\u2019s hiding in the fog. . WARNING: PHOTOSENSITIVITY/EPILEPSY SEIZURES - READ THIS NOTICE BEFORE PLAYING. A very small percentage of people may experience epileptic seizures or blackouts when exposed to certain kinds of flashing lights or light patterns. These persons, or even people who have no history of seizures or epilepsy, may experience epileptic symptoms or seizures while playing video games. If you or any of your relatives has an epileptic condition or has had seizures of any kind, consult your physician before playing any video game. . IMMEDIATELY DISCONTINUE use and consult a physician if you or your child experience any of the following symptoms: dizziness, altered vision, eye or muscle twitching, involuntary movements, loss of awareness, disorientation, or convulsions. Parents should watch for or ask their children about the above symptoms. . You may reduce risk of photosensitive epileptic seizures by taking the following precautions: sit farther from the screen, use a smaller screen, play in a well-lit room, do not play when you are drowsy or fatigued.", + "about_the_game": "Death Is Not an Escape.Dead by Daylight is a multiplayer (4vs1) horror game where one player takes on the role of the savage Killer, and the other four players play as Survivors, trying to escape the Killer and avoid being caught, tortured and killed. Survivors play in third-person and have the advantage of better situational awareness. The Killer plays in first-person and is more focused on their prey. The Survivors' goal in each encounter is to escape the Killing Ground without getting caught by the Killer - something that sounds easier than it is, especially when the environment changes every time you play.More information about the game is available at Features\u2022\tSurvive Together\u2026 Or Not - Survivors can either cooperate with the others or be selfish. Your chance of survival will vary depending on whether you work together as a team or if you go at it alone. Will you be able to outwit the Killer and escape their Killing Ground?\u2022\tWhere Am I? - Each level is procedurally generated, so you\u2019ll never know what to expect. Random spawn points mean you will never feel safe as the world and its danger change every time you play.\u2022\tA Feast for Killers - Dead by Daylight draws from all corners of the horror world. As a Killer you can play as anything from a powerful Slasher to terrifying paranormal entities. Familiarize yourself with your Killing Grounds and master each Killer\u2019s unique power to be able to hunt, catch and sacrifice your victims.\u2022\tDeeper and Deeper - Each Killer and Survivor has their own deep progression system and plenty of unlockables that can be customized to fit your own personal strategy. Experience, skills and understanding of the environment are key to being able to hunt or outwit the Killer.\u2022\tReal People, Real Fear - The procedural levels and real human reactions to pure horror makes each game session an unexpected scenario. You will never be able to tell how it\u2019s going to turn out. Ambience, music, and chilling environments combine into a terrifying experience. With enough time, you might even discover what\u2019s hiding in the fog.WARNING: PHOTOSENSITIVITY/EPILEPSY SEIZURES - READ THIS NOTICE BEFORE PLAYINGA very small percentage of people may experience epileptic seizures or blackouts when exposed to certain kinds of flashing lights or light patterns. These persons, or even people who have no history of seizures or epilepsy, may experience epileptic symptoms or seizures while playing video games. If you or any of your relatives has an epileptic condition or has had seizures of any kind, consult your physician before playing any video game.IMMEDIATELY DISCONTINUE use and consult a physician if you or your child experience any of the following symptoms: dizziness, altered vision, eye or muscle twitching, involuntary movements, loss of awareness, disorientation, or convulsions. Parents should watch for or ask their children about the above symptoms.You may reduce risk of photosensitive epileptic seizures by taking the following precautions: sit farther from the screen, use a smaller screen, play in a well-lit room, do not play when you are drowsy or fatigued.", + "short_description": "Dead by Daylight is a multiplayer (4vs1) horror game where one player takes on the role of the savage Killer, and the other four players play as Survivors, trying to escape the Killer and avoid being caught and killed.", + "genres": "Action", + "recommendations": 486729, + "score": 8.63291993334837 + }, + { + "type": "game", + "name": "Relic Hunters Zero: Remix", + "detailed_description": "Feature List. Seven Playable Characters - Each Relic Hunter comes equipped with unique stats, skills, and skins, allowing for diverse playstyle and combat. Multiple Exciting Game Modes - Classic 12-level Adventure Mode with unlockable relics and items, challenging \"Endless\" Mode with unique mechanics and economy, and \"Storm\" mode that progressively increases in difficulty and chaos. Daily Content - Show off your combat prowess and see how you rank against your fellow Hunters in Daily Mode, where everyone faces the same random challenge . Couch Co-Op - Up to 2 players can team up in local multiplayer for new strategies and battle tactics. Progressive Chiptunes Soundtrack - Energetic tracks to amp you up as you beatdown swarms of Ducans. Overcome Tough Enemies & Mini-Bosses - Be cautious of the powerful Ducan commanders who will rise up to overwhelm you and your team. Powerful Community-Built Weapons - Explore the Asteroid Dungeon Nemesis riddled with a myriad of different weapons, some designed by members of the Relic Hunter community. In-Game Achievements - Track and unlock achievements for a variety of challenges you'll face. About the GameA 100% FREE shooter from the creators of Chroma Squad and Knights of Pen & Paper. . Long ago, in a distant part of our galaxy, the Asteroid Dungeon Nemesis was the sacred home of the legendary relics of power. The evil Duke Ducan sought these artifacts to rise his ducks to power and rule the galaxy. But the Spaceheart and its crew of Relic Hunters arrived at the Asteroid, ready to ruin his plans. . Relic Hunters Zero: Remix is a remaster of the 1 million player hit game that takes the adventure and levels it up in more ways than one! Follow your heroes: Jimmy, Pinkyy, Ace, Panzer, Biu, Raff, and Red as they explore, looking for relics while trying to get the Ducans off their Asteroid. Run, Gun, and Dodge your way through numerous space ducks and evil space turtles. It\u2019s fast, it\u2019s tactical, and it feels deliciously smooth to play. Unlock new weapons, characters and use relics to overcome waves of enemies to ultimately defeat Duke, The Ducan Commander!.", + "about_the_game": "A 100% FREE shooter from the creators of Chroma Squad and Knights of Pen & PaperLong ago, in a distant part of our galaxy, the Asteroid Dungeon Nemesis was the sacred home of the legendary relics of power. The evil Duke Ducan sought these artifacts to rise his ducks to power and rule the galaxy. But the Spaceheart and its crew of Relic Hunters arrived at the Asteroid, ready to ruin his plans.Relic Hunters Zero: Remix is a remaster of the 1 million player hit game that takes the adventure and levels it up in more ways than one! Follow your heroes: Jimmy, Pinkyy, Ace, Panzer, Biu, Raff, and Red as they explore, looking for relics while trying to get the Ducans off their Asteroid. Run, Gun, and Dodge your way through numerous space ducks and evil space turtles. It\u2019s fast, it\u2019s tactical, and it feels deliciously smooth to play. Unlock new weapons, characters and use relics to overcome waves of enemies to ultimately defeat Duke, The Ducan Commander!", + "short_description": "Relic Hunters Zero: Remix is a remaster of the FREE 1 million player hit game about blasting evil space ducks and turtles with tiny cute guns. It\u2019s fast, it\u2019s tactical, and feels deliciously smooth to play. Unlock new weapons, characters and relics to defeat the Ducan Commander!", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Sakura Clicker", + "detailed_description": "The latest entry in the Sakura series is more action-packed than ever before! Sakura Clickers is a fast-paced, exciting adventure, full of content, in which you defeat your foes with the power of your mouse!. Fearsome Foes - The battle never ends as you fight a horde of enemies, each one more powerful than the last as they attempt to impede your path. . Customisable Characters - As you earn gold from slaying your foes, you can purchase and outfit your hero with a variety of costumes. . Helpful Allies - You don't have to face these evils alone! As you progress you may also hire a number of allies that are dedicated to assisting you in fighting the evils that threaten the world. . Also included is 800+ moans as you defeat the monsters. . Voice Actors Credits:. \u5317\u68ee\u3042\u3086\tKitamori Ayu. \u30ab\u30f3\u30b6\u30ad\u30ab\u30ca\u30ea\tKanzaki Canari. \u4e5d\u5341\u4e5d\u5186\tTsukumo Madoka. \u517c\u7530\u3081\u3050\u307f\tKaneta Megumi. \u6850\u8c37\u8776\u3005\tKiritani Choucho. \u571f\u4e95\u53cb\u52a0\u91cc\tDoi Yukari. \u3042\u308a\u304b\u308f\u771f\u5948\tArikawa Mana. \u6e0b\u4e95\u7f8e\u8cb4\tShibui Miki. \u5de5\u85e4\u30de\u30df\tKudou Mami. \u98ef\u7530\u3055\u3061\tIida Sachi. \u5b89\u7530\u307f\u305a\u307b\tYasuda Mizuho", + "about_the_game": "The latest entry in the Sakura series is more action-packed than ever before! Sakura Clickers is a fast-paced, exciting adventure, full of content, in which you defeat your foes with the power of your mouse!\r\n\r\nFearsome Foes - The battle never ends as you fight a horde of enemies, each one more powerful than the last as they attempt to impede your path.\r\n\r\nCustomisable Characters - As you earn gold from slaying your foes, you can purchase and outfit your hero with a variety of costumes.\r\n\r\nHelpful Allies - You don't have to face these evils alone! As you progress you may also hire a number of allies that are dedicated to assisting you in fighting the evils that threaten the world.\r\n\r\nAlso included is 800+ moans as you defeat the monsters.\r\n\r\nVoice Actors Credits:\r\n\u5317\u68ee\u3042\u3086\tKitamori Ayu\r\n\u30ab\u30f3\u30b6\u30ad\u30ab\u30ca\u30ea\tKanzaki Canari\r\n\u4e5d\u5341\u4e5d\u5186\tTsukumo Madoka\r\n\u517c\u7530\u3081\u3050\u307f\tKaneta Megumi\r\n\u6850\u8c37\u8776\u3005\tKiritani Choucho\r\n\u571f\u4e95\u53cb\u52a0\u91cc\tDoi Yukari\r\n\u3042\u308a\u304b\u308f\u771f\u5948\tArikawa Mana\r\n\u6e0b\u4e95\u7f8e\u8cb4\tShibui Miki\r\n\u5de5\u85e4\u30de\u30df\tKudou Mami\r\n\u98ef\u7530\u3055\u3061\tIida Sachi\r\n\u5b89\u7530\u307f\u305a\u307b\tYasuda Mizuho", + "short_description": "The latest entry in the Sakura series is more action-packed than ever before! Sakura Clickers is a fast-paced, exciting adventure, full of content, in which you defeat your foes with the power of your mouse!", + "genres": "Casual", + "recommendations": 243, + "score": 3.623896803385956 + }, + { + "type": "game", + "name": "Dead Island Definitive Edition", + "detailed_description": "The game that re-defined the zombie genre - fully remastered.Paradise meets Hell!Welcome to the zombie apocalypse experience of a lifetime \u2013 and now more beautiful than ever. Caught in the midst of an epic zombie outbreak on the tropical island of Banoi, your only thought is: Survive!The Dead Island ExperienceSmash heads, crack skulls and slice \u2018em up with visceral astounding melee combat and true story-based 4 player co-op in a sprawling open world just waiting for exploration.FeaturesIncludes all previously released DLC!. Fully remastered: Experience Dead Island in crisp full HD with Improved graphics, game models and a photorealistic lighting system with physically based shading. Adrenaline-Fuelled Combat: Smash heads, crack skulls and slice \u2018em up with the weapon of your choice in the visceral astounding melee combat. Seamless Coop Multiplayer: Collaborate with your friends, live through a story of the struggle for survival in a world gone mad. Discover the Island: Explore the island paradise; from the deserted city, secluded beaches and vast highlands \u2013 discover the story behind the zombie outbreak. Experience the atmosphere: Experience the dense atmosphere - feel the destruction, the horror and madness. Immerse yourself in the turmoil that is taking place on the Island.", + "about_the_game": "The game that re-defined the zombie genre - fully remastered.Paradise meets Hell!Welcome to the zombie apocalypse experience of a lifetime \u2013 and now more beautiful than ever. Caught in the midst of an epic zombie outbreak on the tropical island of Banoi, your only thought is: Survive!The Dead Island ExperienceSmash heads, crack skulls and slice \u2018em up with visceral astounding melee combat and true story-based 4 player co-op in a sprawling open world just waiting for exploration.FeaturesIncludes all previously released DLC!Fully remastered: Experience Dead Island in crisp full HD with Improved graphics, game models and a photorealistic lighting system with physically based shadingAdrenaline-Fuelled Combat: Smash heads, crack skulls and slice \u2018em up with the weapon of your choice in the visceral astounding melee combatSeamless Coop Multiplayer: Collaborate with your friends, live through a story of the struggle for survival in a world gone madDiscover the Island: Explore the island paradise; from the deserted city, secluded beaches and vast highlands \u2013 discover the story behind the zombie outbreakExperience the atmosphere: Experience the dense atmosphere - feel the destruction, the horror and madness. Immerse yourself in the turmoil that is taking place on the Island.", + "short_description": "Welcome to the zombie apocalypse experience of a lifetime \u2013 and now more beautiful than ever. Caught in the midst of an epic zombie outbreak on the tropical island of Banoi, your only thought is: Survive!", + "genres": "Action", + "recommendations": 17558, + "score": 6.442864508674493 + }, + { + "type": "game", + "name": "Firewatch", + "detailed_description": "Just UpdatedFirewatch Patch 03-06-2018. \u2022 Fixed a black screen/graphic corruption issue on specific Mac models running High Sierra. \u2022 Better performance and threading on all platforms. \u2022 Japanese language subtitles have been added. \u2022 Miscellaneous fixes for all subtitle languages. About the GameFirewatch is a single-player first-person mystery set in the Wyoming wilderness. . The year is 1989. You are a man named Henry who has retreated from his messy life to work as a fire lookout in the Wyoming wilderness. Perched high atop a mountain, it\u2019s your job to look for smoke and keep the wilderness safe. An especially hot, dry summer has everyone on edge. Your supervisor Delilah is available to you at all times over a small, handheld radio\u2014your only contact with the world you've left behind. But when something strange draws you out of your lookout tower and into the forest, you\u2019ll explore a wild and unknown environment, facing questions and making choices that can build or destroy the only meaningful relationship you have. . A Note: Firewatch is a video game about adults having adult conversations about adult things. If you plan on playing with a younger gamer, that might be good to know going in.Includes A stunningly beautiful wilderness environment that expands as you explore. . A tailor-made story: the choices you make shape the narrative and build relationships. . An edge-of-your-seat mystery. . Secrets and discoveries to be made over every hill. Featuring Living, breathing characters brought to life by Cissy Jones (The Walking Dead: Season 1) and Rich Sommer (Mad Men). A spectacular wilderness environment by Olly Moss (Illustrator) and Jane Ng (The Cave, Brutal Legend). A thrilling story and script by Sean Vanaman and Jake Rodkin (The Walking Dead: Season 1, Poker Night at the Inventory). A stirring original soundtrack by Chris Remo (Gone Home). Fluid first-person animation by James Benson (Ori & The Blind Forest). Gameplay scripting and design work by Patrick Ewing (Twitter) and Nels Anderson (Mark of the Ninja). Programming by Will Armstrong (Bioshock II), Ben Burbank (Costume Quest 2, Space Base DF-9), and Paolo Surricchio (Deadpool, Call of Duty Advanced Warfare).", + "about_the_game": "Firewatch is a single-player first-person mystery set in the Wyoming wilderness.The year is 1989. You are a man named Henry who has retreated from his messy life to work as a fire lookout in the Wyoming wilderness. Perched high atop a mountain, it\u2019s your job to look for smoke and keep the wilderness safe. An especially hot, dry summer has everyone on edge. Your supervisor Delilah is available to you at all times over a small, handheld radio\u2014your only contact with the world you've left behind. But when something strange draws you out of your lookout tower and into the forest, you\u2019ll explore a wild and unknown environment, facing questions and making choices that can build or destroy the only meaningful relationship you have.A Note: Firewatch is a video game about adults having adult conversations about adult things. If you plan on playing with a younger gamer, that might be good to know going in.Includes A stunningly beautiful wilderness environment that expands as you explore. A tailor-made story: the choices you make shape the narrative and build relationships. An edge-of-your-seat mystery. Secrets and discoveries to be made over every hill.Featuring Living, breathing characters brought to life by Cissy Jones (The Walking Dead: Season 1) and Rich Sommer (Mad Men) A spectacular wilderness environment by Olly Moss (Illustrator) and Jane Ng (The Cave, Brutal Legend) A thrilling story and script by Sean Vanaman and Jake Rodkin (The Walking Dead: Season 1, Poker Night at the Inventory) A stirring original soundtrack by Chris Remo (Gone Home) Fluid first-person animation by James Benson (Ori & The Blind Forest) Gameplay scripting and design work by Patrick Ewing (Twitter) and Nels Anderson (Mark of the Ninja) Programming by Will Armstrong (Bioshock II), Ben Burbank (Costume Quest 2, Space Base DF-9), and Paolo Surricchio (Deadpool, Call of Duty Advanced Warfare)", + "short_description": "Firewatch is a single-player first-person mystery set in the Wyoming wilderness, where your only emotional lifeline is the person on the other end of a handheld radio.", + "genres": "Adventure", + "recommendations": 56942, + "score": 7.218437839862518 + }, + { + "type": "game", + "name": "Crossout", + "detailed_description": "Just Updated. Hello, survivors! In this update, you can expect a new in-game event \u201cFoxy's secrets\u201d, the ability to call an artillery strike on your enemies on the \u201cFortress\u201d map, a new temporary mission, important balance tweaks and other changes and improvements. . Find out more on the official Crossout website. Update NotesHow to link your Steam and Gaijin.net accounts. If you previously played Crossout or have a Gaijin.net account, we recommend that you link your Steam and Gaijin.net accounts when you first start the game through Steam.If this is not done when you first start the game from Steam, then in the future you will not be able to link your accounts. We encourage you to sign up for a Gaijin.net account if you don't have one. This will allow you to continue to use all the additional features of the game. . Here is a brief guide on how to link your Steam and Gaijin.net accounts. Once you've launched the game, you will see these fields on your screen. . . To link the accounts, enter your Gaijin.net account data (e-mail and password), click \"Log in\" and confirm that you want to link your accounts. . . If you haven't got a Gaijin.net account or if you choose not to link accounts, you can log into the game through the \"Sign in with Steam ID\" button. But you will no longer be able to link your accounts in the future. . Attention! If you failed to link accounts by mistake and entered the game only through Steam, but still want your accounts to be linked, we recommend that you do not make any in-game actions, especially in the market, and contact support. We will try to help you. . If you previously played \u2018War Thunder\u2019, then most likely your accounts are already linked. You can learn more about linking accounts at the Technical Support website:. How to link your Steam account to your email address . How to link your Steam CrossOut account to your Gaijin account . About the Game. Crossout - the post-apocalyptic MMO Action game! Craft your unique battle machines from dozens of interchangeable parts and destroy your enemies in explosive PvP online battles!Key Features:. . Unique vehicles, crafted by the players using a wide range of available parts: From nimble buggies to heavily tracked off-road vehicles or combat platforms on antigrav fields. . Complete freedom of creativity and thousands of possible combinations: Create vehicles of any shape using dozens of parts, wide variety of armour and weapons as well as support systems. . Advanced damage model: Destroy any part of an enemy machine and it will affect the vehicle's performance immediately. . Huge arsenal of weapons: From chain saws, power-drills over machine guns to rocket launchers, flying drones and stealth generators. . Your own workshop: Create new, advanced parts and auction them at the in-game marketplace. . Trading options between players: Every piece that you have gathered in the battle can be sold to other players. . Choose your own battle strategy: The only thing that matters is the Survival and Victory!. CROSSOUT - The Road to Apocalypse. . In 2027 a mysterious viral epidemic known as the \u2018Crossout\u2019 swept the planet, countries and populations simultaneously began to fall at an alarming rate all over the Earth. Those who did not die in the first few days, were plagued by hallucinations and headaches, many people went mad, others and committed suicide. The source of the disease could not be detected but the cities that were once the vibrant social and economic beacons of humanity were left ravaged and deserted. . Survivors gradually began to change \u2014 after fifteen years of transformation, the changes became visible. The most noticeable metamorphosis occurred in the eyes of the affected \u2014 some began to glow, while others resembled black holes. To hide their unnatural looks and conceal the mutation, people started wearing padded clothing and sunglasses. . Twenty years have passed after \u2018Crossout\u2019. Humans still remember their life before the disaster. As always, there are groups trying to recover the old world, while others enjoy the chaos and destruction. But there are those who are not human any more. They hide their faces behind masks, and their motives are unknown.", + "about_the_game": "Crossout - the post-apocalyptic MMO Action game! Craft your unique battle machines from dozens of interchangeable parts and destroy your enemies in explosive PvP online battles!Key Features:Unique vehicles, crafted by the players using a wide range of available parts: From nimble buggies to heavily tracked off-road vehicles or combat platforms on antigrav fields.Complete freedom of creativity and thousands of possible combinations: Create vehicles of any shape using dozens of parts, wide variety of armour and weapons as well as support systems.Advanced damage model: Destroy any part of an enemy machine and it will affect the vehicle's performance immediately.Huge arsenal of weapons: From chain saws, power-drills over machine guns to rocket launchers, flying drones and stealth generators.Your own workshop: Create new, advanced parts and auction them at the in-game marketplace.Trading options between players: Every piece that you have gathered in the battle can be sold to other players.Choose your own battle strategy: The only thing that matters is the Survival and Victory!CROSSOUT - The Road to ApocalypseIn 2027 a mysterious viral epidemic known as the \u2018Crossout\u2019 swept the planet, countries and populations simultaneously began to fall at an alarming rate all over the Earth. Those who did not die in the first few days, were plagued by hallucinations and headaches, many people went mad, others and committed suicide. The source of the disease could not be detected but the cities that were once the vibrant social and economic beacons of humanity were left ravaged and deserted.Survivors gradually began to change \u2014 after fifteen years of transformation, the changes became visible. The most noticeable metamorphosis occurred in the eyes of the affected \u2014 some began to glow, while others resembled black holes. To hide their unnatural looks and conceal the mutation, people started wearing padded clothing and sunglasses.Twenty years have passed after \u2018Crossout\u2019. Humans still remember their life before the disaster. As always, there are groups trying to recover the old world, while others enjoy the chaos and destruction. But there are those who are not human any more. They hide their faces behind masks, and their motives are unknown.", + "short_description": "Crossout - the post-apocalyptic MMO Action game! Craft your unique battle machines from dozens of interchangeable parts and destroy your enemies in explosive PvP online battles!", + "genres": "Action", + "recommendations": 854, + "score": 4.450526894928571 + }, + { + "type": "game", + "name": "SMITE\u00ae", + "detailed_description": "Join 40+ million players in SMITE, the Battleground of the Gods! Wield Thor\u2019s hammer, or play as one of 125 other mythological icons. The New Season includes a New Map, New God, New BP & a VShojo Event! Become a God and play FREE today!. . Unleash each deity\u2019s unique strategies, legendary weapons, and earth-shattering powers. Rain lightning down upon your foes as Zeus, assassinate from the shadows as Loki, or transform and trick your foes as the Monkey King, Sun Wukong. Which God will you choose?. . Unlike other MOBAs, SMITE puts you directly onto the battlefield with a third-person action viewpoint. From blind-side ambushes to aimed shots, a new pantheon of strategic possibilities awaits. . . Never played a battle arena before? Don\u2019t worry. Auto-buy, auto-level, and the deathmatch-like Arena mode let you jump right into divine MOBA action. Aspiring pro? Top the ladders, join a competitive team, and you too could be playing at the SMITE World Championship.", + "about_the_game": "Join 40+ million players in SMITE, the Battleground of the Gods! Wield Thor\u2019s hammer, or play as one of 125 other mythological icons. The New Season includes a New Map, New God, New BP & a VShojo Event! Become a God and play FREE today!Unleash each deity\u2019s unique strategies, legendary weapons, and earth-shattering powers. Rain lightning down upon your foes as Zeus, assassinate from the shadows as Loki, or transform and trick your foes as the Monkey King, Sun Wukong. Which God will you choose?Unlike other MOBAs, SMITE puts you directly onto the battlefield with a third-person action viewpoint. From blind-side ambushes to aimed shots, a new pantheon of strategic possibilities awaits.Never played a battle arena before? Don\u2019t worry. Auto-buy, auto-level, and the deathmatch-like Arena mode let you jump right into divine MOBA action. Aspiring pro? Top the ladders, join a competitive team, and you too could be playing at the SMITE World Championship.", + "short_description": "Join 40+ million players in SMITE, the Battleground of the Gods! Wield Thor\u2019s hammer, or play as one of 125 other mythological icons. The New Season includes a New Map, New God, New BP & a T5 Event! Become a God and play FREE today!", + "genres": "Action", + "recommendations": 1393, + "score": 4.77277891073029 + }, + { + "type": "game", + "name": "Ultimate Chicken Horse", + "detailed_description": "Join the Discord. About the GameEver wish you were a wall-jumping, arrow-dodging, trap-setting horse, besting your animal pals in a race through a peril-laden obstacle course that you all built together?. Wish Granted!. Ultimate Chicken Horse is a party platformer where you and your friends build the level as you play, placing deadly traps before trying to reach the end of the level. If you can make it but your friends can't, you score points! Play online or locally with your animal buddies and experiment with a wide variety of platforms in all sorts of strange locations to find new ways to mess with your friends.Key FeaturesOnline, cross-platform, and local play for up to 4 players. Unique game flow, from strategic block placement to twitch control platforming. 18 levels with different features . Build and share custom levels. Compete for global best times on Challenge levels across all platforms. Huge library of blocks to create an infinite variety of levels. Customizable rule sets and game modes. Shared controller mode to play multiplayer with one controller or keyboard. Play as a chicken, horse, sheep, raccoon and other wonderful animals. Fun, cartoony art style. Sweet funky soundtrack. . Please note: this is primarily a multiplayer game. Challenge levels can be created and played alone, but unlocking characters and levels requires playing one of the main game modes (like Party Mode) which are only multiplayer.", + "about_the_game": "Ever wish you were a wall-jumping, arrow-dodging, trap-setting horse, besting your animal pals in a race through a peril-laden obstacle course that you all built together?Wish Granted!Ultimate Chicken Horse is a party platformer where you and your friends build the level as you play, placing deadly traps before trying to reach the end of the level. If you can make it but your friends can't, you score points! Play online or locally with your animal buddies and experiment with a wide variety of platforms in all sorts of strange locations to find new ways to mess with your friends.Key FeaturesOnline, cross-platform, and local play for up to 4 playersUnique game flow, from strategic block placement to twitch control platforming18 levels with different features Build and share custom levelsCompete for global best times on Challenge levels across all platformsHuge library of blocks to create an infinite variety of levelsCustomizable rule sets and game modesShared controller mode to play multiplayer with one controller or keyboardPlay as a chicken, horse, sheep, raccoon and other wonderful animalsFun, cartoony art styleSweet funky soundtrackPlease note: this is primarily a multiplayer game. Challenge levels can be created and played alone, but unlocking characters and levels requires playing one of the main game modes (like Party Mode) which are only multiplayer.", + "short_description": "Ultimate Chicken Horse is a party platformer game where you build the level as you play, placing traps and hazards to screw your friends over, but trying not to screw yourself.", + "genres": "Action", + "recommendations": 27197, + "score": 6.731328152094927 + }, + { + "type": "game", + "name": "Ori and the Blind Forest: Definitive Edition", + "detailed_description": "NEW IN THE DEFINITIVE EDITION. \u2022 Packed with new and additional content: New areas, new secrets, new abilities, more story sequences, multiple difficulty modes, full backtracking support and much more!. \u2022 Discover Naru\u2019s past in two brand new environments. \u2022 Master two powerful new abilities \u2013 Dash and Light Burst. \u2022 Find new secret areas and explore Nibel faster by teleporting between Spirit Wells. . The forest of Nibel is dying. After a powerful storm sets a series of devastating events in motion, Ori must journey to find courage and confront a dark nemesis to save the forest of Nibel. \u201cOri and the Blind Forest\u201d tells the tale of a young orphan destined for heroics, through a visually stunning Action-Platformer crafted by Moon Studios. Featuring hand-painted artwork, meticulously animated character performance, a fully orchestrated score and dozens of new features in the Definitive Edition, \u201cOri and the Blind Forest\u201d explores a deeply emotional story about love and sacrifice, and the hope that exists in us all.", + "about_the_game": "NEW IN THE DEFINITIVE EDITION\r\n\u2022 Packed with new and additional content: New areas, new secrets, new abilities, more story sequences, multiple difficulty modes, full backtracking support and much more!\r\n\u2022 Discover Naru\u2019s past in two brand new environments.\r\n\u2022 Master two powerful new abilities \u2013 Dash and Light Burst.\r\n\u2022 Find new secret areas and explore Nibel faster by teleporting between Spirit Wells.\r\n\r\nThe forest of Nibel is dying. After a powerful storm sets a series of devastating events in motion, Ori must journey to find courage and confront a dark nemesis to save the forest of Nibel. \u201cOri and the Blind Forest\u201d tells the tale of a young orphan destined for heroics, through a visually stunning Action-Platformer crafted by Moon Studios. Featuring hand-painted artwork, meticulously animated character performance, a fully orchestrated score and dozens of new features in the Definitive Edition, \u201cOri and the Blind Forest\u201d explores a deeply emotional story about love and sacrifice, and the hope that exists in us all.", + "short_description": "\u201cOri and the Blind Forest\u201d tells the tale of a young orphan destined for heroics, through a visually stunning Action-Platformer crafted by Moon Studios.", + "genres": "Action", + "recommendations": 51950, + "score": 7.157953642102603 + }, + { + "type": "game", + "name": "Scrap Mechanic", + "detailed_description": "PLEASE NOTE: We\u2019re still hard at work on Scrap Mechanic! New content is being added and optimizations being made regularly. Get started right away in Survival Mode, Creative Mode and Challenge Mode! Please watch the latest Scrap Mechanic trailers to see the game\u2019s latest state.Tool up and enter the creative paradise of Scrap Mechanic! Build fantastic machines, go on adventures with your friends and defend against evil Farmerbots in this imaginative multiplayer survival sandbox. With Scrap Mechanic\u2019s powerful creation tools you can engineer your own adventures!. \u2018Be a robot mechanic\u2019, they said. \u2018Easy money\u2019, they said. We\u2019re pretty sure the job description didn\u2019t mention crash landing on a far away planet, with thousands of crazed worker robots out for blood! You\u2019re stranded on a faraway agriculture planet where the Farmbots working the fields have gone haywire. With your tool belt tightly fastened, there\u2019s only one way to survive: using your quick thinking, creativity and a wily knack of turning your surroundings to your advantage!. Survival Mode! . In Survival Mode mechanics explore a dynamically generated open-world environment filled with enemies, treasure and dangerous robots! Team up with friends and build bases to protect yourself and your valuables. The most creative will survive!. Challenge Mode! . Put your imagination to the test in the Master Mechanic Trials, an amazing roster of 40 fun and testing challenges which every wannabe mechanic should master before embarking on the wide-open world. Plus create your own challenges and share them with friends!. Creative Mode!. Choose from over 400+ building parts and create a transforming vehicle, a walking house or anything you and your friends can imagine! Scrap Mechanic mod support offers an easy way to download over 1000+ new player made building parts for your creations!\u00a0. . For all the latest news, follow us on:. Twitter. Facebook. . For more info: ", + "about_the_game": "PLEASE NOTE: We\u2019re still hard at work on Scrap Mechanic! New content is being added and optimizations being made regularly. Get started right away in Survival Mode, Creative Mode and Challenge Mode! Please watch the latest Scrap Mechanic trailers to see the game\u2019s latest state.Tool up and enter the creative paradise of Scrap Mechanic! Build fantastic machines, go on adventures with your friends and defend against evil Farmerbots in this imaginative multiplayer survival sandbox. With Scrap Mechanic\u2019s powerful creation tools you can engineer your own adventures!\u2018Be a robot mechanic\u2019, they said. \u2018Easy money\u2019, they said. We\u2019re pretty sure the job description didn\u2019t mention crash landing on a far away planet, with thousands of crazed worker robots out for blood! You\u2019re stranded on a faraway agriculture planet where the Farmbots working the fields have gone haywire. With your tool belt tightly fastened, there\u2019s only one way to survive: using your quick thinking, creativity and a wily knack of turning your surroundings to your advantage!Survival Mode! In Survival Mode mechanics explore a dynamically generated open-world environment filled with enemies, treasure and dangerous robots! Team up with friends and build bases to protect yourself and your valuables. The most creative will survive!Challenge Mode! Put your imagination to the test in the Master Mechanic Trials, an amazing roster of 40 fun and testing challenges which every wannabe mechanic should master before embarking on the wide-open world. Plus create your own challenges and share them with friends!Creative Mode!Choose from over 400+ building parts and create a transforming vehicle, a walking house or anything you and your friends can imagine! Scrap Mechanic mod support offers an easy way to download over 1000+ new player made building parts for your creations!\u00a0For all the latest news, follow us on:TwitterFacebookFor more info: ", + "short_description": "Enter the creative paradise of Scrap Mechanic! Build fantastic machines, go on adventures with your friends and defend against waves of evil Farmbots in this imaginative multiplayer survival sandbox. With Scrap Mechanic\u2019s powerful creation tools you can engineer your own adventures!", + "genres": "Action", + "recommendations": 89309, + "score": 7.5151325559818725 + }, + { + "type": "game", + "name": "Darksiders II Deathinitive Edition", + "detailed_description": "Release the Fury! About the GameBecome the terrifying force which everything fears but nothing can escape. Awakened by the End of Days, Death, the most feared of the legendary Four Horsemen embarks on a quest to redeem his brother's name. Along the way, the Horseman discovers that an ancient grudge may threaten all of Creation. Death lives!. . Deathinitive Edition Features:. Darksiders 2 with all DLC included and integrated into the game which offers a total playtime of more than 30 hours. Reworked and tuned game balancing and loot distribution. Improved Graphic Render Engine for higher visual quality especially in terms of lighting and shadows. Improved and reworked level, character and environment graphics. Running in native 1080p resolution. Steam Trading Cards. Features:. Play Death: Become the most feared of the legendary Four Horsemen, able to destroy entire worlds and battle forces beyond Heaven and Hell. . Epic Universe: Unlike anything the player has seen before, delivered in the unique style of Joe Mad. . Player Choice & Customization: Customize your experience with varied armor sets, weapons, and Skill Trees allowing players to create their own Death. . Replay-ability: Explore a vast open world, complete dozens of side quests and customize your Death with a full leveling system, Skill Trees and endless equipment combinations. . Traversal: Death is a nimble and agile character capable of incredible acrobatic feats allowing the player to explore the world like never before. .", + "about_the_game": "Become the terrifying force which everything fears but nothing can escape. Awakened by the End of Days, Death, the most feared of the legendary Four Horsemen embarks on a quest to redeem his brother's name. Along the way, the Horseman discovers that an ancient grudge may threaten all of Creation. Death lives!Deathinitive Edition Features:Darksiders 2 with all DLC included and integrated into the game which offers a total playtime of more than 30 hoursReworked and tuned game balancing and loot distributionImproved Graphic Render Engine for higher visual quality especially in terms of lighting and shadowsImproved and reworked level, character and environment graphicsRunning in native 1080p resolutionSteam Trading Cards\t\t\t\t\t\t\t\tFeatures:\t\t\t\t\t\t\t\tPlay Death: Become the most feared of the legendary Four Horsemen, able to destroy entire worlds and battle forces beyond Heaven and Hell.\t\t\t\t\t\t\t\tEpic Universe: Unlike anything the player has seen before, delivered in the unique style of Joe Mad.\t\t\t\t\t\t\t\tPlayer Choice & Customization: Customize your experience with varied armor sets, weapons, and Skill Trees allowing players to create their own Death.\t\t\t\t\t\t\t\tReplay-ability: Explore a vast open world, complete dozens of side quests and customize your Death with a full leveling system, Skill Trees and endless equipment combinations.\t\t\t\t\t\t\t\tTraversal: Death is a nimble and agile character capable of incredible acrobatic feats allowing the player to explore the world like never before.", + "short_description": "The ultimate DARKSIDERS II experience! 1080p native resolution. Reworked and tuned game balancing and loot distribution. Improved Graphic Render Engine for even higher visual quality, lighting and shadows. Improved and reworked level, character and environment graphics.", + "genres": "Action", + "recommendations": 12243, + "score": 6.205192001637609 + }, + { + "type": "game", + "name": "Knight Online", + "detailed_description": "Knight Online is a PvP-centric MMORPG that has been under continuous development for over a decade! Two nations, El Morad and Karus are locked in an eternal struggle for dominance of the Adonis Continent. You will be faced with the decision of choosing between one of the two available factions and bring glory and honor. throughout constant action-packed PvP battles within the designated PvP Zones during all hours of the day. . . Be part of the exclusive in-game events that are built to test your skills in battle and reward you with the spoils of war upon defeating all those who oppose you!. Events Available:. Border Defense War. Forgotten Temple. Chaos. BiFrost. Castle Siege War. Juraid Mountain. Lunar War. Dark Lunar War. Epic events such as Lunar War and Castle Siege war are set to place you in an epic battlefield with action packed PvP that is able to entertain and excite its fans even after many years! We encourage you to try all that the Adonis Continent has to offer and see for yourself why Knight Online is so great even after so many years!. While PvP may be the beating heart of Knight Online, much of the game is spent embarking on quests, killing monsters for great loot and of course defying the forgotten Gods of the Adonis Continent. Upon destroying monsters you will be able to gather equipment that will aid you in your adventures for years to come! . The Upgrade System has been built for players to tempt fate in an effort to improve their existing weapons, armor and accessories in order to gain stronger equipment that will make enemies tremble in fear! With its unique ability to let players refine their skills and build their characters and equipment, Knight Online is set to bring an exciting adventure to all those who wish to be part of the most epic Old School MMORPG on Steam!. So what are you waiting for? Pick a Nation, build up your warrior and join the fray!", + "about_the_game": "Knight Online is a PvP-centric MMORPG that has been under continuous development for over a decade! Two nations, El Morad and Karus are locked in an eternal struggle for dominance of the Adonis Continent. You will be faced with the decision of choosing between one of the two available factions and bring glory and honorthroughout constant action-packed PvP battles within the designated PvP Zones during all hours of the day.Be part of the exclusive in-game events that are built to test your skills in battle and reward you with the spoils of war upon defeating all those who oppose you!Events Available:Border Defense WarForgotten TempleChaosBiFrostCastle Siege WarJuraid MountainLunar WarDark Lunar WarEpic events such as Lunar War and Castle Siege war are set to place you in an epic battlefield with action packed PvP that is able to entertain and excite its fans even after many years! We encourage you to try all that the Adonis Continent has to offer and see for yourself why Knight Online is so great even after so many years!While PvP may be the beating heart of Knight Online, much of the game is spent embarking on quests, killing monsters for great loot and of course defying the forgotten Gods of the Adonis Continent. Upon destroying monsters you will be able to gather equipment that will aid you in your adventures for years to come! The Upgrade System has been built for players to tempt fate in an effort to improve their existing weapons, armor and accessories in order to gain stronger equipment that will make enemies tremble in fear! With its unique ability to let players refine their skills and build their characters and equipment, Knight Online is set to bring an exciting adventure to all those who wish to be part of the most epic Old School MMORPG on Steam!So what are you waiting for? Pick a Nation, build up your warrior and join the fray!", + "short_description": "The Great Battle between Karus and El Morad has arrived to Steam! Pledge allegiance to one of the Nations and put your skills to the test in one of the best PvP system in the MMORPG universe!", + "genres": "Action", + "recommendations": 115, + "score": 3.133708046061912 + }, + { + "type": "game", + "name": "Mitos.is: The Game", + "detailed_description": "Eat cells or die trying!. Warning: Incredibly addicting Multiplayer Game !. ** LAG: If you experience high latency, please open the Settings Menu and change your server location **. You are a cell, wandering around looking for smaller cells to absorb and grow. Larger cells, likewise, are seeking for smaller cells like you to absorb. Smaller cells move fast, larger cells are very slow! You can split yourself to increase your speed but this will increase the risk of being eaten. Finally, beware of the viruses!. Mitosis allows you to:. - Four Game Modes: Free to Play, Random Team, Capture The Flag and Guilds War. - Guild system with chatroom. - Equipment system. - Custom skins. - Eat smaller cells to gain mass and become larger. - Avoid larger cells because they can absorb you. - Separate yourself into 2 cells to gain speed. - Use viruses to hide yourself or hit others. - Expel mass to decrease in size. - Have a lot of fun!", + "about_the_game": "Eat cells or die trying!\r\n\r\nWarning: Incredibly addicting Multiplayer Game !\r\n\r\n** LAG: If you experience high latency, please open the Settings Menu and change your server location **\r\n\r\nYou are a cell, wandering around looking for smaller cells to absorb and grow. Larger cells, likewise, are seeking for smaller cells like you to absorb. Smaller cells move fast, larger cells are very slow! You can split yourself to increase your speed but this will increase the risk of being eaten. Finally, beware of the viruses!\r\n\r\nMitosis allows you to:\r\n\r\n- Four Game Modes: Free to Play, Random Team, Capture The Flag and Guilds War\r\n- Guild system with chatroom\r\n- Equipment system\r\n- Custom skins\r\n- Eat smaller cells to gain mass and become larger\r\n- Avoid larger cells because they can absorb you\r\n- Separate yourself into 2 cells to gain speed\r\n- Use viruses to hide yourself or hit others\r\n- Expel mass to decrease in size\r\n- Have a lot of fun!", + "short_description": "The only one cell game with Guild Wars and Competitive Mode, Friends list with messenger, invites, guild chatroom and much more!", + "genres": "Free to Play", + "recommendations": 180, + "score": 3.4270038685255635 + }, + { + "type": "game", + "name": "TEKKEN 7", + "detailed_description": "GET READY Definitive Edition. Includes:. - TEKKEN 7 Full Game. - Bonus Character: Eliza. - All Seasons Passes 1-4 & their bonuses below:. Season Pass 1:. - Mode: Ultimate TEKKEN BOWL & Additional Costumes. - 2 x Guest Characters: Geese Howard & Noctis Lucis Caelum. - Bonus (Customization Set). Season Pass 2:. - 4 x Returning Characters: Anna Williams, Lei Wulong, Craig Marduk & Julia Chang. - Character: Armor King. - The Walking Dead's Character: Negan. - Bonus (Customization Set). Season Pass 3:. - 2 x Returning Characters: Zafina & Ganryu. - 2 x Original Characters: Leroy Smith & Fahkumram. - Frame Data Display (New Feature). - Stage: Cave of Enlightenment. - Bonus (Customization Set). Season Pass 4:. - Character: Kunimitsu. - Original Character: Lidia Sobieska. - 2 x Stages: Vermillion Gates & Island Paradise . - Bonus (Customization Set). Note: TEKKEN 7 (full game), TEKKEN 7 Originals Edition, Season Passes 1-4, and DLC1-19 included in this edition are also sold separately. Please be careful not to buy the same content twice. Originals Edition. The Originals Edition includes:. \u2022 TEKKEN 7 (full game). \u2022 DLC13: Frame Data Display. \u2022 12 Additional Characters:. - Bonus DLC: Eliza. - Anna Williams. - Lei Wulong. - Craig Marduk. - Armor King. - Julia Chang. - Zafina. - Ganryu. - Leroy Smith. - Fahkumram. - Kunimitsu. - Lidia Sobieska. *TEKKEN 7 (full game), TEKKEN 7 Definitive Edition, Season Passes 1-4, and DLC1-19 are also sold separately. Please be careful not to buy the same content twice. Comparison Chart. About the Game. Discover the epic conclusion of the Mishima clan and unravel the reasons behind each step of their ceaseless fight. Powered by Unreal Engine 4, TEKKEN 7 features stunning story-driven cinematic battles and intense duels that can be enjoyed with friends and rivals alike through innovative fight mechanics. . Love, Revenge, Pride. Everyone has a reason to fight. Values are what define us and make us human, regardless of our strengths and weaknesses. There are no wrong motivations, just the path we choose to take. . Expand your fighter's journey by purchasing the Tekken 7 Season Pass separately and gain access to stunning additional content.", + "about_the_game": "Discover the epic conclusion of the Mishima clan and unravel the reasons behind each step of their ceaseless fight. Powered by Unreal Engine 4, TEKKEN 7 features stunning story-driven cinematic battles and intense duels that can be enjoyed with friends and rivals alike through innovative fight mechanics.Love, Revenge, Pride. Everyone has a reason to fight. Values are what define us and make us human, regardless of our strengths and weaknesses. There are no wrong motivations, just the path we choose to take.Expand your fighter's journey by purchasing the Tekken 7 Season Pass separately and gain access to stunning additional content.", + "short_description": "Discover the epic conclusion of the long-time clan warfare between members of the Mishima family. Powered by Unreal Engine 4, the legendary fighting game franchise fights back with stunning story-driven cinematic battles and intense duels that can be enjoyed with friends and rivals.", + "genres": "Action", + "recommendations": 59687, + "score": 7.249474526308574 + }, + { + "type": "game", + "name": "Rise of the Tomb Raider\u2122", + "detailed_description": "Shadow of the Tomb Raider Rise of the Tomb Raider out now for macOS and Linux. VR support for \u201cBlood Ties\u201d story chapter now available on SteamVR!. SteamVR support is now available for the \u201cBlood Ties\u201d story chapter from Rise of the Tomb Raider: 20 Year Celebration!. HTC Vive and Oculus Rift owners can now experience the \u201cBlood Ties\u201d single-player story chapter through the eyes of Lara Croft on SteamVR. If you ever wondered what it would be like to walk through the halls of Croft Manor, VR is the ultimate way to do so. SteamVR allows you to stand in the Manor\u2019s main hall, explore Lord Croft\u2019s office, and discover memories long thought lost in the lower basement levels of the home of Lara\u2019s youth. Explore Lara\u2019s childhood home in VR and uncover a Croft family mystery that will change her life forever. . The SteamVR update is free and available now. The \u201cBlood Ties\u201d story chapter is included with Rise of the Tomb Raider: 20 year Celebration. Owners of Rise of the Tomb Raider standard edition can purchase the standalone version of Blood Ties, which is included in the 20 Year Celebration pack DLC, or purchase the season pass. Season Pass. BABA YAGA: THE TEMPLE OF THE WITCH - 3 hours of new story. ENDURANCE MODE - The ultimate test of survival. COLD DARKNESS AWAKENED - Battle waves of infected enemies. EIGHT OUTFITS, SEVEN WEAPONS AND OVER 35 EXPEDITION CARDS. . NEW STORY CHAPTER: BLOOD TIES - Explore Croft Manor to reclaim Lara's legacy. NEW CO-OP ENDURANCE MODE - Work together to survive the elements . NEW LARA'S NIGHTMARE MODE - Fight hordes of zombies and defend Croft Manor. ALL PREVIOUSLY RELEASED PRE-ORDER OUTFITS, WEAPONS AND EXPEDITION CARDS. . FIVE CLASSIC LARA CROFT IN-GAME MODELS - PLAY AS YOUR FAVORITE IN EXPEDITION MODES! . NEW EXTREME SURVIVOR DIFFICULTY SETTING FOR THE MAIN CAMPAIGN. . NEW COLD WEATHER OUTFIT AND WEAPON INSPIRIED BY TOMB RAIDER III. . Reviews and Accolades\u201cLara Croft\u2019s Best Story Yet\u201d - Mashable. \u201cThe most fascinating action hero in video games today.\u201d - IGN. \u201cRise of the Tomb Raider is an adrenaline rush\u201d - GameInformer. \u201cOne of the best action adventure games out there\u201d - Forbes. \u201cRise of the Tomb Raider is everything I want a video game to be.\u201d - VideoGamer. \u201cThe best kind of action game.\u201d - -\tGame Revolution. \u201cRise of the Tomb Raider is a blast to play.\u201d - Gaming Age. \u201cLara Croft is back, better than ever\u201d - Gaming Trend. \u201cMagnificent. Intelligent, beautiful, varied and huge\u201d - GamesRadar. About the Game. Rise of the Tomb Raider: 20 Year Celebration includes the base game and Season Pass featuring all-new content. Explore Croft Manor in the new \u201cBlood Ties\u201d story, then defend it against a zombie invasion in \u201cLara\u2019s Nightmare\u201d. Survive extreme conditions with a friend in the new online Co-Op Endurance mode, and brave the new \u201cExtreme Survivor\u201d difficulty. Also features an outfit and weapon inspired by Tomb Raider III, and 5 classic Lara skins. Existing DLC will challenge you to explore a new tomb that houses an ancient terror in Baba Yaga: The Temple of the Witch, and combat waves of infected predators in Cold Darkness Awakened. . KEY FEATURES:. Lara\u2019s Journey \u2013 Lara uncovers an ancient mystery that places her in the cross-hairs of a ruthless organization known as Trinity. As she races to find the secret before Trinity, the trail leads to a myth about the Lost City of Kitezh. Lara knows she must reach the Lost City and its hidden secrets before Trinity. With that, she sets out for Siberia on her first Tomb Raiding expedition. . Woman vs. Wild \u2013 In \u201cRise of the Tomb Raider,\u201d Lara battles with not only enemies from around the world, but the world itself. Hunt animals to craft weapons and scavenge for rare resources in densely populated ecosystems. You\u2019ll encounter beautifully hostile environments, full of treacherous conditions and unstable landscapes that will require Lara to push her limits to the very edge. . Guerilla Combat - Use the environment to your advantage, scale trees and dive underwater to avoid or takedown enemies, configure Lara\u2019s gear, weapons, and ammo to suit your play style from stealth to guns blazing, craft explosives on the fly to sow chaos, and wield Lara\u2019s signature combat bows and climbing axe. . Return to Tomb Raiding \u2013 Tombs are back, and they\u2019re bigger and better than ever. In \u201cRise of the Tomb Raider\u201d you\u2019ll explore huge, awe-inspiring ancient spaces littered with deadly traps, solve dramatic environmental puzzles, and decipher ancient texts to reveal crypts as you take on a world filled with secrets to discover.", + "about_the_game": "Rise of the Tomb Raider: 20 Year Celebration includes the base game and Season Pass featuring all-new content. Explore Croft Manor in the new \u201cBlood Ties\u201d story, then defend it against a zombie invasion in \u201cLara\u2019s Nightmare\u201d. Survive extreme conditions with a friend in the new online Co-Op Endurance mode, and brave the new \u201cExtreme Survivor\u201d difficulty. Also features an outfit and weapon inspired by Tomb Raider III, and 5 classic Lara skins. Existing DLC will challenge you to explore a new tomb that houses an ancient terror in Baba Yaga: The Temple of the Witch, and combat waves of infected predators in Cold Darkness Awakened.KEY FEATURES:Lara\u2019s Journey \u2013 Lara uncovers an ancient mystery that places her in the cross-hairs of a ruthless organization known as Trinity. As she races to find the secret before Trinity, the trail leads to a myth about the Lost City of Kitezh. Lara knows she must reach the Lost City and its hidden secrets before Trinity. With that, she sets out for Siberia on her first Tomb Raiding expedition.Woman vs. Wild \u2013 In \u201cRise of the Tomb Raider,\u201d Lara battles with not only enemies from around the world, but the world itself. Hunt animals to craft weapons and scavenge for rare resources in densely populated ecosystems. You\u2019ll encounter beautifully hostile environments, full of treacherous conditions and unstable landscapes that will require Lara to push her limits to the very edge. Guerilla Combat - Use the environment to your advantage, scale trees and dive underwater to avoid or takedown enemies, configure Lara\u2019s gear, weapons, and ammo to suit your play style from stealth to guns blazing, craft explosives on the fly to sow chaos, and wield Lara\u2019s signature combat bows and climbing axe. Return to Tomb Raiding \u2013 Tombs are back, and they\u2019re bigger and better than ever. In \u201cRise of the Tomb Raider\u201d you\u2019ll explore huge, awe-inspiring ancient spaces littered with deadly traps, solve dramatic environmental puzzles, and decipher ancient texts to reveal crypts as you take on a world filled with secrets to discover.", + "short_description": "Rise of the Tomb Raider: 20 Year Celebration includes the base game and Season Pass featuring all-new content. Explore Croft Manor in the new \u201cBlood Ties\u201d story, then defend it against a zombie invasion in \u201cLara\u2019s Nightmare\u201d.", + "genres": "Action", + "recommendations": 95614, + "score": 7.560102735586952 + }, + { + "type": "game", + "name": "WARMODE", + "detailed_description": "Free to play shooter about the confrontation of two irreconcilable sides, represented by the government military housings and the armed hirelings. Try your hand at virtual battles with off-scale dynamics and hurricane gameplay in the spirit of the classical shooters.", + "about_the_game": "Free to play shooter about the confrontation of two irreconcilable sides, represented by the government military housings and the armed hirelings. Try your hand at virtual battles with off-scale dynamics and hurricane gameplay in the spirit of the classical shooters.", + "short_description": "Free to play shooter about the confrontation of two irreconcilable sides, represented by the government military housings and the armed hirelings. Try your hand at virtual battles with off-scale dynamics and hurricane gameplay in the spirit of the classical shooters.", + "genres": "Action", + "recommendations": 342, + "score": 3.8484055498201815 + }, + { + "type": "game", + "name": "Undertale", + "detailed_description": "Welcome to UNDERTALE. In this RPG, you control a human who falls underground into the world of monsters. Now you must find your way out. or stay trapped forever. . ((Healthy Dog's Warning: Game contains imagery that may be harmful to players with photosensitive epilepsy or similar condition.))features:. Killing is unnecessary: negotiate out of danger using the unique battle system. . Time your attacks for extra damage, then dodge enemy attacks in a style reminiscent of top-down shooters. . Original art and soundtrack brimming with personality. . Soulful, character-rich story with an emphasis on humor. . Created mostly by one person. . Become friends with all of the bosses!. At least 5 dogs. . You can date a skeleton. . Hmmm. now there are 6 dogs. ?. Maybe you won't want to date the skeleton. . I thought I found a 7th dog, but it was actually just the 3rd dog. . If you play this game, can you count the dogs for me. ? I'm not good at it.", + "about_the_game": "Welcome to UNDERTALE. In this RPG, you control a human who falls underground into the world of monsters. Now you must find your way out... or stay trapped forever. ((Healthy Dog's Warning: Game contains imagery that may be harmful to players with photosensitive epilepsy or similar condition.))features: Killing is unnecessary: negotiate out of danger using the unique battle system. Time your attacks for extra damage, then dodge enemy attacks in a style reminiscent of top-down shooters. Original art and soundtrack brimming with personality. Soulful, character-rich story with an emphasis on humor. Created mostly by one person. Become friends with all of the bosses! At least 5 dogs. You can date a skeleton. Hmmm... now there are 6 dogs...? Maybe you won't want to date the skeleton. I thought I found a 7th dog, but it was actually just the 3rd dog. If you play this game, can you count the dogs for me...? I'm not good at it.", + "short_description": "UNDERTALE! The RPG game where you don't have to destroy anyone.", + "genres": "Indie", + "recommendations": 178789, + "score": 7.972702912245841 + }, + { + "type": "game", + "name": "Layers of Fear (2016)", + "detailed_description": "CHECK OUT THE NEW GAME FROM BLOOBER TEAM PLAY THE NEW LAYERS OF FEAR DEMO About the GameYou take another drink as the canvas looms in front of you. A light flickers dimly in the corner. You\u2019ve created countless pieces of art, but never anything like\u2026this. Why haven\u2019t you done this before? It seems so obvious in retrospect. Your friends, critics, business partners\u2014soon, they\u2019ll all see. But something\u2019s still missing\u2026. You look up, startled. That melody\u2026 Was that a piano? It sounded just like her\u2026 But, no\u2014that would be impossible. She\u2019s gone. They\u2019re all gone. Have to focus. How long has it taken to get to this point? Too long, but it doesn\u2019t matter. There will be no more distractions. It\u2019s almost finished. You can feel it. Your creation. Your Magnum Opus. . Dare you help paint a true Masterpiece of Fear? Layers of Fear is a first-person psychedelic horror game with a heavy focus on story and exploration. Delve deep into the mind of an insane painter and discover the secret of his madness, as you walk through a vast and constantly changing Victorian-era mansion. Uncover the visions, fears and horrors that entwine the painter and finish the masterpiece he has strived so long to create. . Game Features:. \u2022 Psychedelic horror \u2013 A sense of insanity means each turn of the camera may completely change the look of your surroundings. \u2022 Victorian setting \u2013 Explore a game world inspired by masterpiece paintings, architecture and d\u00e9cor from the 19th century. \u2022 Original and classic art \u2013 Numerous pieces of original art and music flesh out the story and environment. \u2022 Story-focused exploration \u2013 Only through exploring the environment can you uncover the details of the painter\u2019s dark and tragic past.", + "about_the_game": "You take another drink as the canvas looms in front of you. A light flickers dimly in the corner. You\u2019ve created countless pieces of art, but never anything like\u2026this. Why haven\u2019t you done this before? It seems so obvious in retrospect. Your friends, critics, business partners\u2014soon, they\u2019ll all see. But something\u2019s still missing\u2026\r\n\r\nYou look up, startled. That melody\u2026 Was that a piano? It sounded just like her\u2026 But, no\u2014that would be impossible. She\u2019s gone. They\u2019re all gone.\r\nHave to focus. How long has it taken to get to this point? Too long, but it doesn\u2019t matter. There will be no more distractions. It\u2019s almost finished. You can feel it. Your creation. Your Magnum Opus. \r\n\r\nDare you help paint a true Masterpiece of Fear? Layers of Fear is a first-person psychedelic horror game with a heavy focus on story and exploration. Delve deep into the mind of an insane painter and discover the secret of his madness, as you walk through a vast and constantly changing Victorian-era mansion. Uncover the visions, fears and horrors that entwine the painter and finish the masterpiece he has strived so long to create. \r\n\r\n\r\nGame Features:\r\n\u2022 Psychedelic horror \u2013 A sense of insanity means each turn of the camera may completely change the look of your surroundings.\r\n\u2022 Victorian setting \u2013 Explore a game world inspired by masterpiece paintings, architecture and d\u00e9cor from the 19th century.\r\n\u2022 Original and classic art \u2013 Numerous pieces of original art and music flesh out the story and environment.\r\n\u2022 Story-focused exploration \u2013 Only through exploring the environment can you uncover the details of the painter\u2019s dark and tragic past.", + "short_description": "Layers of Fear is a first-person psychedelic horror game with a heavy focus on story and exploration. Players take control of a painter whose sole purpose is to finish his Magnum Opus. The player must navigate a constantly changing Victorian-era mansion and ghastly visions of the painter\u2019s psyche.", + "genres": "Adventure", + "recommendations": 11317, + "score": 6.153349091853546 + }, + { + "type": "game", + "name": "ENDLESS\u2122 Space 2", + "detailed_description": "Digital Deluxe EditionENDLESS\u2122 Space 2 includes all the Digital Deluxe Edition bonuses: . -\tOfficial Digital Soundtrack by FlybyNo in mp3 format. -\tPathfinder Hero Ship Skin for all hero spaceships (Cosmetic). -\tPathfinder Academy Heroes \u201cBrunem Berto-Lancellum\u201d and \u201cKinete Muldaur\u201d (Cosmetic). . GAMES2GETHER // CHANGE THE GAME. Join the GAMES2GETHER community now, and receive the ENDLESS\u2122 Space 2 badge (unlocks points, dozens of avatars and titles to customize your GAMES2GETHER profile). Follow the development of the game and get to know the talent behind the scenes. . Make your voice count by giving feedback on the game, submitting ideas, and voting for Art and gameplay elements. . Participate in contests and design content that will be created by the studio and added to the game!. . Special Offer. About the GameENDLESS\u2122 Space 2 is a Strategic Space Opera set in a mysterious universe. Your story unfolds in a galaxy that was first colonized by God-like beings known as the \u201cENDLESS\u2122\u201d, who rose and fell eons ago. All that remains of them are mystical ruins, powerful artifacts, and a strange, near-magical substance known as Dust.One More Turn. ENDLESS\u2122 Space 2 takes the classic \u201cone more turn\u201d formula to new heights. You will explore mysterious star systems, discover the secrets of ancient races, build colonies on distant planets, exploit trade routes, develop advanced technologies of unthinkable power; and, of course encounter new life forms to understand, to court or to conquer. . As a leader, you have to manage your populations like never before as they react dynamically to your decisions and to their environment, expressing their will through political parties, dictating the laws that your Senate can pass. Will you be a beloved natural leader or will you manipulate your populations to your benefit?Epic Space Battles. Watch your fighters fly past huge cruisers while lasers rip their hulls apart in epic real-time space battles. Detailed after action reports will help you adapt your strategy for the next confrontations. . Design your ships, assemble your fleets and carefully adapt your battle plans to overcome your enemies. Once you think you\u2019ve done it all, take it online against seven other players.Strategic Space Opera. Immerse yourself in the ENDLESS\u2122 Universe. The galaxy belongs to the civilization that controls Dust and uncovers its secrets\u2026 but were the ENDLESS\u2122 alone in the galaxy? What is the true origin of Dust?. . Lead one of eight civilizations, each with a unique playstyle affinity and story quest, and build great stellar empires capable of imposing your vision on the Galaxy!. . Find out more about the Academy and its powerful cast of Heroes, that you can recruit and train to become fleet admirals, system governors or influential senators.Amplified Reality. Press \u2018Space\u2019 anytime to activate the Amplified Reality view and reveal in-depth contextual information about your systems, trade routes, diplomatic stances and even your ship stats during battle!", + "about_the_game": "ENDLESS\u2122 Space 2 is a Strategic Space Opera set in a mysterious universe. Your story unfolds in a galaxy that was first colonized by God-like beings known as the \u201cENDLESS\u2122\u201d, who rose and fell eons ago. All that remains of them are mystical ruins, powerful artifacts, and a strange, near-magical substance known as Dust.One More TurnENDLESS\u2122 Space 2 takes the classic \u201cone more turn\u201d formula to new heights. You will explore mysterious star systems, discover the secrets of ancient races, build colonies on distant planets, exploit trade routes, develop advanced technologies of unthinkable power; and, of course encounter new life forms to understand, to court or to conquer.As a leader, you have to manage your populations like never before as they react dynamically to your decisions and to their environment, expressing their will through political parties, dictating the laws that your Senate can pass. Will you be a beloved natural leader or will you manipulate your populations to your benefit?Epic Space BattlesWatch your fighters fly past huge cruisers while lasers rip their hulls apart in epic real-time space battles. Detailed after action reports will help you adapt your strategy for the next confrontations.Design your ships, assemble your fleets and carefully adapt your battle plans to overcome your enemies. Once you think you\u2019ve done it all, take it online against seven other players.Strategic Space OperaImmerse yourself in the ENDLESS\u2122 Universe. The galaxy belongs to the civilization that controls Dust and uncovers its secrets\u2026 but were the ENDLESS\u2122 alone in the galaxy? What is the true origin of Dust?Lead one of eight civilizations, each with a unique playstyle affinity and story quest, and build great stellar empires capable of imposing your vision on the Galaxy!Find out more about the Academy and its powerful cast of Heroes, that you can recruit and train to become fleet admirals, system governors or influential senators.Amplified RealityPress \u2018Space\u2019 anytime to activate the Amplified Reality view and reveal in-depth contextual information about your systems, trade routes, diplomatic stances and even your ship stats during battle!", + "short_description": "ENDLESS\u2122 Space 2 is a Strategic Space Opera, featuring the compelling \u201cjust one more turn\u201d gameplay, set in the mysterious ENDLESS\u2122 Universe. As the leader of your civilization, will you impose your vision and build the greatest stellar empire?", + "genres": "Strategy", + "recommendations": 15323, + "score": 6.353112744216545 + }, + { + "type": "game", + "name": "X4: Foundations", + "detailed_description": "X4 is a living, breathing space sandbox running entirely on your PC. Thousands of ships and stations trade, mine and produce, all realistically simulated. In this universe, you can grow from being the lone pilot of a fighter ship, to managing a vast empire, commanding your fleets and designing colossal space stations. Transition seamlessly from first-person action, boarding ships and visiting their bridges, to an expansive strategy and management simulation. Choose your own path at your own pace. The decisions are yours. Trade - Fight - Build - Think. . Start your journeyIn X4, you can start your journey from a number of different gamestarts and as a number of different characters, each with their own role, set of relationships and different ships and technologies to start with. No matter how you start, you are always free to develop in any other direction. Focus on exploration, make money with illegal trading and theft, command large battle fleets or become the greatest entrepreneur ever. It's all up to you to decide.Fly every shipX4 allows you to fly all ships personally. From small scouts over a wide range of ship classes up to the biggest carrier, everything can be piloted from the cockpit or an external view. A big focus in the development of X4 has been to achieve a seamless and immersive experience when moving between ships. You can leave a ship, climb down a ladder, walk over the dock of a large space station into another ship you may have parked there and replace the pilot that was working for you just by clicking on his chair. . Build space stations and upgrade your shipsBuilding space stations and factories has always been a foundation of the X games. After gaining enough money through fighting or trading, most players want to establish their own economy and start influencing the universe on a larger scale. In X4, it is now possible to be completely free and creative. Stations can be constructed from a variety of modules, be it production modules, living sections, docks or many other types of parts. The powerful new map system allows you to drag and connect modules using a connection system to design your own unique creations. Ships also offer a variety of upgrades. Engines, weapons and other equipment can be added in a graphical editor and actually seen on the ship.Experience the most dynamic X universe everX4 is the first X game to allow our races and factions to freely build and expand their empires; the same flexibility the player enjoys in creatively designing space stations from modular building blocks is also available to them. Races expand their empire based on supply and demand, which leads to an extremely dynamic universe where every action the player makes can influence the course of the entire universe. . Manage your empire with a powerful mapOnce you have more ships and many NPCs working for you as pilots, crew or station managers, the map will be your preferred method of managing it all. Ships can be ordered with simple clicks and through drag-and-drop operations to set their future path and commands. Graphically plan your trade routes, coordinate attacks with your entire fleet, manage the hierarchy or send ships on remote exploration missions.Dive into the most detailed X economy everOne of the key selling points of X games has always been the realistic, simulated economy. Wares produced by hundreds of stations and transported by thousands of ships are actually traded by NPCs and prices develop based on this simulated economy. This is the foundation of our living and breathing universe. Now with X4, we have taken another, massive step. For the first time in any X game, all parts of the NPC economy are manufactured from resources. Ships, weapons, upgrades, ammo and even stations. You name it. Everything comes out of the simulated economy.Research and teleportThe seamless change from ship to ship and from NPCs controlling your empire for you continues on a higher level. Once you own a larger fleet, you will be very interested in researching a technology from your HQ: Teleportation. Once you've unlocked teleportation, you can jump from ship to ship a lot quicker and experience all the critical situations your NPCs encounter first hand. Every order you have given to a ship before turns into a mission objective when you pilot the ship yourself. The moment you leave again, your pilot takes the helm and continues with their previous orders.", + "about_the_game": "X4 is a living, breathing space sandbox running entirely on your PC. Thousands of ships and stations trade, mine and produce, all realistically simulated. In this universe, you can grow from being the lone pilot of a fighter ship, to managing a vast empire, commanding your fleets and designing colossal space stations. Transition seamlessly from first-person action, boarding ships and visiting their bridges, to an expansive strategy and management simulation. Choose your own path at your own pace. The decisions are yours. Trade - Fight - Build - Think.Start your journeyIn X4, you can start your journey from a number of different gamestarts and as a number of different characters, each with their own role, set of relationships and different ships and technologies to start with. No matter how you start, you are always free to develop in any other direction. Focus on exploration, make money with illegal trading and theft, command large battle fleets or become the greatest entrepreneur ever. It's all up to you to decide.Fly every shipX4 allows you to fly all ships personally. From small scouts over a wide range of ship classes up to the biggest carrier, everything can be piloted from the cockpit or an external view. A big focus in the development of X4 has been to achieve a seamless and immersive experience when moving between ships. You can leave a ship, climb down a ladder, walk over the dock of a large space station into another ship you may have parked there and replace the pilot that was working for you just by clicking on his chair.Build space stations and upgrade your shipsBuilding space stations and factories has always been a foundation of the X games. After gaining enough money through fighting or trading, most players want to establish their own economy and start influencing the universe on a larger scale. In X4, it is now possible to be completely free and creative. Stations can be constructed from a variety of modules, be it production modules, living sections, docks or many other types of parts. The powerful new map system allows you to drag and connect modules using a connection system to design your own unique creations. Ships also offer a variety of upgrades. Engines, weapons and other equipment can be added in a graphical editor and actually seen on the ship.Experience the most dynamic X universe everX4 is the first X game to allow our races and factions to freely build and expand their empires; the same flexibility the player enjoys in creatively designing space stations from modular building blocks is also available to them. Races expand their empire based on supply and demand, which leads to an extremely dynamic universe where every action the player makes can influence the course of the entire universe.Manage your empire with a powerful mapOnce you have more ships and many NPCs working for you as pilots, crew or station managers, the map will be your preferred method of managing it all. Ships can be ordered with simple clicks and through drag-and-drop operations to set their future path and commands. Graphically plan your trade routes, coordinate attacks with your entire fleet, manage the hierarchy or send ships on remote exploration missions.Dive into the most detailed X economy everOne of the key selling points of X games has always been the realistic, simulated economy. Wares produced by hundreds of stations and transported by thousands of ships are actually traded by NPCs and prices develop based on this simulated economy. This is the foundation of our living and breathing universe. Now with X4, we have taken another, massive step. For the first time in any X game, all parts of the NPC economy are manufactured from resources. Ships, weapons, upgrades, ammo and even stations. You name it. Everything comes out of the simulated economy.Research and teleportThe seamless change from ship to ship and from NPCs controlling your empire for you continues on a higher level. Once you own a larger fleet, you will be very interested in researching a technology from your HQ: Teleportation. Once you've unlocked teleportation, you can jump from ship to ship a lot quicker and experience all the critical situations your NPCs encounter first hand. Every order you have given to a ship before turns into a mission objective when you pilot the ship yourself. The moment you leave again, your pilot takes the helm and continues with their previous orders.", + "short_description": "X4: FOUNDATIONS brings our most sophisticated universe SIMULATION ever. Fly every ship, EXPLORE space or manage an empire; TRADE, FIGHT, BUILD and THINK carefully, while you embark on an epic journey. Experience tons of improvements with the massive 6.00 Update!", + "genres": "Action", + "recommendations": 14321, + "score": 6.308533380768157 + }, + { + "type": "game", + "name": "Squad", + "detailed_description": "New in Update 5.0 - People's Liberation Army Navy Marine Corps and more!Squad is proud to introduce you all to the People's Liberation Army Navy Marine Corps in update 5.0! The update adds five new vehicles, reskins of existing vehicles in blue naval camouflage, and much more, all headlined by the PLANMC: Chinese forces expertly trained in amphibious ops, marine warfare, and naval combat. . Squad is a large-scale combined arms multiplayer first-person shooter emphasizing combat realism through communication, team play, and strong squad cohesion feeding into larger-scale coordination, tactics, and planning. A wide selection of realistic faction-specific weaponry and vehicles allow players to build their own loadouts that best suit their preferred tactics. . Featuring 10 factions, 23 massive maps, vehicle-based combined arms gameplay, and player-constructed bases, Squad creates a heart-thumping, visceral gaming experience with split-second decision-making in real-world scale firefights. . 50 versus 50Squad creates authentic combat experiences while pitting conventional and unconventional factions against each other. As part of a 50 person team, join a nine-person squad to face off against an opposing 50 player team in intense combat across large real-world environments. Squad features the US Army, marine forces, Russian ground forces, British Army, Canadian Armed Forces, Australian Army, the Middle Eastern Alliance, Irregular Militia, and Insurgents, each with their own unique arsenals._Building SystemAdapt to the ever-changing needs of the battlefield by building fortifications and emplacements to give your squad and team the edge. Whether it\u2019s placing HMGs and AT gun emplacements or fortifying a position with sandbags, HESCOs, and razor wire, the battlefield is yours to change, if you have the materials to do so._CommunicationCommunication is a soldier's best tool in effectively engaging the enemy. To help facilitate navigating the complexity of communication on the battlefield, Squad provides a world-class in-game VoIP system that allows players to talk to other soldiers locally, in-squad, between squad leaders, or squad leaders to the team Commander. Map tools and in-world markers aid fire team leads and squad leaders to inform their squads and teams of engagement tactics.", + "about_the_game": "New in Update 5.0 - People's Liberation Army Navy Marine Corps and more!Squad is proud to introduce you all to the People's Liberation Army Navy Marine Corps in update 5.0! The update adds five new vehicles, reskins of existing vehicles in blue naval camouflage, and much more, all headlined by the PLANMC: Chinese forces expertly trained in amphibious ops, marine warfare, and naval combat.Squad is a large-scale combined arms multiplayer first-person shooter emphasizing combat realism through communication, team play, and strong squad cohesion feeding into larger-scale coordination, tactics, and planning. A wide selection of realistic faction-specific weaponry and vehicles allow players to build their own loadouts that best suit their preferred tactics. Featuring 10 factions, 23 massive maps, vehicle-based combined arms gameplay, and player-constructed bases, Squad creates a heart-thumping, visceral gaming experience with split-second decision-making in real-world scale firefights.50 versus 50Squad creates authentic combat experiences while pitting conventional and unconventional factions against each other. As part of a 50 person team, join a nine-person squad to face off against an opposing 50 player team in intense combat across large real-world environments. Squad features the US Army, marine forces, Russian ground forces, British Army, Canadian Armed Forces, Australian Army, the Middle Eastern Alliance, Irregular Militia, and Insurgents, each with their own unique arsenals._Building SystemAdapt to the ever-changing needs of the battlefield by building fortifications and emplacements to give your squad and team the edge. Whether it\u2019s placing HMGs and AT gun emplacements or fortifying a position with sandbags, HESCOs, and razor wire, the battlefield is yours to change, if you have the materials to do so._CommunicationCommunication is a soldier's best tool in effectively engaging the enemy. To help facilitate navigating the complexity of communication on the battlefield, Squad provides a world-class in-game VoIP system that allows players to talk to other soldiers locally, in-squad, between squad leaders, or squad leaders to the team Commander. Map tools and in-world markers aid fire team leads and squad leaders to inform their squads and teams of engagement tactics.", + "short_description": "Squad is a tactical FPS that provides authentic combat experiences through teamwork, constant communication, and realistic gameplay. It bridges the gap between arcade shooter and military simulation with 100 player battles, combined arms combat, base building, and an integrated VoIP system.", + "genres": "Action", + "recommendations": 103842, + "score": 7.614522435516363 + }, + { + "type": "game", + "name": "Hearts of Iron IV", + "detailed_description": "Featured DLC Game BookThis is how you access your game book content. . The player must connect his/her Paradox account and Steam account. . Go to accounts.paradoxplaza.com. Log in. Click Settings. Click \u201dConnect\u201d your Steam account and follow the instructions. . When the player logs into his/her Paradox account in the mobile app \u2013 the content is unlocked. . direct link to the mobile applications: . About the GameJoin Our Discord. . Take command of the world\u2019s mightiest war machine, managing industry, diplomacy and battle plans to defend your interests and dominate the planet in Hearts of Iron IV. . This grand strategy wargame offers both deep historical gameplay and tantalizing alternate histories as the dramatic events of the Second World War unfold on your computer. Hearts of Iron IV is a compelling simulation of modern war that rewards replay and strategic thinking. . Main Features:Rewarding Strategic Gameplay:Manage continent wide battle fronts and a complex research tree, alongside diplomacy and politics. Prepare your nation for the coming storm, transforming the geopolitical landscape in your favor.Complex Military Simulation:Give orders to army groups composed of divisions of your own design, driving towards your objectives and managing supply lines. Coordination of air, land and sea theaters is vital to overall success.Assume Control of Any Nation:Choose from the greatest powers striving for victory, or challenge yourself as one of the smaller nations simply trying to weather the storm.Internal Politics:Choose your war cabinet based on your current needs. Manage researchers and industrialists before the war, and emphasize a military cabinet once the world inexorably slides into conflict.Industrial Power:Build factories and ports, and then use those structures to make everything a modern army needs. Plan wisely, balancing future investment against the needs of the moment.Push the Limits of Science:A flexible research system offers new weapons, new industrial systems and advanced strategic concepts.Intense Online Combat:Up to 32 players can play Hearts of Iron IV, whether competitively or cooperatively, with some players taking control of different aspects of a single nation\u2019s strategy.", + "about_the_game": "Join Our DiscordTake command of the world\u2019s mightiest war machine, managing industry, diplomacy and battle plans to defend your interests and dominate the planet in Hearts of Iron IV.This grand strategy wargame offers both deep historical gameplay and tantalizing alternate histories as the dramatic events of the Second World War unfold on your computer. Hearts of Iron IV is a compelling simulation of modern war that rewards replay and strategic thinking.Main Features:Rewarding Strategic Gameplay:Manage continent wide battle fronts and a complex research tree, alongside diplomacy and politics. Prepare your nation for the coming storm, transforming the geopolitical landscape in your favor.Complex Military Simulation:Give orders to army groups composed of divisions of your own design, driving towards your objectives and managing supply lines. Coordination of air, land and sea theaters is vital to overall success.Assume Control of Any Nation:Choose from the greatest powers striving for victory, or challenge yourself as one of the smaller nations simply trying to weather the storm.Internal Politics:Choose your war cabinet based on your current needs. Manage researchers and industrialists before the war, and emphasize a military cabinet once the world inexorably slides into conflict.Industrial Power:Build factories and ports, and then use those structures to make everything a modern army needs. Plan wisely, balancing future investment against the needs of the moment.Push the Limits of Science:A flexible research system offers new weapons, new industrial systems and advanced strategic concepts.Intense Online Combat:Up to 32 players can play Hearts of Iron IV, whether competitively or cooperatively, with some players taking control of different aspects of a single nation\u2019s strategy.", + "short_description": "Victory is at your fingertips! Your ability to lead your nation is your supreme weapon, the strategy game Hearts of Iron IV lets you take command of any nation in World War II; the most engaging conflict in world history.", + "genres": "Simulation", + "recommendations": 172242, + "score": 7.948109910026288 + }, + { + "type": "game", + "name": "HELLDIVERS\u2122 Dive Harder Edition", + "detailed_description": "This fight isn't over. Re-enlist in HELLDIVERS\u2122 2! Just UpdatedThe celebration of Liberty Day 2019 is upon us! Super Earth Command have made a new training area available for Helldivers in an all new game mode called Proving Grounds. These challenging, repeatable, missions have unique modifiers that will put your skills to the test!. We're also introducing a new loadout system with random- and favorite- loadouts. . Are you ready to DIVE HARDER?. Just UpdatedTo commemorate Liberty Day 2018, Super Earth Command is giving you more Freedom. More Democracy. MORE LIBERTY. . Are you ready to dive into A New Hell?. 3 NEW Difficulties have been added beyond HELLDIVE!. 3 NEW Enemies have been added. A NEW Stratagem has been added (MGX-42 Machinegun). . Just UpdatedIn celebration of Liberty Day 2017, new FREE equipment has been added to the Helldivers arsenal. To protect Super Earth from all threats and spread managed democracy, unlock the 3 new Stratagems (Heavy Strafing Run, 'Thunderer' Smoke Round, A/GL-8 Launcher Turret) by liberating planets. For Super Earth!. Just UpdatedCelebrate the 2 year Anniversary of HELLDIVERS with a FREE new HELLDIVER 'Next-Gen' Armor and Helmet! Simply start the game and the new content will be in your armory. . Just UpdatedIn celebration of Liberty Day 2016, we are giving away free equipment to all Helldivers. Simply start the game and the new 'M2016 CONSTITUTION' rifle and 'Liberty' cape content will be in your armory. . Just UpdatedCelebrate the 1 year Anniversary of HELLDIVERS with a FREE new HELLDIVER \"Assault\" Armor and LAS-13 \"Trident\" Laser Shotgun! Simply start the game and the new content will be in your armory. . About the GameHELLDIVERS\u2122 is a hardcore, cooperative, twin stick shooter. As part of the elite unit called the HELLDIVERS, players must work together to protect SUPER EARTH and defeat the enemies of mankind in an intense intergalactic war.HELLDIVERS\u2122 Dive Harder Edition is a free upgrade for all existing owners and include: A NEW GAME MODE: \"Proving Grounds\". Take on challenging missions with unique modifiers. . NEW loadout system with random- and favorite-loadout options . All previous expansions (A New Hell, Masters of the Galaxy, Turning Up The Heat and Democracy Strikes Back). . Up to 4 player local and online co-op on STEAM. . Full friendly fire - \u201caccidentally\u201d kill your friends, again and again. . Direct the full might of the military with a wide variety of Support Stratagems. . Community-driven galactic campaign. . A universe of worlds to liberate. . 100+ hours of gameplay.", + "about_the_game": "HELLDIVERS\u2122 is a hardcore, cooperative, twin stick shooter. As part of the elite unit called the HELLDIVERS, players must work together to protect SUPER EARTH and defeat the enemies of mankind in an intense intergalactic war.HELLDIVERS\u2122 Dive Harder Edition is a free upgrade for all existing owners and include: A NEW GAME MODE: \"Proving Grounds\". Take on challenging missions with unique modifiers. NEW loadout system with random- and favorite-loadout options All previous expansions (A New Hell, Masters of the Galaxy, Turning Up The Heat and Democracy Strikes Back). Up to 4 player local and online co-op on STEAM. Full friendly fire - \u201caccidentally\u201d kill your friends, again and again. Direct the full might of the military with a wide variety of Support Stratagems. Community-driven galactic campaign. A universe of worlds to liberate. 100+ hours of gameplay", + "short_description": "HELLDIVERS\u2122 is a hardcore, cooperative, twin stick shooter. As part of the elite unit called the HELLDIVERS, players must work together to protect SUPER EARTH and defeat the enemies of mankind in an intense intergalactic war.", + "genres": "Action", + "recommendations": 18841, + "score": 6.4893545647568285 + }, + { + "type": "game", + "name": "DISTRAINT: Deluxe Edition", + "detailed_description": ". DISTRAINT is a 2D psychological horror adventure game for PC. . You step into the shoes of an ambitious young man named Price. . In order to secure a partnership in a famous company, Price seizes the property of an elderly woman. In that very moment, he finds out the price of his humanity. . This is his story and the tale of his regrets. . \"We have yet to see you DANCE, son!\". _______________________________________________________. . DISTRAINT is a horror-novel style of game. It is dark and grim but also has its share of dark humor. . The story progresses quickly which allows for several settings and scenarios. Your journey will last around two hours!. The gameplay is simple but effective: You move left and right and solve puzzles to progress through the atmospheric story. . Side scrolling 2D with unique, hand drawn graphics. Atmospheric music and sound design. Minimalist interface so your focus never wavers from the experience. Delve into a unique story full of intriguing twists. One man effort - No asset flips or cheap tricks, just hard work!. \"Snow. no wonder these folks are so absent.\". _______________________________________________________. . DISTRAINT has been doing quite well thanks to the awesome community!. Deluxe Edition is my thanks to you. Take a look at what's new:. Dynamic coloring - Goodbye gray, hello color!. No more lantern - Increased environmental lighting. Enhanced animation, graphics, and lighting effects. Refined audio for better atmosphere. Improved user interface. \"These people are treated like cattle. \". _______________________________________________________", + "about_the_game": "DISTRAINT is a 2D psychological horror adventure game for PC.You step into the shoes of an ambitious young man named Price.In order to secure a partnership in a famous company, Price seizes the property of an elderly woman. In that very moment, he finds out the price of his humanity.This is his story and the tale of his regrets...\"We have yet to see you DANCE, son!\"_______________________________________________________DISTRAINT is a horror-novel style of game. It is dark and grim but also has its share of dark humor.The story progresses quickly which allows for several settings and scenarios.Your journey will last around two hours!The gameplay is simple but effective: You move left and right and solve puzzles to progress through the atmospheric story.Side scrolling 2D with unique, hand drawn graphicsAtmospheric music and sound designMinimalist interface so your focus never wavers from the experienceDelve into a unique story full of intriguing twistsOne man effort - No asset flips or cheap tricks, just hard work!\"Snow... no wonder these folks are so absent.\"_______________________________________________________DISTRAINT has been doing quite well thanks to the awesome community!Deluxe Edition is my thanks to you. Take a look at what's new:Dynamic coloring - Goodbye gray, hello color!No more lantern - Increased environmental lightingEnhanced animation, graphics, and lighting effectsRefined audio for better atmosphereImproved user interface\"These people are treated like cattle...\"_______________________________________________________", + "short_description": "DISTRAINT is a 2D psychological horror adventure game for PC. In order to secure a partnership in a famous company, Price seizes the property of an elderly woman. In that very moment, he finds out the price of his humanity.", + "genres": "Adventure", + "recommendations": 6170, + "score": 5.753504181347903 + }, + { + "type": "game", + "name": "Borderlands 3", + "detailed_description": "Borderlands 3 Ultimate EditionBorderlands 3 Ultimate Edition is the quintessential Borderlands 3 experience, featuring the base game plus all 6 content add-ons and the full collection of bonus cosmetic packs!. Borderlands 3 Super Deluxe EditionContinue your Borderlands 3 adventure with the Season Pass!. This content is included with purchase of the Borderlands 3 Super Deluxe Edition, Borderlands 3 Ultimate Edition, and Borderlands 3 Collector's Edition. . The Season Pass includes:Moxxi\u2019s Heist of the Handsome Jackpot campaign add-on. . Guns, Love, and Tentacles campaign add-on. . Bounty of Blood campaign add-on. . Psycho Krieg and the Fantastic Fustercluck campaign add-on. . All 4 Multiverse Final Form Cosmetic Packs. . A Butt Stallion weapon skin, weapon trinket and grenade mod. . About the Game. The original shooter-looter returns, packing bazillions of guns and an all-new mayhem-fueled adventure! Blast through new worlds and enemies as one of four brand new Vault Hunters \u2013 the ultimate treasure-seeking badasses of the Borderlands, each with deep skill trees, abilities, and customization. Play solo or join with friends to take on insane enemies, score loads of loot and save your home from the most ruthless cult leaders in the galaxy.A MAYHEM-FUELED THRILL RIDE Stop the fanatical Calypso Twins from uniting the bandit clans and claiming the galaxy\u2019s ultimate power. Only you, a thrill-seeking Vault Hunter, have the arsenal and allies to take them down.YOUR VAULT HUNTER, YOUR PLAYSTYLE Become one of four extraordinary Vault Hunters, each with unique abilities, playstyles, deep skill trees, and tons of personalization options. All Vault Hunters are capable of awesome mayhem alone, but together they are unstoppable.LOCK, LOAD, AND LOOTWith bazillions of guns and gadgets, every fight is an opportunity to score new gear. Firearms with self-propelling bullet shields? Check. Rifles that spawn fire-spewing volcanoes? Obviously. Guns that grow legs and chase down enemies while hurling verbal insults? Yeah, got that too.NEW BORDERLANDS Discover new worlds beyond Pandora, each featuring unique environments to explore and enemies to destroy. Tear through hostile deserts, battle your way across war-torn cityscapes, navigate deadly bayous, and more!QUICK & SEAMLESS CO-OP ACTIONPlay with anyone at any time with online co-op, regardless of your level or mission progress.", + "about_the_game": "The original shooter-looter returns, packing bazillions of guns and an all-new mayhem-fueled adventure! Blast through new worlds and enemies as one of four brand new Vault Hunters \u2013 the ultimate treasure-seeking badasses of the Borderlands, each with deep skill trees, abilities, and customization. Play solo or join with friends to take on insane enemies, score loads of loot and save your home from the most ruthless cult leaders in the galaxy.A MAYHEM-FUELED THRILL RIDE Stop the fanatical Calypso Twins from uniting the bandit clans and claiming the galaxy\u2019s ultimate power. Only you, a thrill-seeking Vault Hunter, have the arsenal and allies to take them down.YOUR VAULT HUNTER, YOUR PLAYSTYLE Become one of four extraordinary Vault Hunters, each with unique abilities, playstyles, deep skill trees, and tons of personalization options. All Vault Hunters are capable of awesome mayhem alone, but together they are unstoppable.LOCK, LOAD, AND LOOTWith bazillions of guns and gadgets, every fight is an opportunity to score new gear. Firearms with self-propelling bullet shields? Check. Rifles that spawn fire-spewing volcanoes? Obviously. Guns that grow legs and chase down enemies while hurling verbal insults? Yeah, got that too.NEW BORDERLANDS Discover new worlds beyond Pandora, each featuring unique environments to explore and enemies to destroy. Tear through hostile deserts, battle your way across war-torn cityscapes, navigate deadly bayous, and more!QUICK & SEAMLESS CO-OP ACTIONPlay with anyone at any time with online co-op, regardless of your level or mission progress.", + "short_description": "The original shooter-looter returns, packing bazillions of guns and a mayhem-fueled adventure! Blast through new worlds and enemies as one of four new Vault Hunters.", + "genres": "Action", + "recommendations": 93925, + "score": 7.5483536310586015 + }, + { + "type": "game", + "name": "Business Tour - Board Game with Online Multiplayer", + "detailed_description": "DISCORD. MERCH. About the Game. \"Business Tour\" simple and entertaining gameplay allows you to come up with many interesting strategies, come to agreements with your rivals and even enter into conspiracies against other players. Apart from that, the game helps you to reveal your inner entrepreneurial qualities. For precisely this reason, children and adults alike can enjoy this game equally. . \"Business Tour\" allows you to play a classic tabletop game online with your friends. The main advantage of \"Business Tour\" is that it's easy to learn to play, but that doesn't mean it's easy to win. You'll have to use all your bravery and business acumen to defeat real opponents. Difficulty and unpredictability make the classic table-top game more interesting, and the gameplay more diverse. . . Key features:. Online multiplayer mode, 2-4 players. Online 2x2 mode . Offline mode with bots. Offline playing with others via one or more screens. Invite friends to play at the same table. Leaderboards. Tournament mode.", + "about_the_game": "\"Business Tour\" simple and entertaining gameplay allows you to come up with many interesting strategies, come to agreements with your rivals and even enter into conspiracies against other players. Apart from that, the game helps you to reveal your inner entrepreneurial qualities. For precisely this reason, children and adults alike can enjoy this game equally.\"Business Tour\" allows you to play a classic tabletop game online with your friends. The main advantage of \"Business Tour\" is that it's easy to learn to play, but that doesn't mean it's easy to win. You'll have to use all your bravery and business acumen to defeat real opponents. Difficulty and unpredictability make the classic table-top game more interesting, and the gameplay more diverse.Key features: Online multiplayer mode, 2-4 players Online 2x2 mode Offline mode with bots Offline playing with others via one or more screens Invite friends to play at the same table Leaderboards Tournament mode", + "short_description": ""Business Tour" is a free to play multiplayer tabletop game. Build your monopoly with friends. Complete daily tasks, compete against the other players and receive trade items rewards!", + "genres": "Adventure", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Heaven Island - VR MMO", + "detailed_description": "Heaven Island is an experiential game in which you'll explore wonderful environments and places. . On this Island, time and space are frozen and you'll be able to visit it and at the same time explore the inner of your soul. All problems and worries of life will be left far behind so that you'll be able to rest your soul and mind during this experience. . The inspiration for the environments comes from the Renzo Piano designs and from the book \"Origins of Architectural Pleasure\" in which the player's welfare is of primary importance. . This game is a Massive Multiplayer Online experience in the sense that you'll be able to connect with all other gamers and will be able to view their essence in order to be able to create a \"Connection\". . All the details you see on the Island are made by hand, every rock you see is put there with a purpose. . We really hope you'll enjoy this wonderful experience. . Designed to be played with or without the Oculus VR, Gear VR and (soon) the Steam Vive VR. . Warning: on some Apple Macbooks, the game crashes at start. We'll fix the problem as fast as we can!", + "about_the_game": "Heaven Island is an experiential game in which you'll explore wonderful environments and places.On this Island, time and space are frozen and you'll be able to visit it and at the same time explore the inner of your soul.All problems and worries of life will be left far behind so that you'll be able to rest your soul and mind during this experience.The inspiration for the environments comes from the Renzo Piano designs and from the book \"Origins of Architectural Pleasure\" in which the player's welfare is of primary importance.This game is a Massive Multiplayer Online experience in the sense that you'll be able to connect with all other gamers and will be able to view their essence in order to be able to create a \"Connection\". All the details you see on the Island are made by hand, every rock you see is put there with a purpose.We really hope you'll enjoy this wonderful experience.Designed to be played with or without the Oculus VR, Gear VR and (soon) the Steam Vive VRWarning: on some Apple Macbooks, the game crashes at start. We'll fix the problem as fast as we can!", + "short_description": "More a Journey in your Inner Self than a game, "Heaven Island" is an experience in which you'll explore wonderful places. The inspiration for the environments comes from the Renzo Piano designs and from the book "Origins of Architectural Pleasure" in which the welfare is of primary importance.", + "genres": "Adventure", + "recommendations": 361, + "score": 3.88394710710968 + }, + { + "type": "game", + "name": "Dishonored 2", + "detailed_description": "Free Bonus Content. Logging in with your Bethesda.net account will get you the following new modes in Dishonored 2:. Mission+. Take a trip back in time to any previously completed mission from the campaign and experiment freely with all powers and weapons. . Black and White. Feeling moody? Black and White mode lets you experience the game in a new visual style. This filter does exactly what it says on the tin, but all blood will remain red. See? Moody. You can toggle between Black and White mode and the original color mode at any time. . In addition to these two new modes, Dishonored 2 players who log in with their Bethesda.net account will also gain access to the original pre-order bonus, the Imperial Assassin\u2019s Pack. When you stop by the Dreadful Wale, you\u2019ll find all the bonus items in the pack waiting for you in your cabin. . The Imperial Assassin\u2019s Pack includes:. Duelist\u2019s Luck bone charm. Void Favor bone charm. In-game Antique Serkonan Guitar for Emily or Corvo to interact with. In-game book: Goodbye, Karnaca \u2013 A Musician\u2019s Farewell. 500 bonus coins. This Year's Breakout GameWinner, Best Action Adventure Game, The Game Awards 2016. . About the GameGame DescriptionReprise your role as a supernatural assassin in Dishonored 2. . Praised by PC Gamer as \u201cbrilliant\u201d, IGN as \u201camazing\u201d and \u201ca superb sequel\u201d, declared a \u201cmasterpiece\u201d by Eurogamer, and hailed \u201ca must-play revenge tale among the best in its class\u201d by Game Informer, Dishonored 2 is the follow up to Arkane Studio's first-person action blockbuster and winner of more than 100 'Game of the Year' awards, Dishonored. . Play your way in a world where mysticism and industry collide. Will you choose to play as Empress Emily Kaldwin or the royal protector, Corvo Attano? Will you make your way through the game unseen, make full use of its brutal combat system, or use a blend of both? How will you combine your character's unique set of powers, weapons and gadgets to eliminate your enemies? The story responds to your choices, leading to intriguing outcomes, as you play through each of the game's hand-crafted missions.StoryDishonored 2 is set 15 years after the Lord Regent has been vanquished and the dreaded Rat Plague has passed into history. An otherworldly usurper has seized Empress Emily Kaldwin\u2019s throne, leaving the fate of the Isles hanging in the balance. As Emily or Corvo, travel beyond the legendary streets of Dunwall to Karnaca, the once-dazzling coastal city that holds the keys to restoring Emily to power. Armed with the Mark of the Outsider and powerful new abilities, track down your enemies and take back what\u2019s rightfully yours.Key FeaturesThe Assassins As fully voiced characters, Emily Kaldwin and Corvo Attano now bring their own perspectives and emotional responses to the world and story. Use each character\u2019s set of powers, gadgets and uniquely-tuned weapons in creative ways as you explore the world \u2013 whether you fight your way through the city streets or sneak across the rooftops - and which enemies you decide to eliminate or spare. . Supernatural PowersAdvanced bonecharm crafting and all-new upgrade trees allow you to customize your powers in vastly different ways. Become a living shadow to silently stalk your targets, link enemies so they share a common fate, or mesmerize your foes and dominate their minds. Choose from nearly infinite combinations of violence, nonlethal combat, powers and weapons to accomplish your objectives. . Imaginative World From the grimy, rat-infested streets of Dunwall to the lush, exotic coasts of a decaying Karnaca, immerse yourself in stylized locales created by Arkane\u2019s premiere art and narrative teams. The world is a character in its own right, rich with story, architecture and eclectic characters. It is also punctuated by signature mission locations, such as the Dust District, ravaged by dust storms and warring factions, and a madman\u2019s mansion made of shifting walls, deadly traps and clockwork soldiers. . The Void EngineDishonored 2 is beautifully brought to life with the new Void Engine, a leap forward in rendering technology, built from id Tech and highly-customized by Arkane Studios. Designed to support world-class art direction and take full advantage of the powerful hardware this generation has to offer, the Void Engine allows for significant advances to all game systems, including responsive stealth and combat Artificial Intelligence, lighting and graphical rendering, impressively dense urban environments, and story presentation.", + "about_the_game": "Game DescriptionReprise your role as a supernatural assassin in Dishonored 2. Praised by PC Gamer as \u201cbrilliant\u201d, IGN as \u201camazing\u201d and \u201ca superb sequel\u201d, declared a \u201cmasterpiece\u201d by Eurogamer, and hailed \u201ca must-play revenge tale among the best in its class\u201d by Game Informer, Dishonored 2 is the follow up to Arkane Studio's first-person action blockbuster and winner of more than 100 'Game of the Year' awards, Dishonored. Play your way in a world where mysticism and industry collide. Will you choose to play as Empress Emily Kaldwin or the royal protector, Corvo Attano? Will you make your way through the game unseen, make full use of its brutal combat system, or use a blend of both? How will you combine your character's unique set of powers, weapons and gadgets to eliminate your enemies? The story responds to your choices, leading to intriguing outcomes, as you play through each of the game's hand-crafted missions.StoryDishonored 2 is set 15 years after the Lord Regent has been vanquished and the dreaded Rat Plague has passed into history. An otherworldly usurper has seized Empress Emily Kaldwin\u2019s throne, leaving the fate of the Isles hanging in the balance. As Emily or Corvo, travel beyond the legendary streets of Dunwall to Karnaca, the once-dazzling coastal city that holds the keys to restoring Emily to power. Armed with the Mark of the Outsider and powerful new abilities, track down your enemies and take back what\u2019s rightfully yours.Key FeaturesThe Assassins As fully voiced characters, Emily Kaldwin and Corvo Attano now bring their own perspectives and emotional responses to the world and story. Use each character\u2019s set of powers, gadgets and uniquely-tuned weapons in creative ways as you explore the world \u2013 whether you fight your way through the city streets or sneak across the rooftops - and which enemies you decide to eliminate or spare. Supernatural PowersAdvanced bonecharm crafting and all-new upgrade trees allow you to customize your powers in vastly different ways. Become a living shadow to silently stalk your targets, link enemies so they share a common fate, or mesmerize your foes and dominate their minds. Choose from nearly infinite combinations of violence, nonlethal combat, powers and weapons to accomplish your objectives.Imaginative World \tFrom the grimy, rat-infested streets of Dunwall to the lush, exotic coasts of a decaying Karnaca, immerse yourself in stylized locales created by Arkane\u2019s premiere art and narrative teams. The world is a character in its own right, rich with story, architecture and eclectic characters. It is also punctuated by signature mission locations, such as the Dust District, ravaged by dust storms and warring factions, and a madman\u2019s mansion made of shifting walls, deadly traps and clockwork soldiers. The Void EngineDishonored 2 is beautifully brought to life with the new Void Engine, a leap forward in rendering technology, built from id Tech and highly-customized by Arkane Studios. Designed to support world-class art direction and take full advantage of the powerful hardware this generation has to offer, the Void Engine allows for significant advances to all game systems, including responsive stealth and combat Artificial Intelligence, lighting and graphical rendering, impressively dense urban environments, and story presentation.", + "short_description": "Reprise your role as a supernatural assassin in Dishonored 2. Declared a \u201cmasterpiece\u201d by Eurogamer and hailed \u201ca must-play revenge tale\u201d by Game Informer, Dishonored 2 is the follow up to Arkane\u2019s 1st-person action blockbuster & winner of 100+ 'Game of the Year' awards, Dishonored.", + "genres": "Action", + "recommendations": 33487, + "score": 6.868476763405801 + }, + { + "type": "game", + "name": "ARK: The Survival Of The Fittest", + "detailed_description": "Special OfferARK: The Survival Of The Fittest is now bundled with ARK: Survival Evolved. Purchase ARK: Survival Evolved to play. About the GameARK: The Survival of the Fittest is a prototype spin-off of ARK: Survival Evolved, pitting up to 60 combatants against each other in a fast-paced, action-packed struggle for survival, where players are ultimately pushed into an epic final showdown leading their Dinosaur Armies into battle. ARK TSOTF is the only Battle Royale that focuses on large-scale creature-army confrontations, combined with a unique Real Time Strategy overlay. By using tactics and strategy to assemble a fighting-force of history\u2019s most powerful primeval creatures, only one tribe will survive!. Form your tribe and fight in the ultimate battle of Dino Survival! Designed for intense competition and fast-paced dino action, survivors begin their match in a TEK-imbued sky lobby to tribe up. When the battle begins, they\u2019ll fly towards an island aboard a giant Quetzal before ejecting and gliding towards their chosen starting area. Do competitors dash for drops and fight it out? Do they run into the jungle and hide, search for creatures to tame, and rapidly build their Dino Army, or do they die to a pack of curious Compys? Make use of the birds-eye-view mode, which allows you more effectively Command-&-Control your army of dinosaurs, directly possess individual upgradeable creatures, and issue commands to your team as the ultimate strategist. This unique RTS-style experience is available in-life and also after-death! Avoid the continually shrinking and dynamic \u201cring of death\u201d that forces contestants ever closer together over time and become the last tribe standing. The hunt is on!. Please note: this version is currently only a prototype to test out the new gameplay and features \u2013 it is not yet a fully-featured competitive game. Nevertheless, we encourage all survivors to play and provide us feedback to help further develop and grow TSOTF!. While the core goal of The Survival of the Fittest remains the same, we\u2019ve gone back to the drawing board and introduced a significant number of technical/quality of life/balance changes to the game mode that differs from ARK: Survival Evolved and the original version of Survival of the Fittest. These changes aim to make the experience more streamlined and accessible, eliminating the complex aspects of crafting & the steep learning curve, and empowering players to quickly form their Dino Armies and get to the creature-action faster. . ARK re-designed from the ground up, focusing on fast-paced gameplay and intense combat around large-scale creature battles. A whopping 88 dinosaurs and creatures at launch!. A simplified version of The Island from ARK: Survival Evolved. Solo and Tribe based game modes. Overhaul UI/UX Experience to communicate only what is essential and gamepad friendly. . Inventory Management has been completely removed for a simpler and quicker gameplay experience. . Looting-focused design - Harvesting has been removed and replaced with tier-based supply crates where items are rewarded to all members of your tribe or killing dinos for your own additional resources. . Weapons and armor have been modified and rebalanced for the ultimate fast pace experience and uncomplicated player progression. . New taming system: kill creatures for tokens and then spend those tokens on taming new wilds or stealing downed tames from your enemies!. Commander Mode. A birds-eye-view mode that can be entered at any time of the game, allowing you to control your army of dinosaurs (RTS style) more effectively, directly possess individual creatures within your arsenal, and issue commands to your team as the ultimate strategist (including an ally-driven fog of war). Thus after a player has died, they can still participate in the match as a commander and continue to control and possess the team\u2019s Dinosaur \u2013 they can continue to play and benefit their team! A team is only fully defeated once they have had all their Players AND their Dinosaurs destroyed. . Dino Tier System - Dinos are rewarded for their kills with EXP to advance them to a new tier providing them with fixed statistical benefits and eliminating dino-level RNG. . Dynamic \u201cring of death\u201d unique to each round enabling emergent gameplay and unpredictable advantages. An intelligent Pinging System to help communicate within teams. Custom-Painted \u201cWar Banners\u201d enable Tribes to show off their team spirit on Flags across their army of Dinosaurs!. Summon bosses of the ARK to strengthen your arsenal in this ultimate Dino Army experience. A custom live-orchestrated soundtrack was written by award-winning composer Gareth Coker of Ori and the Blind Forest and ARK: The Animated Series.", + "about_the_game": "ARK: The Survival of the Fittest is a prototype spin-off of ARK: Survival Evolved, pitting up to 60 combatants against each other in a fast-paced, action-packed struggle for survival, where players are ultimately pushed into an epic final showdown leading their Dinosaur Armies into battle. ARK TSOTF is the only Battle Royale that focuses on large-scale creature-army confrontations, combined with a unique Real Time Strategy overlay. By using tactics and strategy to assemble a fighting-force of history\u2019s most powerful primeval creatures, only one tribe will survive!Form your tribe and fight in the ultimate battle of Dino Survival! Designed for intense competition and fast-paced dino action, survivors begin their match in a TEK-imbued sky lobby to tribe up. When the battle begins, they\u2019ll fly towards an island aboard a giant Quetzal before ejecting and gliding towards their chosen starting area. Do competitors dash for drops and fight it out? Do they run into the jungle and hide, search for creatures to tame, and rapidly build their Dino Army, or do they die to a pack of curious Compys? Make use of the birds-eye-view mode, which allows you more effectively Command-&-Control your army of dinosaurs, directly possess individual upgradeable creatures, and issue commands to your team as the ultimate strategist. This unique RTS-style experience is available in-life and also after-death! Avoid the continually shrinking and dynamic \u201cring of death\u201d that forces contestants ever closer together over time and become the last tribe standing. The hunt is on!Please note: this version is currently only a prototype to test out the new gameplay and features \u2013 it is not yet a fully-featured competitive game. Nevertheless, we encourage all survivors to play and provide us feedback to help further develop and grow TSOTF!While the core goal of The Survival of the Fittest remains the same, we\u2019ve gone back to the drawing board and introduced a significant number of technical/quality of life/balance changes to the game mode that differs from ARK: Survival Evolved and the original version of Survival of the Fittest. These changes aim to make the experience more streamlined and accessible, eliminating the complex aspects of crafting & the steep learning curve, and empowering players to quickly form their Dino Armies and get to the creature-action faster.ARK re-designed from the ground up, focusing on fast-paced gameplay and intense combat around large-scale creature battlesA whopping 88 dinosaurs and creatures at launch!A simplified version of The Island from ARK: Survival EvolvedSolo and Tribe based game modesOverhaul UI/UX Experience to communicate only what is essential and gamepad friendly.Inventory Management has been completely removed for a simpler and quicker gameplay experience.Looting-focused design - Harvesting has been removed and replaced with tier-based supply crates where items are rewarded to all members of your tribe or killing dinos for your own additional resources.Weapons and armor have been modified and rebalanced for the ultimate fast pace experience and uncomplicated player progression.New taming system: kill creatures for tokens and then spend those tokens on taming new wilds or stealing downed tames from your enemies!Commander Mode. A birds-eye-view mode that can be entered at any time of the game, allowing you to control your army of dinosaurs (RTS style) more effectively, directly possess individual creatures within your arsenal, and issue commands to your team as the ultimate strategist (including an ally-driven fog of war). Thus after a player has died, they can still participate in the match as a commander and continue to control and possess the team\u2019s Dinosaur \u2013 they can continue to play and benefit their team! A team is only fully defeated once they have had all their Players AND their Dinosaurs destroyed.Dino Tier System - Dinos are rewarded for their kills with EXP to advance them to a new tier providing them with fixed statistical benefits and eliminating dino-level RNG. Dynamic \u201cring of death\u201d unique to each round enabling emergent gameplay and unpredictable advantagesAn intelligent Pinging System to help communicate within teamsCustom-Painted \u201cWar Banners\u201d enable Tribes to show off their team spirit on Flags across their army of Dinosaurs!Summon bosses of the ARK to strengthen your arsenal in this ultimate Dino Army experienceA custom live-orchestrated soundtrack was written by award-winning composer Gareth Coker of Ori and the Blind Forest and ARK: The Animated Series.", + "short_description": "ARK: The Survival of the Fittest is a prototype spin-off of ARK: Survival Evolved, pitting up to 60 combatants against each other in a fast-paced, action-packed struggle for survival, where players are ultimately pushed into an epic final showdown leading their Dinosaur Armies into battle.", + "genres": "Action", + "recommendations": 4191, + "score": 5.498591277575118 + }, + { + "type": "game", + "name": "BioShock\u2122 Remastered", + "detailed_description": "Special OfferBuying BioShock\u2122 Remastered also gets you BioShock\u2122. For details on that version, click here!. About the GameBioShock is a shooter unlike any you've ever played, loaded with weapons and tactics never seen. You'll have a complete arsenal at your disposal from simple revolvers to grenade launchers and chemical throwers, but you'll also be forced to genetically modify your DNA to create an even more deadly weapon: you.Features:Museum of Orphaned Concepts. Challenge Rooms. Director\u2019s Commentary: Imagining BioShock, featuring Ken Levine and Shawn Robertson. Achievements. Full Controller Support. High Resolution Textures, Models and Interface. 4K Resolution Support.", + "about_the_game": "BioShock is a shooter unlike any you've ever played, loaded with weapons and tactics never seen. You'll have a complete arsenal at your disposal from simple revolvers to grenade launchers and chemical throwers, but you'll also be forced to genetically modify your DNA to create an even more deadly weapon: you.Features:Museum of Orphaned ConceptsChallenge RoomsDirector\u2019s Commentary: Imagining BioShock, featuring Ken Levine and Shawn RobertsonAchievementsFull Controller SupportHigh Resolution Textures, Models and Interface4K Resolution Support", + "short_description": "BioShock is a shooter unlike any other, loaded with unique weapons and tactics. Complete with an arsenal of revolvers, shotguns, and grenade launchers, players will be forced to genetically modify their DNA to become an even deadlier weapon.", + "genres": "Action", + "recommendations": 38870, + "score": 6.966742409784839 + }, + { + "type": "game", + "name": "BioShock\u2122 2 Remastered", + "detailed_description": "Special OfferBuying BioShock 2\u2122 Remastered gets you BioShock 2\u2122! For a full list of features on that edition, click here!. About the GameBioShock 2 provides players with the perfect blend of explosive first-person shooter combat and compelling award-winning storytelling. The halls of Rapture once again echo with sins of the past. Along the Atlantic coastline, a monster has been snatching little girls and bringing them back to the undersea city of Rapture. Players step into the boots of the most iconic denizen of Rapture, the Big Daddy, as they travel through the decrepit and beautiful fallen city, chasing an unseen foe in search of answers and their own survival.Features:High Resolution Textures, Models and Interface Art. 4K Resolution Support. The Protector Trials. You receive the call: Tenenbaum desperately needs you to steal as much ADAM as possible, to help thwart Sofia Lamb's insane plan. Enter the Protector Trials: frantic combat challenges designed to push your mastery of weapons and Plasmids to the limit. The goal in each Trial is simple: get your Little Sister to an ADAM-rich corpse and keep her safe while she gathers precious ADAM. Opposition mounts as your Little Sister nears her goal -- will you survive the onslaught?. Each Trial features three unique weapon and Plasmid load-outs, keeping the challenge fresh, as well as a fourth bonus load-out the player receives when all previous load-outs are completed. .", + "about_the_game": "BioShock 2 provides players with the perfect blend of explosive first-person shooter combat and compelling award-winning storytelling. The halls of Rapture once again echo with sins of the past. Along the Atlantic coastline, a monster has been snatching little girls and bringing them back to the undersea city of Rapture. Players step into the boots of the most iconic denizen of Rapture, the Big Daddy, as they travel through the decrepit and beautiful fallen city, chasing an unseen foe in search of answers and their own survival.Features:High Resolution Textures, Models and Interface Art4K Resolution SupportThe Protector TrialsYou receive the call: Tenenbaum desperately needs you to steal as much ADAM as possible, to help thwart Sofia Lamb's insane plan. Enter the Protector Trials: frantic combat challenges designed to push your mastery of weapons and Plasmids to the limit. The goal in each Trial is simple: get your Little Sister to an ADAM-rich corpse and keep her safe while she gathers precious ADAM. Opposition mounts as your Little Sister nears her goal -- will you survive the onslaught?Each Trial features three unique weapon and Plasmid load-outs, keeping the challenge fresh, as well as a fourth bonus load-out the player receives when all previous load-outs are completed.", + "short_description": "In BioShock 2, you step into the boots of the most iconic denizen of Rapture, the Big Daddy, as you explore through the decrepit and beautiful fallen city, chasing an unseen foe in search of answers and your own survival.", + "genres": "Action", + "recommendations": 17159, + "score": 6.4277117537766335 + }, + { + "type": "game", + "name": "Metro Exodus", + "detailed_description": "PC Enhanced Edition & Requirements Minimum requirements to run the Enhanced Edition can be found here! . . Owners of Metro Exodus are also entitled to the Metro Exodus PC Enhanced Edition - a stunning visual upgrade that REQUIRES a Ray-Tracing Capable GPU as part of the minimum spec. . The DLC for Metro Exodus is also Enhanced \u2013 purchasing the Metro Exodus Expansion Pass, or The Two Colonels / Sam\u2019s Story individually, entitles you to the Enhanced version of that content, accessible via the Metro Exodus PC Enhanced Edition. . In depth technical dive into Metro Exodus PC Enhanced Edition. About the GameThe year is 2036. . A quarter-century after nuclear war devastated the earth, a few thousand survivors still cling to existence beneath the ruins of Moscow, in the tunnels of the Metro. . They have struggled against the poisoned elements, fought mutated beasts and paranormal horrors, and suffered the flames of civil war. . But now, as Artyom, you must flee the Metro and lead a band of Spartan Rangers on an incredible, continent-spanning journey across post-apocalyptic Russia in search of a new life in the East. . Metro Exodus is an epic, story-driven first person shooter from 4A Games that blends deadly combat and stealth with exploration and survival horror in one of the most immersive game worlds ever created. . Explore the Russian wilderness across vast, non-linear levels and follow a thrilling story-line that spans an entire year through spring, summer and autumn to the depths of nuclear winter. . Inspired by the novels of Dmitry Glukhovsky, Metro Exodus continues Artyom\u2019s story in the greatest Metro adventure yet.FeaturesEmbark on an incredible journey - board the Aurora, a heavily modified steam locomotive, and join a handful of survivors as they search for a new life in the East. Experience Sandbox Survival - a gripping story links together classic Metro gameplay with new huge, non-linear levels . A beautiful, hostile world - discover the post-apocalyptic Russian wilderness, brought to life with stunning day / night cycles and dynamic weather. Deadly combat and stealth - scavenge and craft in the field to customize your arsenal of hand-made weaponry, and engage human and mutant foes in thrilling tactical combat. Your choices determine your comrades\u2019 fate - not all your companions will survive the journey; your decisions have consequence in a gripping storyline that offers massive re-playability. The ultimate in atmosphere and immersion - a flickering candle in the darkness; a ragged gasp as your gasmask frosts over; the howl of a mutant on the night wind - Metro will immerse and terrify you like no other game\u2026.", + "about_the_game": "The year is 2036.A quarter-century after nuclear war devastated the earth, a few thousand survivors still cling to existence beneath the ruins of Moscow, in the tunnels of the Metro.They have struggled against the poisoned elements, fought mutated beasts and paranormal horrors, and suffered the flames of civil war. But now, as Artyom, you must flee the Metro and lead a band of Spartan Rangers on an incredible, continent-spanning journey across post-apocalyptic Russia in search of a new life in the East.Metro Exodus is an epic, story-driven first person shooter from 4A Games that blends deadly combat and stealth with exploration and survival horror in one of the most immersive game worlds ever created.Explore the Russian wilderness across vast, non-linear levels and follow a thrilling story-line that spans an entire year through spring, summer and autumn to the depths of nuclear winter.Inspired by the novels of Dmitry Glukhovsky, Metro Exodus continues Artyom\u2019s story in the greatest Metro adventure yet.FeaturesEmbark on an incredible journey - board the Aurora, a heavily modified steam locomotive, and join a handful of survivors as they search for a new life in the EastExperience Sandbox Survival - a gripping story links together classic Metro gameplay with new huge, non-linear levels A beautiful, hostile world - discover the post-apocalyptic Russian wilderness, brought to life with stunning day / night cycles and dynamic weatherDeadly combat and stealth - scavenge and craft in the field to customize your arsenal of hand-made weaponry, and engage human and mutant foes in thrilling tactical combatYour choices determine your comrades\u2019 fate - not all your companions will survive the journey; your decisions have consequence in a gripping storyline that offers massive re-playabilityThe ultimate in atmosphere and immersion - a flickering candle in the darkness; a ragged gasp as your gasmask frosts over; the howl of a mutant on the night wind - Metro will immerse and terrify you like no other game\u2026", + "short_description": "Flee the shattered ruins of the Moscow Metro and embark on an epic, continent-spanning journey across the post-apocalyptic Russian wilderness. Explore vast, non-linear levels, lose yourself in an immersive, sandbox survival experience, and follow a thrilling story-line that spans an entire year in the greatest Metro adventure yet.", + "genres": "Action", + "recommendations": 79757, + "score": 7.440562851582944 + }, + { + "type": "game", + "name": "Stardew Valley", + "detailed_description": "Stardew Valley is an open-ended country-life RPG! . . You've inherited your grandfather's old farm plot in Stardew Valley. Armed with hand-me-down tools and a few coins, you set out to begin your new life. Can you learn to live off the land and turn these overgrown fields into a thriving home? It won't be easy. Ever since Joja Corporation came to town, the old ways of life have all but disappeared. The community center, once the town's most vibrant hub of activity, now lies in shambles. But the valley seems full of opportunity. With a little dedication, you might just be the one to restore Stardew Valley to greatness!. Features . Turn your overgrown field into a lively farm! Raise animals, grow crops, start an orchard, craft useful machines, and more! You'll have plenty of space to create the farm of your dreams. . 4 Player Farming! Invite 1-3 players to join you in the valley online! Players can work together to build a thriving farm, share resources, and improve the local community. As more hands are better than one, players have the option to scale profit margin on produce sold for a more challenging experience. . Improve your skills over time. As you make your way from a struggling greenhorn to a master farmer, you'll level up in 5 different areas: farming, mining, combat, fishing, and foraging. As you progress, you'll learn new cooking and crafting recipes, unlock new areas to explore, and customize your skills by choosing from a variety of professions. . Become part of the local community. With over 30 unique characters living in Stardew Valley, you won't have a problem finding new friends! Each person has their own daily schedule, birthday, unique mini-cutscenes, and new things to say throughout the week and year. As you make friends with them, they will open up to you, ask you for help with their personal troubles, or tell you their secrets! Take part in seasonal festivals such as the luau, haunted maze, and feast of the winter star. . Explore a vast, mysterious cave. As you travel deeper underground, you'll encounter new and dangerous monsters, powerful weapons, new environments, valuable gemstones, raw materials for crafting and upgrading tools, and mysteries to be uncovered. . Breathe new life into the valley. Since JojaMart opened, the old way of life in Stardew Valley has changed. Much of the town's infrastructure has fallen into disrepair. Help restore Stardew Valley to it's former glory by repairing the old community center, or take the alternate route and join forces with Joja Corporation. . Court and marry a partner to share your life on the farm with. There are 12 available bachelors and bachelorettes to woo, each with unique character progression cutscenes. Once married, your partner will live on the farm with you. Who knows, maybe you'll have kids and start a family?. . Spend a relaxing afternoon at one of the local fishing spots. The waters are teeming with seasonal varieties of delicious fish. Craft bait, bobbers, and crab pots to help you in your journey toward catching every fish and becoming a local legend! . . Donate artifacts and minerals to the local museum. . Cook delicious meals and craft useful items to help you out. With over 100 cooking and crafting recipes, you'll have a wide variety of items to create. Some dishes you cook will even give you temporary boosts to skills, running speed, or combat prowess. Craft useful objects like scarecrows, oil makers, furnaces, or even the rare and expensive crystalarium. . Customize the appearance of your character and house. With hundreds of decorative items to choose from, you'll have no trouble creating the home of your dreams!. . Xbox controller support (with rumble)! (Keyboard still required for text input) . . Over two hours of original music.", + "about_the_game": "Stardew Valley is an open-ended country-life RPG! You've inherited your grandfather's old farm plot in Stardew Valley. Armed with hand-me-down tools and a few coins, you set out to begin your new life. Can you learn to live off the land and turn these overgrown fields into a thriving home? It won't be easy. Ever since Joja Corporation came to town, the old ways of life have all but disappeared. The community center, once the town's most vibrant hub of activity, now lies in shambles. But the valley seems full of opportunity. With a little dedication, you might just be the one to restore Stardew Valley to greatness!Features Turn your overgrown field into a lively farm! Raise animals, grow crops, start an orchard, craft useful machines, and more! You'll have plenty of space to create the farm of your dreams. 4 Player Farming! Invite 1-3 players to join you in the valley online! Players can work together to build a thriving farm, share resources, and improve the local community. As more hands are better than one, players have the option to scale profit margin on produce sold for a more challenging experience.Improve your skills over time. As you make your way from a struggling greenhorn to a master farmer, you'll level up in 5 different areas: farming, mining, combat, fishing, and foraging. As you progress, you'll learn new cooking and crafting recipes, unlock new areas to explore, and customize your skills by choosing from a variety of professions. Become part of the local community. With over 30 unique characters living in Stardew Valley, you won't have a problem finding new friends! Each person has their own daily schedule, birthday, unique mini-cutscenes, and new things to say throughout the week and year. As you make friends with them, they will open up to you, ask you for help with their personal troubles, or tell you their secrets! Take part in seasonal festivals such as the luau, haunted maze, and feast of the winter star. Explore a vast, mysterious cave. As you travel deeper underground, you'll encounter new and dangerous monsters, powerful weapons, new environments, valuable gemstones, raw materials for crafting and upgrading tools, and mysteries to be uncovered. Breathe new life into the valley. Since JojaMart opened, the old way of life in Stardew Valley has changed. Much of the town's infrastructure has fallen into disrepair. Help restore Stardew Valley to it's former glory by repairing the old community center, or take the alternate route and join forces with Joja Corporation.Court and marry a partner to share your life on the farm with. There are 12 available bachelors and bachelorettes to woo, each with unique character progression cutscenes. Once married, your partner will live on the farm with you. Who knows, maybe you'll have kids and start a family?Spend a relaxing afternoon at one of the local fishing spots. The waters are teeming with seasonal varieties of delicious fish. Craft bait, bobbers, and crab pots to help you in your journey toward catching every fish and becoming a local legend! Donate artifacts and minerals to the local museum. Cook delicious meals and craft useful items to help you out. With over 100 cooking and crafting recipes, you'll have a wide variety of items to create. Some dishes you cook will even give you temporary boosts to skills, running speed, or combat prowess. Craft useful objects like scarecrows, oil makers, furnaces, or even the rare and expensive crystalarium. Customize the appearance of your character and house. With hundreds of decorative items to choose from, you'll have no trouble creating the home of your dreams!Xbox controller support (with rumble)! (Keyboard still required for text input) Over two hours of original music.", + "short_description": "You've inherited your grandfather's old farm plot in Stardew Valley. Armed with hand-me-down tools and a few coins, you set out to begin your new life. Can you learn to live off the land and turn these overgrown fields into a thriving home?", + "genres": "Indie", + "recommendations": 495038, + "score": 8.644078710476887 + }, + { + "type": "game", + "name": "Hellblade: Senua's Sacrifice", + "detailed_description": "From the makers of Heavenly Sword, Enslaved: Odyssey to the West, and DmC: Devil May Cry, comes a warrior\u2019s brutal journey into myth and madness. . 2021 Update: . Return to Helheim and experience Senua\u2019s world through new eyes with enriched visuals and new features. Upgraded materials, particles and LOD, DirectX Raytracing and optimised performance with NVIDIA DLSS and AMD FSR support. We have also used this opportunity to include some key accessibility improvements, including full controller remapping and colour blindness settings. . Set in the Viking age, a broken Celtic warrior embarks on a haunting vision quest into Viking Hell to fight for the soul of her dead lover. . Created in collaboration with neuroscientists and people who experience psychosis, Hellblade: Senua\u2019s Sacrifice will pull you deep into Senua\u2019s mind. . . . Accessibility Features:. GAMEPLAY. - Accessibility options available on launch within the first-boot options menu. - Adjustable combat difficulty between dynamically-adjusted 'Auto' mode, or manually-selected 'Easy', 'Medium', or 'Hard' modes. - Game can be paused both during gameplay and cinematics. . AUDIO. - Custom volume controls can be adjusted for Master, Music, SFX, Voices, and Menu audio. - Audio output can be adjusted between Stereo and Mono sound modes. . VISUAL. - Color blind modes, and correction intensities can be adjusted for the included Deuteranopia, Protanopia, and Tritanopia filters. - Subtitles for spoken content can be set to On or Off. - Subtitle text size can be adjusted between 'Standard' or 'Large'. - Subtitle text color can be adjusted between White, Orange, Green, or Blue. - Subtitle backgrounds can be adjusted between Transparent or 'Solid' black. - Text contrast for menu backgrounds can be adjusted between 'Half-Transparent' or 'Solid' black. . INPUT. - Adjustable input sensitivity for controller joystick and mouse axes, and ability to invert camera axis. - Input remapping for keyboard keys and controller buttons (camera control and menu navigation keys excluded). - Full keyboard support allowing the game to be entirely played with a keyboard (arrow keys replace mouse/right stick movement). - Controller vibration can be set to On or Off. - Running modifier can be set to be activated on key/button Toggle or Hold. . Note that the listed accessibility options apply to the Hellblade: Senua's Sacrifice Enhanced on PC version of the game.", + "about_the_game": "From the makers of Heavenly Sword, Enslaved: Odyssey to the West, and DmC: Devil May Cry, comes a warrior\u2019s brutal journey into myth and madness.2021 Update: Return to Helheim and experience Senua\u2019s world through new eyes with enriched visuals and new features. Upgraded materials, particles and LOD, DirectX Raytracing and optimised performance with NVIDIA DLSS and AMD FSR support. We have also used this opportunity to include some key accessibility improvements, including full controller remapping and colour blindness settings.Set in the Viking age, a broken Celtic warrior embarks on a haunting vision quest into Viking Hell to fight for the soul of her dead lover. Created in collaboration with neuroscientists and people who experience psychosis, Hellblade: Senua\u2019s Sacrifice will pull you deep into Senua\u2019s mind.Accessibility Features:GAMEPLAY- Accessibility options available on launch within the first-boot options menu.- Adjustable combat difficulty between dynamically-adjusted 'Auto' mode, or manually-selected 'Easy', 'Medium', or 'Hard' modes.- Game can be paused both during gameplay and cinematics.AUDIO- Custom volume controls can be adjusted for Master, Music, SFX, Voices, and Menu audio.- Audio output can be adjusted between Stereo and Mono sound modes.VISUAL- Color blind modes, and correction intensities can be adjusted for the included Deuteranopia, Protanopia, and Tritanopia filters.- Subtitles for spoken content can be set to On or Off.- Subtitle text size can be adjusted between 'Standard' or 'Large'.- Subtitle text color can be adjusted between White, Orange, Green, or Blue.- Subtitle backgrounds can be adjusted between Transparent or 'Solid' black.- Text contrast for menu backgrounds can be adjusted between 'Half-Transparent' or 'Solid' black.INPUT- Adjustable input sensitivity for controller joystick and mouse axes, and ability to invert camera axis.- Input remapping for keyboard keys and controller buttons (camera control and menu navigation keys excluded).- Full keyboard support allowing the game to be entirely played with a keyboard (arrow keys replace mouse/right stick movement).- Controller vibration can be set to On or Off.- Running modifier can be set to be activated on key/button Toggle or Hold.Note that the listed accessibility options apply to the Hellblade: Senua's Sacrifice Enhanced on PC version of the game.", + "short_description": "From the makers of Heavenly Sword, Enslaved: Odyssey to the West, and DmC: Devil May Cry, comes a warrior\u2019s brutal journey into myth and madness. Set in the Viking age, a broken Celtic warrior embarks on a haunting vision quest into Viking Hell to fight for the soul of her dead lover.", + "genres": "Action", + "recommendations": 48993, + "score": 7.119320718992235 + }, + { + "type": "game", + "name": "Outlast 2", + "detailed_description": "Outlast 2 is the sequel to the acclaimed survival horror game Outlast. Set in the same universe as the first game, but with different characters and a different setting, Outlast 2 is a twisted new journey into the depths of the human mind and its dark secrets. . Outlast 2 introduces you to Sullivan Knoth and his followers, who left our wicked world behind to give birth to Temple Gate, a town, deep in the wilderness and hidden from civilization. Knoth and his flock are preparing for the tribulations of the end of times and you\u2019re right in the thick of it. . You are Blake Langermann, a cameraman working with your wife, Lynn. The two of you are investigative journalists willing to take risks and dig deep to uncover the stories no one else will dare touch. . You're following a trail of clues that started with the seemingly impossible murder of a pregnant woman known only as Jane Doe. The investigation has lead you miles into the Arizona desert, to a darkness so deep that no one could shed light upon it, and a corruption so profound that going mad may be the only sane thing to do.", + "about_the_game": "Outlast 2 is the sequel to the acclaimed survival horror game Outlast. Set in the same universe as the first game, but with different characters and a different setting, Outlast 2 is a twisted new journey into the depths of the human mind and its dark secrets. \r\n\r\nOutlast 2 introduces you to Sullivan Knoth and his followers, who left our wicked world behind to give birth to Temple Gate, a town, deep in the wilderness and hidden from civilization. Knoth and his flock are preparing for the tribulations of the end of times and you\u2019re right in the thick of it.\r\n\r\nYou are Blake Langermann, a cameraman working with your wife, Lynn. The two of you are investigative journalists willing to take risks and dig deep to uncover the stories no one else will dare touch. \r\n\r\nYou're following a trail of clues that started with the seemingly impossible murder of a pregnant woman known only as Jane Doe. \r\nThe investigation has lead you miles into the Arizona desert, to a darkness so deep that no one could shed light upon it, and a corruption so profound that going mad may be the only sane thing to do.", + "short_description": "Outlast 2 introduces you to Sullivan Knoth and his followers, who left our wicked world behind to give birth to Temple Gate, a town, deep in the wilderness and hidden from civilization. Knoth and his flock are preparing for the tribulations of the end of times and you\u2019re right in the thick of it.", + "genres": "Action", + "recommendations": 37012, + "score": 6.934453818788407 + }, + { + "type": "game", + "name": "Emily is Away", + "detailed_description": "Sign In again. Remember a time before Facebook and Skype? When Windows XP was the next big thing and AIM was king. Relive that era with Emily is Away. Create a screenname and browse buddy infos in this chat-bot meets adventure game. Explore your relationship with Emily, a fellow high school student, in a branching narrative where you choose the outcome. And most importantly, change your text color to lime green so people know you're the coolest kid in school. . Features. Buddy icons, profiles and away messages. . A dialogue decision-based branching narrative. . Over an hour of nostalgia-inducing gameplay. . Five chapters spanning five years of the main characters life. . Computer sounds you hoped to never hear again!.", + "about_the_game": "Sign In again.Remember a time before Facebook and Skype? When Windows XP was the next big thing and AIM was king. Relive that era with Emily is Away. Create a screenname and browse buddy infos in this chat-bot meets adventure game. Explore your relationship with Emily, a fellow high school student, in a branching narrative where you choose the outcome. And most importantly, change your text color to lime green so people know you're the coolest kid in school.Features Buddy icons, profiles and away messages. A dialogue decision-based branching narrative. Over an hour of nostalgia-inducing gameplay. Five chapters spanning five years of the main characters life. Computer sounds you hoped to never hear again!", + "short_description": "Emily is Away is an interactive story. Create a screenname and choose your path through the branching narrative.", + "genres": "Adventure", + "recommendations": 384, + "score": 3.9245550808577567 + }, + { + "type": "game", + "name": "Street Warriors Online", + "detailed_description": "This is the first, realistic PvP brawling game for up to 8 vs 8 players with original, dynamic combat system and fast, round based battles. Create and develop Your character while earning new skills and items that helps You beat Your opponents. Gather Your friends and fight together in a clan. . Compete with players from around the world using hand-to-hand combat. No shooting or magic but a hail of swift blows of kicks and punches !. Easy, one-click matchmaking finds the best suitable battle for Your character. . Use dynamic combat system with intuitive action keys. In Street Warriors Online You can dynamically attack or block incoming attacks as opposed to mmo games. . You can provide standard, special or sprint attacks that causes different hit reactions of Your enemies. . Take part in battles up to 8 vs 8 participants in 3 different game modes. Fight on many battle arenas of different player capacities ( 2v2, 4v4, 8v8 ). Select one of 3 game modes: . - Skirmish: Beat up all enemies to win a round. Win three rounds to win the battle !. - Conquest: Capture bases by spraying over Your team's graffiti. Captured base generates points. Reach points limit to win. - Capture The Bag: Capture the bag and deliver it to Your van. Reach bags limit to win the battle. . Gain experience and respect to develop Your characters. Each finished battle gives You Experience as well as Respect Points reward. . The reward is proportional to Your involvement in the battle. . Respect points is Your primary currency. Buy different items such as clothes, power cards or new attacks. . Level Up to obtain attribute points and develop character to match Your play style. . Higher levels unlocks new items and attacks !. Configure appearance and combat style to make Your characters become unique !. Compose Your appearance from over 150 clothing parts of 7 categories per character class. . Prepare preferable attack sequence ( rotation ) that suits Your combat tactics. . Spend Your attribute points to achieve best fighting results. . Buy and socket different Power Cards that alters Your combat skills. . Own up to 8 characters with different class and attributes build. Get new characters for golden currency or from the golden premium bundle. . There are 3 different character classes to choose from: Swarmer, Slugger and Bruiser. Swarmer is a female class with extended speed and energy regeneration. Bruiser is a slow heavy fighter with increased damage and health. Slugger is the most balanced class. Use elements of the environment as weapons to gain temporary advantage. On almost every arena You can find different items that can be used as weapons. . You can throw heavy objects like garbage bins or tires to hit many enemies at once and make them fall. . There are also objects like baseball bats, pipes and planks that You can use as one handed weapons. . Throw bricks, stones and bottles at Your enemies to stun them and make vulnerable to Your attacks. . Use energy drinks to scramble out from critical situations or get temporary power-up. There are 8 different energy drinks so far. . You can take 2 different drinks on a battle and trigger them when desired. . If You have more drinks of a kind - drink will be available again after You re-spawn. . Team up with Your friends and play together !. Play together with Your friends in up to 8-person group on free for all battles. . You can create and customize Your unique clan of warriors and fight against others to climb up in the global rankings !. Higher clan ranking enables all members to buy special, unique rewards.", + "about_the_game": "This is the first, realistic PvP brawling game for up to 8 vs 8 players with original, dynamic combat system and fast, round based battles.Create and develop Your character while earning new skills and items that helps You beat Your opponents.Gather Your friends and fight together in a clan.Compete with players from around the world using hand-to-hand combat. No shooting or magic but a hail of swift blows of kicks and punches ! Easy, one-click matchmaking finds the best suitable battle for Your character.Use dynamic combat system with intuitive action keys. In Street Warriors Online You can dynamically attack or block incoming attacks as opposed to mmo games. You can provide standard, special or sprint attacks that causes different hit reactions of Your enemies.Take part in battles up to 8 vs 8 participants in 3 different game modes. Fight on many battle arenas of different player capacities ( 2v2, 4v4, 8v8 ) Select one of 3 game modes: \t- Skirmish: Beat up all enemies to win a round. Win three rounds to win the battle !\t- Conquest: Capture bases by spraying over Your team's graffiti. Captured base generates points. Reach points limit to win.\t- Capture The Bag: Capture the bag and deliver it to Your van. Reach bags limit to win the battle.Gain experience and respect to develop Your characters. Each finished battle gives You Experience as well as Respect Points reward. The reward is proportional to Your involvement in the battle. Respect points is Your primary currency. Buy different items such as clothes, power cards or new attacks. Level Up to obtain attribute points and develop character to match Your play style. Higher levels unlocks new items and attacks !Configure appearance and combat style to make Your characters become unique ! Compose Your appearance from over 150 clothing parts of 7 categories per character class. Prepare preferable attack sequence ( rotation ) that suits Your combat tactics. Spend Your attribute points to achieve best fighting results. Buy and socket different Power Cards that alters Your combat skills.Own up to 8 characters with different class and attributes build. Get new characters for golden currency or from the golden premium bundle. There are 3 different character classes to choose from: Swarmer, Slugger and Bruiser Swarmer is a female class with extended speed and energy regeneration Bruiser is a slow heavy fighter with increased damage and health Slugger is the most balanced classUse elements of the environment as weapons to gain temporary advantage. On almost every arena You can find different items that can be used as weapons. You can throw heavy objects like garbage bins or tires to hit many enemies at once and make them fall. There are also objects like baseball bats, pipes and planks that You can use as one handed weapons. Throw bricks, stones and bottles at Your enemies to stun them and make vulnerable to Your attacks.Use energy drinks to scramble out from critical situations or get temporary power-up. There are 8 different energy drinks so far. You can take 2 different drinks on a battle and trigger them when desired. If You have more drinks of a kind - drink will be available again after You re-spawn.Team up with Your friends and play together ! Play together with Your friends in up to 8-person group on free for all battles. You can create and customize Your unique clan of warriors and fight against others to climb up in the global rankings ! Higher clan ranking enables all members to buy special, unique rewards.", + "short_description": "First, realistic PvP brawling game for up to 8 vs 8 players with original, dynamic combat system and fast, round based battles. Create and develop Your character. Earn new skills and items that helps You beat Your opponents. Gather Your friends and fight together in a clan.", + "genres": "Action", + "recommendations": 317, + "score": 3.798515659558332 + }, + { + "type": "game", + "name": "Turbo Pug", + "detailed_description": "It's time to unleash your inner Pug! Turbo Pug is a casual runner with difficult, random, procedurally generated levels. Enjoy random weather and try to avoid getting zapped by lightning. Unlock new costumes for your pug and new characters to play as. Please try not to squish your pug! . Turbo Pug has an awesome original soundtrack, created by the super dude Felix Arifin. Features! Random, procedurally generated levels. . Random weather . Get pug points by running as far as you can without dying and by collecting super shiny Pug coins. . World Leaderboards! Run further than your friends and other Steam users, be top of the leaderboards and win real prizes! (Prizes include things like Steam keys, Steam gift cards etc). A cute-awesome soundtrack featuring real life doggies! . Unlock new costumes for your pug and new characters. Each with special traits that change how your character runs, jumps and falls.", + "about_the_game": "It's time to unleash your inner Pug! Turbo Pug is a casual runner with difficult, random, procedurally generated levels. Enjoy random weather and try to avoid getting zapped by lightning. Unlock new costumes for your pug and new characters to play as. Please try not to squish your pug! Turbo Pug has an awesome original soundtrack, created by the super dude Felix Arifin. Features! Random, procedurally generated levels. Random weather Get pug points by running as far as you can without dying and by collecting super shiny Pug coins. World Leaderboards! Run further than your friends and other Steam users, be top of the leaderboards and win real prizes! (Prizes include things like Steam keys, Steam gift cards etc) A cute-awesome soundtrack featuring real life doggies! Unlock new costumes for your pug and new characters. Each with special traits that change how your character runs, jumps and falls.", + "short_description": "It's time to unleash your inner pug! Turbo Pug is a casual runner with difficult, random, procedurally generated levels. Enjoy random weather and try to avoid getting zapped by lightning. Unlock new costumes for your pug and new characters to play as. Please try not to squish your pug!", + "genres": "Casual", + "recommendations": 2246, + "score": 5.0875075056280075 + }, + { + "type": "game", + "name": "Shadow Tactics: Blades of the Shogun", + "detailed_description": "Buzz Buzz Join our Discord. Additional content available!. About the Game. Shadow Tactics is a hardcore tactical stealth game set in Japan around the Edo period. . Take control of a team of deadly specialists and sneak in the shadows between dozens of enemies. Choose your approach when infiltrating mighty castles, snowy mountain monasteries or hidden forest camps. Set traps, poison your opponents or completely avoid enemy contact. . The group is composed of very different personalities. Working together as a team seems impossible at first. Yet over the course of many missions, trust is won and friendships are made. The characters develop their own dynamic and each member will have to face their own personal demons. . One of the leaders of this team is Hayato, an agile ninja, who clears the way through his enemies silently, with his sword and shuriken. Samurai Mugen prefers a more powerful approach and can defeat more fiends at one time, but thus also forfeiting flexibility. Aiko is a master of camouflage when she distracts enemies disguised as a Geisha. And the street child Yuki places traps and decoys enemies towards their deadly fate. The mysterious marksman Takuma however, relies on his sniper rifle and takes care of the enemies from a distance. . The player has to carefully evaluate his options in order to master the challenging missions: how will the characters behave as a team? Which one is best equipped for each task? How can they best master the given missions? Come up with your own ingenious tactics to vanquish enemies and complete missions. . . Play as five completely different characters with their unique skill set. Conquer seemingly impossible challenges where you are outnumbered ten to one. Find dozens of ways to take out your opponents the way you want. Jump from roof to roof and climb large buildings to attack the enemy from above. Explore beautiful environments of ancient Japan in the Edo era. Choose from three difficulty levels to match your skill.", + "about_the_game": "Shadow Tactics is a hardcore tactical stealth game set in Japan around the Edo period.Take control of a team of deadly specialists and sneak in the shadows between dozens of enemies. Choose your approach when infiltrating mighty castles, snowy mountain monasteries or hidden forest camps. Set traps, poison your opponents or completely avoid enemy contact.The group is composed of very different personalities. Working together as a team seems impossible at first. Yet over the course of many missions, trust is won and friendships are made. The characters develop their own dynamic and each member will have to face their own personal demons.One of the leaders of this team is Hayato, an agile ninja, who clears the way through his enemies silently, with his sword and shuriken. Samurai Mugen prefers a more powerful approach and can defeat more fiends at one time, but thus also forfeiting flexibility. Aiko is a master of camouflage when she distracts enemies disguised as a Geisha. And the street child Yuki places traps and decoys enemies towards their deadly fate. The mysterious marksman Takuma however, relies on his sniper rifle and takes care of the enemies from a distance.The player has to carefully evaluate his options in order to master the challenging missions: how will the characters behave as a team? Which one is best equipped for each task? How can they best master the given missions? Come up with your own ingenious tactics to vanquish enemies and complete missions.Play as five completely different characters with their unique skill setConquer seemingly impossible challenges where you are outnumbered ten to oneFind dozens of ways to take out your opponents the way you wantJump from roof to roof and climb large buildings to attack the enemy from aboveExplore beautiful environments of ancient Japan in the Edo eraChoose from three difficulty levels to match your skill", + "short_description": "Shadow Tactics is a hardcore tactical stealth game set in Japan around the Edo period. A new Shogun seizes power over Japan and enforces nationwide peace. In his battle against conspiracy and rebellion, he recruits five specialists with extraordinary skills for assassination, sabotage and espionage.", + "genres": "Indie", + "recommendations": 27262, + "score": 6.732901753524354 + }, + { + "type": "game", + "name": "Resident Evil 7 Biohazard", + "detailed_description": "Demo now available!. About the GameResident Evil 7 biohazard is the next major entry in the renowned Resident Evil series and sets a new course for the franchise as it leverages its roots and opens the door to a truly terrifying horror experience. A dramatic new shift for the series to first person view in a photorealistic style powered by Capcom\u2019s new RE Engine, Resident Evil 7 delivers an unprecedented level of immersion that brings the thrilling horror up close and personal. . Set in modern day rural America and taking place after the dramatic events of Resident Evil\u00ae 6, players experience the terror directly from the first person perspective. Resident Evil 7 embodies the series\u2019 signature gameplay elements of exploration and tense atmosphere that first coined \u201csurvival horror\u201d some twenty years ago; meanwhile, a complete refresh of gameplay systems simultaneously propels the survival horror experience to the next level.", + "about_the_game": "Resident Evil 7 biohazard is the next major entry in the renowned Resident Evil series and sets a new course for the franchise as it leverages its roots and opens the door to a truly terrifying horror experience. A dramatic new shift for the series to first person view in a photorealistic style powered by Capcom\u2019s new RE Engine, Resident Evil 7 delivers an unprecedented level of immersion that brings the thrilling horror up close and personal.\r\n\r\nSet in modern day rural America and taking place after the dramatic events of Resident Evil\u00ae 6, players experience the terror directly from the first person perspective. Resident Evil 7 embodies the series\u2019 signature gameplay elements of exploration and tense atmosphere that first coined \u201csurvival horror\u201d some twenty years ago; meanwhile, a complete refresh of gameplay systems simultaneously propels the survival horror experience to the next level.", + "short_description": "Fear and isolation seep through the walls of an abandoned southern farmhouse. "7" marks a new beginning for survival horror with the \u201cIsolated View\u201d of the visceral new first-person perspective.", + "genres": "Action", + "recommendations": 49689, + "score": 7.1286197240969695 + }, + { + "type": "game", + "name": "Rising Storm 2: Vietnam", + "detailed_description": "Check Out Chivalry 2 Green Army Thanksgiving!. It is turkey time, so we have a Green Army Men update for you all, with new weapons and the opportunity to fight over Thanksgiving dinner. Head over to for more details!. Green Army Men!Green Army Men: The Green Army Men mod is now available as DLC to play with Rising Storm 2: Vietnam! For the full details of the Green Army Men DLC and it\u2019s availability, see above!. Update 14 - Summer Holiday UpdateWith our 14th update, we are bringing you both new content for Vietnam AND setting up for a completely new addition - Green Army Men will be going official!. Within Vietnam itself, you will get:2 new maps - the \u201cAirbase Special\u201d: Khe Sanh - with this map, we play out the \u201cwhat if\u201d the PAVN forces had succeeded in penetrating the perimeter and the fighting had spilled over onto the airfield itself, as the USMC fight to hold the attackers at bay. . Da Nang - in another \u201cwhat-if\u201d scenario, the NLF guerillas breach the defenses of the huge Da Nang Air Base, with the USMC defenders trying to hold them back. Green Army Men: In addition, we will be taking the Green Army Men mod official, as a single DLC download, in the near future. Once it is released, all owners of Rising Storm 2: Vietnam will be able to play for free, using the base Rifleman class. And if, like us, you want to help support the Green Army Men developers (who are a mod team, building all of this in their spare time) you will be able to go and buy the Green Army Men Upgrade, which unlocks the other classes for you. All revenue from that Upgrade is shared with the Green Army Men team to support their efforts! For the full details of the Green Army Men DLC and it\u2019s availability, see here: Update 13 - Phoenix Rising!This is now the 13th content update for you, bringing:3 New Maps. The last 2 remastered maps brought forward from RO2/RS1:. Apache Snow (remastered from \u201cWinterwald\u201d) - ARVN forces fighting their way steadily up a heavily-wooded hill, clearing NLF positions as they go. . Demilitarized Zone (remastered from \u201cMamayev\u201d) - main-force North Vietnamese PAVN troops assaulting dug-in ARVN units, across a burned-out and blasted hill in the DMZ area. . The third map is a favorite community map made official:. Saigon - PAVN forces fighting their way through Saigon, past the US Embassy, the cathedral and on to the Presidential palace, as ARVN troops try to hold them off. New Weapons. This update brings in some new weapons for the Northern forces:. RP-46 light machine gun - a modernized variant of the classic DP-28, also license-built in China and North Korea, with stocks being supplied to the North Vietnamese. MAS-49 - stocks of this semi-automatic rifle were left behind by the French and were used by the Northern forces in standard, sniper and rifle-grenade formats. Molotov cocktail - the classic homemade weapon of guerilla forces the world over. Many other changes and fixes, including:Balance pass on many maps. Radiomen can now spawn on their commander. Leaning system overhauled. Individual Class Customization. Campaign Role and Weapon Balance changes. Helicopter Aiming decoupled from the vehicle rotation. And hundreds of bug fixes!. Update 12 - Rearmed and Remastered. With this, the 12th free content update in 18 months, we are bringing you a long list of performance improvements, audio occlusion, new weapons for the North Vietnamese forces, new maps, new heads - and a specific community request.New weapons for the North Vietnamese:MP40 - the famous German sub-machine gun from WW2, issued to the NLF from Soviet stockpiles of captured weapons. . 200-round belt for the RPD - this new variant will be selectable from the Role Select menu. . Deployable DShK - players on the North Vietnamese team will be able to pick up a DShK 12.7mm heavy machine-gun from a resupply point, carry it to a new location and deploy it wherever they need it. . Fougasse mine - a new trap for the Northern Sappers to use, this is basically a large improvised explosive device, detonated unwary Southern players standing on a pressure plate. New weapon for the Southern forces:The M2 Browning .50-caliber heavy machine gun will appear as a static support weapon in the new maps. Performance improvements:A considerable number of performance improvements have been implemented for this update, to player characters, particle effects, level optimizations, changes to the Instanced Rendering system, a new set of weapon LODs and a set of changes to textures, with an emphasis on improving how texture streaming is handled.New maps:This update marks the release of two \u2018remasters\u2019 of fan-favourite Red Orchestra 2/Rising Storm maps, taking them from their original settings and into the war-torn jungles of Vietnam:. Mekong (remastered from \"Hanto\") - the NLF, fighting their way through the jungle to a US Marine Corps base. . Dong Ha (remastered from \"Guadalcanal\") - a night-time assault by the NLF, through the jungle, against the outskirts of an airbase defended by the US Army. Audio Occlusion:We have implemented a new system where gunshots and other ingame sounds are appropriately affected by their environment. This does not apply to all sounds in the game, but will affect any sound loud enough to be heard through walls, and be muffled/occluded by obstacles such as buildings or terrain.6 new heads:For a little more variety, we are providing you with 3 new heads for the North Vietnamese, plus 3 for the US Army and Marine Corps. The 3 US heads represent the diverse ethnicity of the US forces of the period, with one being Hispanic, one Native American and one Asian.And last, but by no means least, cinematics for the conclusion of a campaign!After we released the Multiplayer Campaign update, players requested suitable cinematic sequences for the end of a Campaign. You spoke, we listened, we agreed - so here they are!. Multiplayer Campaign Content Update. With this update, we are bringing back the much-loved Multiplayer Campaign Mode from previous games, adapted to the Vietnam War. The key features:. Full 64-player Campaign Mode. Play as the Northern or Southern forces battling for control region by region. Fight from 1965 through 1975, with the forces and weapons available varying with the year. Help select the region to compete for, the army to use and the actual map to fight over. The Northern forces can choose to make strategic use of the Ho Chi Minh Trail option to bring stronger PAVN forces to bear. The Southern forces can respond with carefully-timed use of the Search and Destroy option to cause the maximum damage to the enemy. Fight over familiar maps with different armies, different Commander abilities and weapons, different attackers and defenders. Help decide the fate of the war in Vietnam! . In addition, one more map from the RISING STORM 2: VIETNAM $40,000 Modding Contest makes it to an official release:. Highway 14 - this massive map features the US Army fighting their way along a highway through difficult terrain, clearing objective after objective, with the NLF guerrillas trying to stop them. . As always, there are a large number of smaller updates, bug fixes and enhancements, this time including:. Tripwire traps and tunnel spawns can be placed in more surface types, making them more useful in urban environments - it just takes longer to dig in concrete!. The ARVN now get their own variant of ERDL camoflage, plus a tiger stripe boonie, while the US get Mitchell Cloud camo. And, as a special request for a mapper, we have created a single sound effect for a clap of thunder, instead of the existing looping one. We hope you enjoy using it!. And finally, 3 other maps are out of beta, featuring updates driven by feedback from the players:. Operation Forrest - the Territories version of this official map. Firebase Georgina. Border Watch. ARVN Content Update. This update adds the Army of the Republic of Vietnam (ARVN) as a full playable faction in the game. The update also brings new weapons, specifically for the ARVN:. M1 Garand. M1D Garand Sniper Rifle. Thompson M1A1 SMG. M1918A2 Browning Automatic Rifle (BAR). M1919A6 .30-cal Browning LMG. Douglas A-1 Skyraider ground-attack aircraft as a new Commander ability. There are also 2 new maps, showcasing the ARVN forces:. Quang Tri: Set during 1972, Quang Tri is a daytime supremacy map set in the citadel of the provincial capital, pitting the new ARVN forces with limited US helicopter support against NVA main-force units. . A Sau: Set on an airfield and fortified camp in the A Sau valley, this nighttime territory attack map finds ARVN forces defending against attacking NVA main-force units. Visibility is limited under the cover of darkness with occasional flares lighting up the battlefield. . In addition, the update also includes 3 maps, made by fans for the fans, from the RISING STORM 2: VIETNAM $40,000 Modding Contest, now being officially introduced to the game:. Firebase Georgina: Daytime attack by main-force NVA on a series of positions held by the US Army. . Borderwatch: Australian forces attack territory held by the NLF (Viet Cong), pushing through jungles and across open fields to the VC\u2019s final hidden base. . Resort: US Marines stage a heliborne assault from the sea on a resort area held by Viet Cong guerrillas. . Bushranger Content Update. . . . . . Digital Deluxe Edition. Purchase the Digital Deluxe Edition and receive 2 character customization items, 4 early item unlocks and the Official Soundtrack.Exclusive Content2 Exclusive Customization Items - Camouflaged Boonie Hats for both factions. The Official Soundtrack made from original composed music will be available to Digital Deluxe Edition owners after the release of Rising Storm 2: Vietnam. Early UnlocksUnited States Army/Marines. Lowland ERDL Camouflaged Helmet. Darkhorse Pilot Helmet. North Vietnamese. Headscarf. Camouflaged Ushanka. . Owners of Killing Floor 2 will receive 4 Vietnam-era weapon skins for the RPG-7, M1911 pistol, Lever Action Rifle and M16 M203. About the GameRising Storm 2: Vietnam is the next in the series that has twice been PC Gamer\u2019s \u2018Multiplayer Game of the Year\u2019, bringing the franchise into the era of automatic rifles, man-portable grenade launchers and more modern weapons systems. Still with the authentic look and feel and realistic weapon handling that the series is known for. . . Continuing the Tripwire tradition of providing strong support for games post-launch, Vietnam has already been updated multiple times, providing the player with:. 64-player battles. 6 different armies to play, each with their own weapons and abilities:. United States Army and Marine Corps. North Vietnamese Army (PAVN) and National Liberation Front (Viet Cong). Australian Army. Army of the Republic of Vietnam (ARVN). Over 50 weapons, covering everything from rifles and pistols to flamethrowers and rocket launchers. 4 flyable helicopters - Huey, Cobra, Loach and Bushranger. Asymmetric warfare - VC traps and tunnels vs. US napalm and choppers. More than 20 maps. 3 distinct game-modes. Proximity VOIP. And hundreds of character customization options. . . Rising Storm 2: Vietnam offers intense action for up to 64 players in battles between the forces of South Vietnam (the US and their Allies) and those of the North - the regular, main-force units of North Vietnamese Army, plus the guerilla fighters of the National Liberation Front (or Viet Cong).SOUTHERN FORCES - US, Australian and ARVN. . The Southern forces have firepower and mobility on their side, with each army having its own unique supporting arms:. US Army/Marine Corps - airburst artillery, the Spooky gunship and napalm strikes. Australian Army - Pair of Canberra bombers and heavy artillery. ARVN - medium mortar barrage and napalm strikes from older A-1 Skyraiders. . For mobility, they have access to full helicopter support:. UH-1 \u201cHuey\u201d: provides rapid transport for a squad across the map. OH-6 \u201cLoach\u201d: acts as both a spotter and airborne command post, as well as a fast gunship, with its miniguns. AH-1G \u201cCobra\u201d: heavily-armed gunship with massive firepower for a pilot and weapons officer. Australian \u201cBushranger\u201d: a Huey, with dual M60 machine guns, minigun and rockets. Tactically, the Southern squad leaders become important - so long as the squad leader is alive and in a smart location, the rest of his squad can spawn in on his location. So keep your squad leaders alive at critical moments!. As for weapons, the Southern forces had a wide range of the best weaponry of Western nations, ranging from older, WWII-era leftovers, through to the latest technology of the time:. M1 Garand, M2 Carbine, M3 \u201cgrease gun\u201d, BAR and M1919 .30-cal LMG. M14 Battle Rifle, M40 and XM21 sniper rifles. M60 LMG and M16 automatic rifle. For heavier support - the M79 grenade launcher and M9A1-7 flamethrower. Explosives - M61 frag grenade, M8 smoke, C4 explosives and M18 Claymore. NORTHERN FORCES - NVA and VC. . The Northern forces offer a broader mix, with the People\u2019s Army of Vietnam (PAVN - or NVA) as the regular, disciplined and better-equipped main fighting force, in comparison to the National Liberation Front (NLF) guerrilla fighters, equipped with whatever weaponry was passed down the chain to them from Russia and China - known as the Viet Cong. For supporting weapons each has:. PAVN/NVA - heavy artillery, surface-to-air missile defenses and rapid reinforcement from the Ho Chi Minh trail. NLF/VC - a mix of ordnances (mortars, rockets, white phosphorous) used in a heavy barrage. . To compete with the Southern forces\u2019 mobility, the Northern forces have their own mobility - and stealth:. NVA and VC squad leaders can place spawn tunnels widely across the maps, allowing themselves and their squads to spawn much closer to the action - or even behind the lines. Given their \u201chome field advantage\u201d, any NVA or VC crouching or prone in cover can\u2019t be spotted by Southern helicopters or aircraft. SA-2 Missiles - the quick way to counter Southern air assets is by calling on surface-to-air missiles, if the commander can time it right. \u201cHo Chi Minh Trail\u201d ability - the NVA/VC commander can activate this ability to accelerate his team\u2019s spawning rate, when times get desperate. \u201cAmbush Spawn\u201d ability - the NVA/VC commander can also cause anyone on his team who is waiting, to spawn on his location for potentially devastating ambushes. . The weaponry for the Northern forces is wide-ranging - the PAVN well-equipped with modern weapons delivered from Russia and China, while the VC have to work with a wide variety of weapons:. AK-47 and Type 56 Assault rifles. Russian SKS-45 and US M1 Carbines and Mosin Nagant 91/30 rifle. MN 91/30 and SVD sniper rifles. PPSh-41 and French MAT-49 SMGs. IZh-58 double-barrelled shotgun. DP-28 and RPD LMGs. RPG-7 rocket launcher. MD-82 toe-popper mines, Tripwires and Punji traps.", + "about_the_game": "Rising Storm 2: Vietnam is the next in the series that has twice been PC Gamer\u2019s \u2018Multiplayer Game of the Year\u2019, bringing the franchise into the era of automatic rifles, man-portable grenade launchers and more modern weapons systems. Still with the authentic look and feel and realistic weapon handling that the series is known for.Continuing the Tripwire tradition of providing strong support for games post-launch, Vietnam has already been updated multiple times, providing the player with:64-player battles6 different armies to play, each with their own weapons and abilities:United States Army and Marine CorpsNorth Vietnamese Army (PAVN) and National Liberation Front (Viet Cong)Australian ArmyArmy of the Republic of Vietnam (ARVN)Over 50 weapons, covering everything from rifles and pistols to flamethrowers and rocket launchers4 flyable helicopters - Huey, Cobra, Loach and BushrangerAsymmetric warfare - VC traps and tunnels vs. US napalm and choppersMore than 20 maps3 distinct game-modesProximity VOIPAnd hundreds of character customization options.Rising Storm 2: Vietnam offers intense action for up to 64 players in battles between the forces of South Vietnam (the US and their Allies) and those of the North - the regular, main-force units of North Vietnamese Army, plus the guerilla fighters of the National Liberation Front (or Viet Cong).SOUTHERN FORCES - US, Australian and ARVNThe Southern forces have firepower and mobility on their side, with each army having its own unique supporting arms:US Army/Marine Corps - airburst artillery, the Spooky gunship and napalm strikesAustralian Army - Pair of Canberra bombers and heavy artilleryARVN - medium mortar barrage and napalm strikes from older A-1 SkyraidersFor mobility, they have access to full helicopter support:UH-1 \u201cHuey\u201d: provides rapid transport for a squad across the mapOH-6 \u201cLoach\u201d: acts as both a spotter and airborne command post, as well as a fast gunship, with its minigunsAH-1G \u201cCobra\u201d: heavily-armed gunship with massive firepower for a pilot and weapons officerAustralian \u201cBushranger\u201d: a Huey, with dual M60 machine guns, minigun and rocketsTactically, the Southern squad leaders become important - so long as the squad leader is alive and in a smart location, the rest of his squad can spawn in on his location. So keep your squad leaders alive at critical moments!As for weapons, the Southern forces had a wide range of the best weaponry of Western nations, ranging from older, WWII-era leftovers, through to the latest technology of the time:M1 Garand, M2 Carbine, M3 \u201cgrease gun\u201d, BAR and M1919 .30-cal LMGM14 Battle Rifle, M40 and XM21 sniper riflesM60 LMG and M16 automatic rifleFor heavier support - the M79 grenade launcher and M9A1-7 flamethrowerExplosives - M61 frag grenade, M8 smoke, C4 explosives and M18 ClaymoreNORTHERN FORCES - NVA and VCThe Northern forces offer a broader mix, with the People\u2019s Army of Vietnam (PAVN - or NVA) as the regular, disciplined and better-equipped main fighting force, in comparison to the National Liberation Front (NLF) guerrilla fighters, equipped with whatever weaponry was passed down the chain to them from Russia and China - known as the Viet Cong. For supporting weapons each has:PAVN/NVA - heavy artillery, surface-to-air missile defenses and rapid reinforcement from the Ho Chi Minh trailNLF/VC - a mix of ordnances (mortars, rockets, white phosphorous) used in a heavy barrageTo compete with the Southern forces\u2019 mobility, the Northern forces have their own mobility - and stealth:NVA and VC squad leaders can place spawn tunnels widely across the maps, allowing themselves and their squads to spawn much closer to the action - or even behind the linesGiven their \u201chome field advantage\u201d, any NVA or VC crouching or prone in cover can\u2019t be spotted by Southern helicopters or aircraftSA-2 Missiles - the quick way to counter Southern air assets is by calling on surface-to-air missiles, if the commander can time it right\u201cHo Chi Minh Trail\u201d ability - the NVA/VC commander can activate this ability to accelerate his team\u2019s spawning rate, when times get desperate\u201cAmbush Spawn\u201d ability - the NVA/VC commander can also cause anyone on his team who is waiting, to spawn on his location for potentially devastating ambushes.The weaponry for the Northern forces is wide-ranging - the PAVN well-equipped with modern weapons delivered from Russia and China, while the VC have to work with a wide variety of weapons:AK-47 and Type 56 Assault riflesRussian SKS-45 and US M1 Carbines and Mosin Nagant 91/30 rifleMN 91/30 and SVD sniper riflesPPSh-41 and French MAT-49 SMGsIZh-58 double-barrelled shotgunDP-28 and RPD LMGsRPG-7 rocket launcherMD-82 toe-popper mines, Tripwires and Punji traps", + "short_description": "Red Orchestra Series' take on Vietnam: 64-player MP matches; 20+ maps; US Army & Marines, PAVN/NVA, NLF/VC; Australians and ARVN forces; 50+ weapons; 4 flyable helicopters; mines, traps and tunnels; Brutal. Authentic. Gritty. Character customization. And napalm in the morning.", + "genres": "Action", + "recommendations": 37033, + "score": 6.934827738731171 + }, + { + "type": "game", + "name": "Furi", + "detailed_description": "Official SoundtrackFuri all-original electro soundtrack composed by CARPENTER BRUT, DANGER, THE TOXIC AVENGER, LORN, SCATTLE, WAVESHAPER and KN1GHT is available in digital and vinyl editions. About the GameYou were captured. Look what they\u2019ve done to you\u2026 The jailer is the key, kill him and you\u2019ll be free. Fight your way free in this ultra-responsive, fast-paced sword fighting and dual-stick shooting game. Boss design by Takashi Okazaki. Original soundtrack by Carpenter Brut, Danger, The Toxic Avenger, Lorn, Scattle, Waveshaper and Kn1ght!", + "about_the_game": "You were captured. Look what they\u2019ve done to you\u2026 The jailer is the key, kill him and you\u2019ll be free.\r\n\r\nFight your way free in this ultra-responsive, fast-paced sword fighting and dual-stick shooting game.\r\n\r\nBoss design by Takashi Okazaki. Original soundtrack by Carpenter Brut, Danger, The Toxic Avenger, Lorn, Scattle, Waveshaper and Kn1ght!", + "short_description": "The jailer is the key, kill him and you\u2019ll be free. Fight your way free in this ultra-responsive, fast-paced sword-fighting and dual-stick shooting game.", + "genres": "Action", + "recommendations": 8488, + "score": 5.963739342411615 + }, + { + "type": "game", + "name": "Wolcen: Lords of Mayhem", + "detailed_description": "You are one of the three survivors of the slaughter of Castagath. Rescued by Grand Inquisitor Heimlock, you were drafted into the Republic\u2019s Army of the Purifiers at a very young age to be trained in the military academy and become perfect soldiers against the supernatural. You also had the chance to benefit from Heimlock\u2019s occasional advice and training, which led you and your childhood friends, Valeria and Edric, to be called the \u201cChildren of Heimlock\u201d. Recently, the Brotherhood of Dawn has infiltrated the Crimson Keep, a mysterious republican fortress lost among the northern deserts known as the Red wastes. While the purpose of the attack was unclear, the republican Senate voted a retaliation act against all known locations of the Brotherhood. . Led by Grand Inquisitor Heimlock himself, troops are soon deployed on the Coast of wrecks, near the city state of Stormfall, to terminate a camp of Brothers. You are, with your two childhood friends, part of operation Dawnbane, under the supervision of Justicar Ma\u00eblys. . Key features:. Free character development. Wield a great variety of weapons and find your own playstyle thanks to their unique stances and combos. In Wolcen, there is no class, only your weapons set the rules for your skills types. . Three types of resources. Rage and Willpower interact with each other, using the Resource Opposition System. Stamina allows you to use a dodge-roll to avoid danger or travel faster. . Item diversity. Gear up according to your offensive and defensive choices with common, magical, rare and legendary items. Break the rules and unlock new possibilities with Unique items and rare affixes. . Rotative Passive Skill Tree. Make your own path throughout the 21 sub-class sections available in the Gate of Fates to customize your passives and make them fit to your play style. . Skill customization. Level up your skills with your character or alternative resources to gain modifier points and create your own unique combination of skill modifiers. Change your damage type, add new functionalities, grant buffs or debuffs, change the skill\u2019s mechanics completely. The options are limitless. . Strategic fights. Wolcen\u2019s creatures have complex patterns including deadly skills. Pay attention to various markers and to animation anticipation to avoid lethal attacks using your dodge roll ability. . Aspects of Apocalypse. All characters can shapeshift into one of the 4 Celestial incarnations available, each of them offering 4 different skills, and one devastating ultimate. . Endless replayability. Improve your gear by looting or crafting, gather resources to unlock rare missions, face advanced challenges for special rewards, experiment new builds, become the greatest achiever. Whether you like to play solo or with friends, there is always something to do. . A taste for beauty. Using the Cryengine technology makes Wolcen an immersive and beautiful game with highly detailed armors and weapons. In addition, 8 hours of epic orchestral music will accompany you during your journey. . Unleash your fashion sense. Customize your appearance by switching the visuals of your armors and weapons. Loot more than 100 different dyes and tune up your armor to have your very own unique style. The asymmetric armor system will also allow you to change your appearance for left and right shoulder and glove. . Difficulty modes. Choose how you want to make the campaign with 2 different difficulty settings: the Story mode and the Normal mode. The endgame is shaped to allow a progressive increase in difficulty. . Regular updates and seasonal events. We\u2019re committed to making Wolcen a long-term game with regular updates and additions, including features, Acts, gameplay content & Quality of Life.", + "about_the_game": "You are one of the three survivors of the slaughter of Castagath. Rescued by Grand Inquisitor Heimlock, you were drafted into the Republic\u2019s Army of the Purifiers at a very young age to be trained in the military academy and become perfect soldiers against the supernatural. You also had the chance to benefit from Heimlock\u2019s occasional advice and training, which led you and your childhood friends, Valeria and Edric, to be called the \u201cChildren of Heimlock\u201d.Recently, the Brotherhood of Dawn has infiltrated the Crimson Keep, a mysterious republican fortress lost among the northern deserts known as the Red wastes. While the purpose of the attack was unclear, the republican Senate voted a retaliation act against all known locations of the Brotherhood. Led by Grand Inquisitor Heimlock himself, troops are soon deployed on the Coast of wrecks, near the city state of Stormfall, to terminate a camp of Brothers. You are, with your two childhood friends, part of operation Dawnbane, under the supervision of Justicar Ma\u00eblys. Key features:Free character developmentWield a great variety of weapons and find your own playstyle thanks to their unique stances and combos. In Wolcen, there is no class, only your weapons set the rules for your skills types. Three types of resourcesRage and Willpower interact with each other, using the Resource Opposition System. Stamina allows you to use a dodge-roll to avoid danger or travel faster.Item diversityGear up according to your offensive and defensive choices with common, magical, rare and legendary items. Break the rules and unlock new possibilities with Unique items and rare affixes.Rotative Passive Skill TreeMake your own path throughout the 21 sub-class sections available in the Gate of Fates to customize your passives and make them fit to your play style.Skill customizationLevel up your skills with your character or alternative resources to gain modifier points and create your own unique combination of skill modifiers. Change your damage type, add new functionalities, grant buffs or debuffs, change the skill\u2019s mechanics completely. The options are limitless.Strategic fightsWolcen\u2019s creatures have complex patterns including deadly skills. Pay attention to various markers and to animation anticipation to avoid lethal attacks using your dodge roll ability.Aspects of ApocalypseAll characters can shapeshift into one of the 4 Celestial incarnations available, each of them offering 4 different skills, and one devastating ultimate.Endless replayabilityImprove your gear by looting or crafting, gather resources to unlock rare missions, face advanced challenges for special rewards, experiment new builds, become the greatest achiever. Whether you like to play solo or with friends, there is always something to do.A taste for beautyUsing the Cryengine technology makes Wolcen an immersive and beautiful game with highly detailed armors and weapons. In addition, 8 hours of epic orchestral music will accompany you during your journey.Unleash your fashion senseCustomize your appearance by switching the visuals of your armors and weapons. Loot more than 100 different dyes and tune up your armor to have your very own unique style. The asymmetric armor system will also allow you to change your appearance for left and right shoulder and glove.Difficulty modesChoose how you want to make the campaign with 2 different difficulty settings: the Story mode and the Normal mode. The endgame is shaped to allow a progressive increase in difficulty.Regular updates and seasonal eventsWe\u2019re committed to making Wolcen a long-term game with regular updates and additions, including features, Acts, gameplay content & Quality of Life.", + "short_description": "A dynamic hack\u2019n\u2019slash with no class restrictions. Choose your path as you level-up and play your character the way you want! Explore this shattered and corrupted world to uncover its ancient secrets and hidden truths.", + "genres": "Action", + "recommendations": 60566, + "score": 7.259111934573612 + }, + { + "type": "game", + "name": "Little Nightmares", + "detailed_description": "The nightmares are not over Special Edition. INCLUDES. - Little Nightmares\u2122. - Little Nightmares\u2122 Secrets of The Maw Expansion Pass. About the Game. Immerse yourself in Little Nightmares, a dark whimsical tale that will confront you with your childhood fears! Help Six escape The Maw \u2013 a vast, mysterious vessel inhabited by corrupted souls looking for their next meal. As you progress on your journey, explore the most disturbing dollhouse offering a prison to escape from and a playground full of secrets to discover. Reconnect with your inner child to unleash your imagination and find the way out!", + "about_the_game": "Immerse yourself in Little Nightmares, a dark whimsical tale that will confront you with your childhood fears! Help Six escape The Maw \u2013 a vast, mysterious vessel inhabited by corrupted souls looking for their next meal. As you progress on your journey, explore the most disturbing dollhouse offering a prison to escape from and a playground full of secrets to discover. Reconnect with your inner child to unleash your imagination and find the way out!", + "short_description": "Immerse yourself in Little Nightmares, a dark whimsical tale that will confront you with your childhood fears! Help Six escape The Maw \u2013 a vast, mysterious vessel inhabited by corrupted souls looking for their next meal.", + "genres": "Adventure", + "recommendations": 36411, + "score": 6.923661692815383 + }, + { + "type": "game", + "name": "Orcs Must Die! Unchained", + "detailed_description": "Just UpdatedNew Hero: Yi-LinYi-Lin is a quick, melee hero who uses her twin swords to devastating effect. Her use of combos can deal devastating damage as well as provide regeneration making her a true force to be reckoned with. Yi-Lin, the Jade Sentinel has awoken to defend Centre once more against the hordes of orcs, soldiers, and her old enemies \u2013 the Wu Xing Dynasty.Learn more about Yi-Lin in the Designing Yi-Lin blog.New Faction: The Wu Xing, Masters of the Five ElementsThe Wu Xing are masters of the five elements. Deadly and resilient they make dangerous foes!Wu Xing Soldiers: These soldiers come in four forms: light, medium, heavy, and ranged. All of the soldiers have magic armor, making physical damage optimal in defeating them. Terracotta Giant: These slow-moving stone giants do not attack players. Instead, they perform a steady march to the rift, slowing any player that gets too close. Red Panda: Despite being called the Red Panda, these minions are actually blue! Be careful, these minions cast a powerful speed buff on allied minions. Water Dragon: This hunter minion focuses on players. Unlike other Hunter minions, this minion has a splash attack, damaging all players within a cone in front of him. Elemental Mages: These mages throw bouncing orbs of elemental energy. New Maps: Three Brand New MapsWater Garden - Survival (Apprentice and Master). The water gardens of the White Tiger Empire appear to be closest to the first attacks by the Wu Xing Dynasty. Defend three breaches to the best of your ability without too much help from wall traps. . Castle Gates - Survival (Master and Rift Lord) and Endless. Breaching the Castle Gates is a solid strategy for the Wu Xing Dynasty. Once inside, defending this open map will be a challenge. Funneling the front gates to one side is imperative. . Midnight Market - Survival (Warmage and Rift Lord) and Sabotage. These marketplaces of the White Tiger Empire are popular night spots. This seems to be exactly why the Wu Xing Dynasty has chosen to attack them so aggressively.New Feature: Weekly Challenge MatchmakingThe community has requested this feature for quite a while. We are happy to deliver this highly anticipated feature!. Just UpdatedNew Feature: Fast RestartA highly requested feature has finally arrived! We have added the ability for non-matchmade games to be restarted by the party leader (you cannot restart Chaos Trials or Sabotage games).New for Endless: Four Endless MapsFour new Endless maps are now available as part of the Endless Summer event beginning this Thursday!Banquet Hall (Apprentice). Thuricvod Village (War Mage). Highlands (Master). Avalanche (Rift Lord). New for Sabotage: Map and Consumables Temple Graveyard is now available in Sabotage (Master and Rift Lord). Frost Giants are now a playable minion card. Minions Drop Grenades Buff: Causes player sent minions to have a 50% chance to drop grenades on death. Teleportation Staff: Drops a staff that will teleport players to a random location if they stay within its area for several seconds. New for Chaos Trials: ModifiersGuardians Damage Allies: Guardian Spin damages barricades and players. Unstable Rift Polymorph: Failing to close an Unstable Rift will cause the entire team to be polymorphed. New Vanity Items: Skins and Achievement RewardsNew skins are available for Smolder, Hogarth, Ivy, Stinkeye, Maximilian, Cygnus, Midnight, Gabbriella, Bloodspike, and Bionka. A number of avatars, backplates, and titles have also been added as rewards for earning in-game achievements!. Read the detailed patch notes and give us your feedback!Connect!Stay up to date on the development of OMDU by following on Twitter and Facebook. Get a behind-the-scenes look at Robot life by following on Twitter and Facebook. Join the community on the official OMDU forums, /r/OrcsMustDie, and the community Discord server!. Just UpdatedNew Hero: Deadeye. Deadeye is an infamous outlaw with a bounty on her head. With each kill, she becomes stronger and more infamous. Her dual crossbows and explosive arrows make her a force to be reckoned with. . Half elf and half orc, Deadeye was adopted into the elven community of the First Grove as a child and raised as Galadra the trueshot. Accused of her adoptive mother High Warden Naya\u2019s brutal murder, Galadra was narrowly apprehended by Ivy, Warden of the First Grove, losing her right eye in the process and becoming Galadra the Deadeye. . Get the full details on her abilities and development in the Designing Deadeye blog!New Feature: Community Challenges. Exciting news, War Mages! In-game events have been a frequent question and discussion topic within the OMDU community and this update finally delivers a lot of the technology we need to create fun in-game events. . We'll have a lot more to share about this in the coming weeks as we run a few smaller events before rolling out an Endless Summer event later this year. Well, later this summer to be more specific!New Feature: Pause. A highly requested feature has finally arrived! We have added the ability for solo and non-matchmade games to be paused by any player. Due to the game being online, we cannot pause forever, but you have a significant amount of time to grab a snack!New for Sabotage: Map and Consumables Stables of Eventide is now available in Sabotage. Polymorph Chicken: added to base set consumables, earned by achievement. Armored Satyrs. Control Resist Buff. Control Immunity Staff. [h1]New for Chaos Trials: Modifiers[/h1]. Health Drain (Master and Rift Lord only). Mana Drain (Master and Rift Lord only). Coin Drain (Master and Rift Lord only). Minions Drop Grenades (all difficulties). Periodic Healing Aura (all difficulties). Read the detailed patch notes and let us know what you think!. About the Game. We\u2019re listening to you. Please check out our forums and let us know how we can make the game better for you. \u201cIt\u2019s Orcs Must Die! 3 and much, much more.\u201d \u2013 Polygon\u201cUnfortunately for orcs, it\u2019s better than ever.\u201d \u2013 PCGames N\u201cUnchained undeniably felt like an Orcs Must Die! game.\u201d \u2013 Hardcore Gamer . Orcs Must Die! Unchained takes the award-winning Orcs Must Die! action tower defense gameplay to a whole new level with 3-player team-based gameplay! But don\u2019t get cocky, because the stakes are higher, the traps are bloodier, and the invaders are even more ravenous. You\u2019ll need to bring your A-game and a couple of the biggest orc-haters you can find!. Orcs Must Die! Unchained is set in the familiar world of its hilarious fantasy predecessors, years after the finale of Orcs Must Die! 2. With dozens of new rifts and worlds beyond them, heroes have come from far and wide to wage all-out war for control of these magical gateways. In the years since Orcs Must Die! 2, Maximillian and Gabriella have done their best to rebuild the once-mighty Order. Their new enemy, the Unchained, is no longer the mindless horde defeated twice before, but instead an organized army led by its own powerful heroes. Killin\u2019 Orcs and Smashin\u2019 Dorks. Orcs Must Die!\u2019s classic white-knuckle witch\u2019s brew of action and strategy returns, letting players team up with their friends to lay waste to millions of new invading monsters! Build an impenetrable gauntlet of traps to hack, grind, flatten, gibletize and incinerate foes before they charge into the heart of the rift!. It's Definitely a Trap. The only thing better than building traps for murdering minions is building more traps! Play to unlock traps, then upgrade them to be even deadlier. Players cover fortresses in gleeful torture devices and engineer a variety of hilarious and violent ends for invading minions. Customize a strategy for every battle. The hordes are no match for the powers of elements and physics!. Real Action Heroes. Are you mage enough to defend the rifts? A wide variety of unique and powerful heroes with deep gameplay options offer a plethora of painfully creative ways to stop orcs in their grimy tracks. Old friends Max and Gabriella return to fight alongside a cast of new heroes like Blackpaw, Hogarth, Stinkeye, and Bloodspike. Whether players prefer might and majesty or scum and villainy, there\u2019s a hero for every type of orc-slayer around. Your Favorite Ways to Slay. Survival mode lets players murder their way to the top of the orc pile in 3-player co-op defense gameplay that every Orcs Must Die! fan will love. Weekly Challenges and Daily Quests give players the chance to unlock extra traps and upgrade parts. Long-time favorite Endless mode has returned in Orcs Must Die! Unchained with expanded 3-player co-op. All new Sabotage mode sets up two teams of three to troll each other with spells and bosses in an action-packed race to the highest score. All New Sabotage!. Gamers ready for a trap-snapping, spell-slinging, ogre-spudging good time can look no further than Orcs Must Die! Unchained's new game mode, Sabotage! This fast-paced mode is a totally new way to play. Players assemble a team to defend their rift, but at the same time another team is playing on the same map in some\u2026 spooky\u2026 alternate dimension or something. These other players can distract your team with spells, minions, and huge bosses to make you lose rift points. But of course, players can pay 'em back by doing the same! The team with the most rift points at the end of the match wins.", + "about_the_game": "We\u2019re listening to you. Please check out our forums and let us know how we can make the game better for you. \u201cIt\u2019s Orcs Must Die! 3 and much, much more.\u201d \u2013 Polygon\u201cUnfortunately for orcs, it\u2019s better than ever.\u201d \u2013 PCGames N\u201cUnchained undeniably felt like an Orcs Must Die! game.\u201d \u2013 Hardcore Gamer Orcs Must Die! Unchained takes the award-winning Orcs Must Die! action tower defense gameplay to a whole new level with 3-player team-based gameplay! But don\u2019t get cocky, because the stakes are higher, the traps are bloodier, and the invaders are even more ravenous. You\u2019ll need to bring your A-game and a couple of the biggest orc-haters you can find!Orcs Must Die! Unchained is set in the familiar world of its hilarious fantasy predecessors, years after the finale of Orcs Must Die! 2. With dozens of new rifts and worlds beyond them, heroes have come from far and wide to wage all-out war for control of these magical gateways. In the years since Orcs Must Die! 2, Maximillian and Gabriella have done their best to rebuild the once-mighty Order. Their new enemy, the Unchained, is no longer the mindless horde defeated twice before, but instead an organized army led by its own powerful heroes. Killin\u2019 Orcs and Smashin\u2019 DorksOrcs Must Die!\u2019s classic white-knuckle witch\u2019s brew of action and strategy returns, letting players team up with their friends to lay waste to millions of new invading monsters! Build an impenetrable gauntlet of traps to hack, grind, flatten, gibletize and incinerate foes before they charge into the heart of the rift! It's Definitely a TrapThe only thing better than building traps for murdering minions is building more traps! Play to unlock traps, then upgrade them to be even deadlier. Players cover fortresses in gleeful torture devices and engineer a variety of hilarious and violent ends for invading minions. Customize a strategy for every battle. The hordes are no match for the powers of elements and physics! Real Action HeroesAre you mage enough to defend the rifts? A wide variety of unique and powerful heroes with deep gameplay options offer a plethora of painfully creative ways to stop orcs in their grimy tracks. Old friends Max and Gabriella return to fight alongside a cast of new heroes like Blackpaw, Hogarth, Stinkeye, and Bloodspike. Whether players prefer might and majesty or scum and villainy, there\u2019s a hero for every type of orc-slayer around. Your Favorite Ways to SlaySurvival mode lets players murder their way to the top of the orc pile in 3-player co-op defense gameplay that every Orcs Must Die! fan will love. Weekly Challenges and Daily Quests give players the chance to unlock extra traps and upgrade parts. Long-time favorite Endless mode has returned in Orcs Must Die! Unchained with expanded 3-player co-op. All new Sabotage mode sets up two teams of three to troll each other with spells and bosses in an action-packed race to the highest score. All New Sabotage!Gamers ready for a trap-snapping, spell-slinging, ogre-spudging good time can look no further than Orcs Must Die! Unchained's new game mode, Sabotage! This fast-paced mode is a totally new way to play. Players assemble a team to defend their rift, but at the same time another team is playing on the same map in some\u2026 spooky\u2026 alternate dimension or something. These other players can distract your team with spells, minions, and huge bosses to make you lose rift points. But of course, players can pay 'em back by doing the same! The team with the most rift points at the end of the match wins.", + "short_description": "Orcs Must Die! Unchained takes the award-winning Orcs Must Die! action tower defense game to a whole new level with team-based gameplay! Bust skulls with your best pals in PvE co-op Survival, or put your teamwork to the real test in Sabotage Mode!", + "genres": "Action", + "recommendations": 155, + "score": 3.3290152842748215 + }, + { + "type": "game", + "name": "Factorio", + "detailed_description": "Factorio is a game in which you build and maintain factories. You will be mining resources, researching technologies, building infrastructure, automating production and fighting enemies. In the beginning you will find yourself chopping trees, mining ores and crafting mechanical arms and transport belts by hand, but in short time you can become an industrial powerhouse, with huge solar fields, oil refining and cracking, manufacture and deployment of construction and logistic robots, all for your resource needs. However this heavy exploitation of the planet's resources does not sit nicely with the locals, so you will have to be prepared to defend yourself and your machine empire. . Join forces with other players in cooperative Multiplayer, create huge factories, collaborate and delegate tasks between you and your friends. Add mods to increase your enjoyment, from small tweak and helper mods to complete game overhauls, Factorio's ground-up Modding support has allowed content creators from around the world to design interesting and innovative features. While the core gameplay is in the form of the freeplay scenario, there are a range of interesting challenges in the form of Scenarios. If you don't find any maps or scenarios you enjoy, you can create your own with the in-game Map Editor, place down entities, enemies, and terrain in any way you like, and even add your own custom script to make for interesting gameplay. . Discount Disclaimer: We don't have any plans to take part in a sale or to reduce the price for the foreseeable future.What people say about Factorio. No other game in the history of gaming handles the logistics side of management simulator so perfectly. - Reddit. I see conveyor belts when I close my eyes. I may have been binging Factorio lately. - Notch, Mojang. Factorio is a super duper awesome game where we use conveyor belts to shoot aliens. - Zisteau, Youtube.", + "about_the_game": "Factorio is a game in which you build and maintain factories. You will be mining resources, researching technologies, building infrastructure, automating production and fighting enemies. In the beginning you will find yourself chopping trees, mining ores and crafting mechanical arms and transport belts by hand, but in short time you can become an industrial powerhouse, with huge solar fields, oil refining and cracking, manufacture and deployment of construction and logistic robots, all for your resource needs. However this heavy exploitation of the planet's resources does not sit nicely with the locals, so you will have to be prepared to defend yourself and your machine empire. Join forces with other players in cooperative Multiplayer, create huge factories, collaborate and delegate tasks between you and your friends. Add mods to increase your enjoyment, from small tweak and helper mods to complete game overhauls, Factorio's ground-up Modding support has allowed content creators from around the world to design interesting and innovative features. While the core gameplay is in the form of the freeplay scenario, there are a range of interesting challenges in the form of Scenarios. If you don't find any maps or scenarios you enjoy, you can create your own with the in-game Map Editor, place down entities, enemies, and terrain in any way you like, and even add your own custom script to make for interesting gameplay.Discount Disclaimer: We don't have any plans to take part in a sale or to reduce the price for the foreseeable future.What people say about FactorioNo other game in the history of gaming handles the logistics side of management simulator so perfectly. - RedditI see conveyor belts when I close my eyes. I may have been binging Factorio lately. - Notch, MojangFactorio is a super duper awesome game where we use conveyor belts to shoot aliens. - Zisteau, Youtube", + "short_description": "Factorio is a game about building and creating automated factories to produce items of increasing complexity, within an infinite 2D world. Use your imagination to design your factory, combine simple elements into ingenious structures, and finally protect it from the creatures who don't really like you.", + "genres": "Casual", + "recommendations": 136855, + "score": 7.796502236196204 + }, + { + "type": "game", + "name": "Who's Your Daddy?!", + "detailed_description": "Join the Community!. About the GameTwo games in one!This Steam game includes both Who\u2019s Your Daddy Classic and the new Who\u2019s Your Daddy?! Remake which is currently in development. The remake already features new items, characters, skins, improved physics, better graphics and with much more to come!. Are you ready to become a parent?Who's Your Daddy is a casual multiplayer game featuring a clueless father attempting to prevent his infant son from certain death. Play with up to 7 of your friends (online and local), and test your parenting skills in a competitive setup with wacky physics and over 69 potentially ominous household items.Play as daddy or babyAs the daddy you must prevent your baby from getting hurt through methods such as locking the cabinets and placing dangerous objects out of harm\u2019s way, as the baby attempts to overcome daddies attempts to protect the baby in various ways, including drinking bleach and sticking forks in electrical outlets. . Many household objects threaten your baby\u2019s lifePlay around in your two-story house and garden packed with potentially dangerous items such as:. . Power outlets: Capable of conducting lethal amounts of electricity. Nail gun: Keep away from babies!. Flour Jar: It\u2019s never been easier to make daddy blind to your misbehaviour!. Sinks: A flooding hazard in the hands of a sentient baby!. Woodchipper: It works on more than just wood! . Fudge the dog: A loyal rideable beast with an appetite for anything. The Oven: Careful not to burn anything!. The swimming pool: Get fit, but do not drown!. The blender: If you can blend it, you can drink it! . The Car: It turns out there is an age where you can learn too early. And much more. . Key FeaturesA beautiful two-story home and garden for you to watch over your son in. Over 67 everyday items with more or less ominous potential. Wacky physics for you to play around with. Customizable game modes, play the way you want to!. Two unique characters with customizable skins and perks. Randomized locations of crucial items, every game is different!. Dynamic music and sound for maximum immersion. Play with up to 7 of your friends online or locally. Controller support. Available for PC & Mac and Steam OS.", + "about_the_game": "Two games in one!This Steam game includes both Who\u2019s Your Daddy Classic and the new Who\u2019s Your Daddy?! Remake which is currently in development. The remake already features new items, characters, skins, improved physics, better graphics and with much more to come!Are you ready to become a parent?Who's Your Daddy is a casual multiplayer game featuring a clueless father attempting to prevent his infant son from certain death. Play with up to 7 of your friends (online and local), and test your parenting skills in a competitive setup with wacky physics and over 69 potentially ominous household items.Play as daddy or babyAs the daddy you must prevent your baby from getting hurt through methods such as locking the cabinets and placing dangerous objects out of harm\u2019s way, as the baby attempts to overcome daddies attempts to protect the baby in various ways, including drinking bleach and sticking forks in electrical outlets.Many household objects threaten your baby\u2019s lifePlay around in your two-story house and garden packed with potentially dangerous items such as:Power outlets: Capable of conducting lethal amounts of electricityNail gun: Keep away from babies!Flour Jar: It\u2019s never been easier to make daddy blind to your misbehaviour!Sinks: A flooding hazard in the hands of a sentient baby!Woodchipper: It works on more than just wood! Fudge the dog: A loyal rideable beast with an appetite for anythingThe Oven: Careful not to burn anything!The swimming pool: Get fit, but do not drown!The blender: If you can blend it, you can drink it! The Car: It turns out there is an age where you can learn too earlyAnd much more...Key FeaturesA beautiful two-story home and garden for you to watch over your son inOver 67 everyday items with more or less ominous potentialWacky physics for you to play around withCustomizable game modes, play the way you want to!Two unique characters with customizable skins and perksRandomized locations of crucial items, every game is different!Dynamic music and sound for maximum immersionPlay with up to 7 of your friends online or locallyController supportAvailable for PC & Mac and Steam OS", + "short_description": "Who's Your Daddy is a casual multiplayer game featuring a clueless father attempting to prevent his infant son from certain death. Play with up to 7 of your friends, and test your parenting skills in a competitive setup with wacky physics and over 69 potentially ominous household items.", + "genres": "Action", + "recommendations": 21936, + "score": 6.589614369711532 + }, + { + "type": "game", + "name": "Space Pilgrim Episode I: Alpha Centauri", + "detailed_description": "RECOMMENDED FOR YOU About the GameCaptain Gail Pilgrim has been flying starships since she was a kid, ferrying passengers between planets and space stations across the galaxy. She has no reason to expect that this latest trip to Alpha Centauri will be anything special, even if her passengers are a little more diverse than usual: a fusion scientist, a retired space marine and a priest. . However, it turns out to be far from a routine interstellar voyage \u2026 . Features. Relive the days of good old fashioned point-and-click adventure games. Mouse, keyboard and controller support. In this first episode, solve puzzles and begin to engage in an epic science fiction narrative written with humour and passion for the genre. Across the four episodes in this saga you will travel to space stations, colonies, cities and islands across an immersive and intricate futuristic universe, interact with dozens of unique characters and enjoy 10+ hours of gameplay (Please note: this purchase is for episode one only).", + "about_the_game": "Captain Gail Pilgrim has been flying starships since she was a kid, ferrying passengers between planets and space stations across the galaxy. She has no reason to expect that this latest trip to Alpha Centauri will be anything special, even if her passengers are a little more diverse than usual: a fusion scientist, a retired space marine and a priest.However, it turns out to be far from a routine interstellar voyage \u2026 FeaturesRelive the days of good old fashioned point-and-click adventure gamesMouse, keyboard and controller supportIn this first episode, solve puzzles and begin to engage in an epic science fiction narrative written with humour and passion for the genreAcross the four episodes in this saga you will travel to space stations, colonies, cities and islands across an immersive and intricate futuristic universe, interact with dozens of unique characters and enjoy 10+ hours of gameplay (Please note: this purchase is for episode one only)", + "short_description": "Captain Gail Pilgrim has been flying starships since she was a kid, ferrying passengers between planets and space stations across the galaxy. She has no reason to expect that this latest trip to Alpha Centauri will be anything special, even if her passengers are a little more diverse than usual....", + "genres": "Adventure", + "recommendations": 736, + "score": 4.352622327708292 + }, + { + "type": "game", + "name": "Golf With Your Friends", + "detailed_description": "INTRODUCING: KING OF THE CASTLE New DLC Available. Join the Discord Community. About the GameWhy have friends if not to play Golf. With Your Friends! Nothing is out of bounds as you take on courses filled with fast paced, exciting, simultaneous mini golf for up to 12 players!Key Features:. 12 Player Multiplayer! Make sure your skills are up to scratch as you tee off against 11 other golfers in simultaneous online multiplayer. . Themed Courses! Go head to head on courses with unique mechanics and holes. Become a pro in the pirate course, aim for an albatross in the ancient theme or wage all out Worm warfare in the Worms course!. . Powerups! Drive a wedge between your friends as you trap their ball in honey, freeze it or turn it into a cube. . Three Game Modes! Tee off in classic mini golf, shoot for the pars in hoops or swap the hole for a goal in hockey. . Level Editor! Putt your own spin on the game by creating, sharing and playing your own courses. . Customisations! Turn the fairway into the runway, with unlockable hats, skins and trails for your ball.", + "about_the_game": "Why have friends if not to play Golf... With Your Friends! Nothing is out of bounds as you take on courses filled with fast paced, exciting, simultaneous mini golf for up to 12 players!Key Features:12 Player Multiplayer! Make sure your skills are up to scratch as you tee off against 11 other golfers in simultaneous online multiplayer.Themed Courses! Go head to head on courses with unique mechanics and holes. Become a pro in the pirate course, aim for an albatross in the ancient theme or wage all out Worm warfare in the Worms course!Powerups! Drive a wedge between your friends as you trap their ball in honey, freeze it or turn it into a cube.Three Game Modes! Tee off in classic mini golf, shoot for the pars in hoops or swap the hole for a goal in hockeyLevel Editor! Putt your own spin on the game by creating, sharing and playing your own courses.Customisations! Turn the fairway into the runway, with unlockable hats, skins and trails for your ball.", + "short_description": "Why have friends if not to play Golf... With Your Friends! Nothing is out of bounds as you take on courses filled with fast paced, exciting, simultaneous mini golf for up to 12 players!", + "genres": "Casual", + "recommendations": 38841, + "score": 6.966250402952743 + }, + { + "type": "game", + "name": "Wallpaper Engine", + "detailed_description": "Wallpaper Engine enables you to use live wallpapers on your Windows desktop. Various types of animated wallpapers are supported, including 3D and 2D animations, websites, videos and even certain applications. Choose an existing wallpaper or create your own and share it on the Steam Workshop! In addition to that, you can use the free Wallpaper Engine companion app for Android to transfer your favorite wallpapers to your Android mobile device and take your live wallpapers on the go. . NEW: Use the free Android companion app to transfer your favorite wallpapers to your Android mobile device. . . Bring your desktop wallpapers alive with realtime graphics, videos, applications or websites. . Use animated screensavers while you are away from your computer. . Personalize animated wallpapers with your favorite colors. . Use interactive wallpapers that can be controlled with your mouse. . Many aspect ratios and native resolutions supported including 16:9, 21:9, 16:10, 4:3. . Multi monitor environments are supported. . Wallpapers will pause while playing games to save performance. . Create your own animated wallpapers in the Wallpaper Engine Editor. . Animate new live wallpapers from basic images or import HTML or video files for the wallpaper. . Use the Steam Workshop to share and download wallpapers for free. . Wallpaper Engine can be used at the same time as any other Steam game or application. . Supported video formats: mp4, WebM, avi, m4v, mov, wmv (for local files, Workshop only allows mp4). . Use the free Android companion app to take your favorite scene and video wallpapers on the go. . Support for Razer Chroma and Corsair iCUE. . . Wallpaper Engine aims to deliver an entertaining experience while using as few system resources as possible. You can choose to automatically pause or completely stop the wallpaper while using another application or playing fullscreen (including borderless windowed mode) to not distract or hinder you while playing a game or working. Many options to tweak quality and performance allow you to make Wallpaper Engine fit your computer perfectly. As a general rule of thumb, 3D, 2D and video based wallpapers will perform best, while websites and applications will require more resources from your system. Having a dedicated GPU is highly recommended, but not required.Choose from over a million free wallpapers from the Steam Workshop with new wallpapers being uploaded every day! Can't find a wallpaper that fits your mood? Let your imagination go wild by using the Wallpaper Engine Editor to create your own animated wallpapers from images, videos, websites or applications. A large selection of presets and effects allow you to animate your own images and share them on the Steam Workshop or to just use them for yourself.", + "about_the_game": "Wallpaper Engine enables you to use live wallpapers on your Windows desktop. Various types of animated wallpapers are supported, including 3D and 2D animations, websites, videos and even certain applications. Choose an existing wallpaper or create your own and share it on the Steam Workshop! In addition to that, you can use the free Wallpaper Engine companion app for Android to transfer your favorite wallpapers to your Android mobile device and take your live wallpapers on the go.NEW: Use the free Android companion app to transfer your favorite wallpapers to your Android mobile device.Bring your desktop wallpapers alive with realtime graphics, videos, applications or websites.Use animated screensavers while you are away from your computer.Personalize animated wallpapers with your favorite colors.Use interactive wallpapers that can be controlled with your mouse.Many aspect ratios and native resolutions supported including 16:9, 21:9, 16:10, 4:3.Multi monitor environments are supported.Wallpapers will pause while playing games to save performance.Create your own animated wallpapers in the Wallpaper Engine Editor.Animate new live wallpapers from basic images or import HTML or video files for the wallpaper.Use the Steam Workshop to share and download wallpapers for free.Wallpaper Engine can be used at the same time as any other Steam game or application.Supported video formats: mp4, WebM, avi, m4v, mov, wmv (for local files, Workshop only allows mp4).Use the free Android companion app to take your favorite scene and video wallpapers on the go.Support for Razer Chroma and Corsair iCUE.Wallpaper Engine aims to deliver an entertaining experience while using as few system resources as possible. You can choose to automatically pause or completely stop the wallpaper while using another application or playing fullscreen (including borderless windowed mode) to not distract or hinder you while playing a game or working. Many options to tweak quality and performance allow you to make Wallpaper Engine fit your computer perfectly. As a general rule of thumb, 3D, 2D and video based wallpapers will perform best, while websites and applications will require more resources from your system. Having a dedicated GPU is highly recommended, but not required.Choose from over a million free wallpapers from the Steam Workshop with new wallpapers being uploaded every day! Can't find a wallpaper that fits your mood? Let your imagination go wild by using the Wallpaper Engine Editor to create your own animated wallpapers from images, videos, websites or applications. A large selection of presets and effects allow you to animate your own images and share them on the Steam Workshop or to just use them for yourself.", + "short_description": "Use stunning live wallpapers on your desktop. Animate your own images to create new wallpapers or import videos/websites and share them on the Steam Workshop!", + "genres": "Casual", + "recommendations": 621408, + "score": 8.793956526315164 + }, + { + "type": "game", + "name": "Slime Rancher", + "detailed_description": "Featured DLC. Discover new styles for all of your favorite slimes with the Secret Style Pack!. Just Updated. Login to Viktor\u2019s Experimental Update! Join Viktor Humphries and test his simulated reality of the Far, Far Range. Well, a work-in-progress version anyway. . Read more about Viktor's Slimulations here. The Automatic Update. The Automatic Update is here and introduces a new Slime Science gadget: DRONES! Drones are happy little helper bots that can be programmed to help with various tasks around the ranch!. Read more about Drones here. The Party Gordo Update. Let's get this party started! Every weekend, the Party Gordo comes to the Far, Far Range, but you have to find him first!. Read more about the special weekend events here!. Shop Merchandise. The Little Big Storage Update. The Little Big Storage Update is here to help! Ranch storage is getting a huge upgrade and it\u2019s just in time for a little spring cleaning. . Learn more about the new silo upgrades here!. Mochi's Megabucks Update. Mochi\u2019s Megabucks Update is here and you've been invited to explore the Nimble Valley: a new zone that is home to the exceedingly rare quicksilver slimes!. Learn more about the Nimble Valley here!. Limited Holiday Event. Celebrate the season with our limited-time Wiggly Wonderland event! Hunt for ornaments and decorate your ranch from December 20 - 31. A new ornament will appear in crates every day, so hurry and collect as many as you can before they\u2019re gone!. Read more here. Ogden's Wild Update. . Ogden\u2019s Wild Update has arrived! Slime Rancher v1.1.0 contains a dangerous, new zone to explore, missions to undertake from Ogden Ortiz, the feral descendants of the long-extinct saber slime, and more!. Discover more about The Wilds and version 1.1.0 here. About the GameWelcome to the Far, Far Range!. Slime Rancher is a charming, first-person, sandbox experience. Play as Beatrix LeBeau: a plucky, young rancher who sets out for a life a thousand light years away from Earth on the \u2018Far, Far Range.\u2019. Each day will present new challenges and risky opportunities as you attempt to amass a great fortune in the business of slime ranching. Collect colorful slimes, grow crops, harvest resources, and explore the untamed wilds through the mastery of your all-purpose vacpack. . . Stake Your Claim. The renowned rancher, Hobson Twillgers, has passed his ranch on to you. Get it back up and running, discover the secrets hidden on this mysterious planet, and dominate the Plort Market. . Grow crops and raise chickadoos to feed your collection of hungry slimes. . Complete daily requests from other ranchers to get bonus rewards. . Earn money to upgrade your vacpack, build more corrals, or expand your ranch. . Use Slime Science to find rare resources, craft decorations, and create gadgets that will help you on your adventures. . Explore a sprawling world loaded with lots of secrets and hidden treasures. . . Slimetastic Features:. Choose from 3 game modes: Adventure, Casual, and Rush. Get creative and combine slimes into more than 150 hybrid slimes. Take advantage of our full controller support if you think keyboards should be used to play music instead of games.", + "about_the_game": "Welcome to the Far, Far Range!Slime Rancher is a charming, first-person, sandbox experience. Play as Beatrix LeBeau: a plucky, young rancher who sets out for a life a thousand light years away from Earth on the \u2018Far, Far Range.\u2019Each day will present new challenges and risky opportunities as you attempt to amass a great fortune in the business of slime ranching. Collect colorful slimes, grow crops, harvest resources, and explore the untamed wilds through the mastery of your all-purpose vacpack.Stake Your ClaimThe renowned rancher, Hobson Twillgers, has passed his ranch on to you. Get it back up and running, discover the secrets hidden on this mysterious planet, and dominate the Plort Market.Grow crops and raise chickadoos to feed your collection of hungry slimes.Complete daily requests from other ranchers to get bonus rewards.Earn money to upgrade your vacpack, build more corrals, or expand your ranch.Use Slime Science to find rare resources, craft decorations, and create gadgets that will help you on your adventures.Explore a sprawling world loaded with lots of secrets and hidden treasures.Slimetastic Features:Choose from 3 game modes: Adventure, Casual, and RushGet creative and combine slimes into more than 150 hybrid slimesTake advantage of our full controller support if you think keyboards should be used to play music instead of games", + "short_description": "Slime Rancher is the tale of Beatrix LeBeau, a plucky, young rancher who sets out for a life a thousand light years away from Earth on the \u2018Far, Far Range\u2019 where she tries her hand at making a living wrangling slimes.", + "genres": "Action", + "recommendations": 96732, + "score": 7.567766211724233 + }, + { + "type": "game", + "name": "Z1 Battle Royale", + "detailed_description": "Z1 Battle Royale is a Free to Play, fast-paced, action arcade, competitive Battle Royale. Staying true to its \"King of the Kill\" roots, the game has been revamped and restored to the classic feel, look, and gameplay everyone fell in love with. Play solo, duos, or fives and be the last ones standing. . New management is in town and restoring the game to it's former glory under a new name, Z1 Battle Royale. Since taking over development of the game in September the team here at NantG has worked with a firey passion to bring back the feel that was lost with the Combat Update. Our first major patch since taking over is coming out today March 6th and we couldn't be more excited for you all to get your hands on it. . A Few of the Season 3 Changes/Highlights:. -Major Overhaul/Restoration of Movement and Animations. -Updated/Restored Combat and Gun Mechanics. -Restored Vehicle Mechanics. -Restored PS3 Era Map, Environment, and Lighting. -New: In Match Missions. -New: Fragments/Collection System. -New: Seasonal Play and Ranked Playlist. -Announcement of New Showdown Tournament. -All New Rewards. . This is a patch you won't want to miss. . Visit the Z1BR website and forums for more info!", + "about_the_game": "Z1 Battle Royale is a Free to Play, fast-paced, action arcade, competitive Battle Royale. Staying true to its \"King of the Kill\" roots, the game has been revamped and restored to the classic feel, look, and gameplay everyone fell in love with. Play solo, duos, or fives and be the last ones standing.\r\n\r\n\r\nNew management is in town and restoring the game to it's former glory under a new name, Z1 Battle Royale. Since taking over development of the game in September the team here at NantG has worked with a firey passion to bring back the feel that was lost with the Combat Update. Our first major patch since taking over is coming out today March 6th and we couldn't be more excited for you all to get your hands on it.\r\n\r\nA Few of the Season 3 Changes/Highlights:\r\n-Major Overhaul/Restoration of Movement and Animations\r\n-Updated/Restored Combat and Gun Mechanics\r\n-Restored Vehicle Mechanics\r\n-Restored PS3 Era Map, Environment, and Lighting.\r\n-New: In Match Missions\r\n-New: Fragments/Collection System\r\n-New: Seasonal Play and Ranked Playlist\r\n-Announcement of New Showdown Tournament\r\n-All New Rewards\r\n\r\n\r\nThis is a patch you won't want to miss.\r\n\r\nVisit the Z1BR website and forums for more info!", + "short_description": "Z1 Battle Royale is a Free to Play, fast-paced, action arcade, competitive Battle Royale. Staying true to its "King of the Kill" roots, the game has been revamped and restored to the classic feel, look, and gameplay everyone fell in love with. Play solo, duos, or fives and be the last ones standing.", + "genres": "Action", + "recommendations": 145939, + "score": 7.838868492834173 + }, + { + "type": "game", + "name": "Lost Castle / \u5931\u843d\u57ce\u5821", + "detailed_description": "New DLC Out Now! About the GameLost Castle is a super cute, super hard action RPG with roguelike elements and randomized dungeons. Brimming with a host of hand drawn, humorous characters and environments that embrace retro action with modern twists. . Prologue: . In its glory days, Castle Harwood was the heart of a happy land governed by wise and virtuous nobles. But those days are long gone now. Calamity has befallen these lands, and wicked magics corrupt the castle and all that surrounds it. Demons have claimed this rotten place for their domain and even the might of the empire is thwarted by their dark army. and slowly, the corruption is spreading. Castle Harwood is lost. . Yet at the heart of this nightmare, something bright glimmers and fills the hearts of the mighty with the courage needed to invade the castle. The Lost Castle is filled with the treasure of the defeated Earl and it is the promise of riches that calls you. And maybe you can do some good, too. . Key Features: . Up to four players online and local! . Four player Co-Op or PVP Mode . Daily Challenges for you and your fellow Treasure Hunters! . Randomly generated dungeons, items, enemies and bosses. . Hardcore retro action inspired by classic beat \u2018em ups. . Gorgeous hand drawn characters and environments. . 100+ items and 60+ potions with useful, dangerous or hilarious effects. . 190+ weapons and more than 60+ sets of armor. . Massive variety of skills and special attacks. . Sacrifice dead heroes to gain new abilities.", + "about_the_game": "Lost Castle is a super cute, super hard action RPG with roguelike elements and randomized dungeons. Brimming with a host of hand drawn, humorous characters and environments that embrace retro action with modern twists. Prologue: In its glory days, Castle Harwood was the heart of a happy land governed by wise and virtuous nobles. But those days are long gone now. Calamity has befallen these lands, and wicked magics corrupt the castle and all that surrounds it. Demons have claimed this rotten place for their domain and even the might of the empire is thwarted by their dark army... and slowly, the corruption is spreading. Castle Harwood is lost. Yet at the heart of this nightmare, something bright glimmers and fills the hearts of the mighty with the courage needed to invade the castle. The Lost Castle is filled with the treasure of the defeated Earl and it is the promise of riches that calls you. And maybe you can do some good, too. Key Features: Up to four players online and local! Four player Co-Op or PVP Mode Daily Challenges for you and your fellow Treasure Hunters! Randomly generated dungeons, items, enemies and bosses. Hardcore retro action inspired by classic beat \u2018em ups. Gorgeous hand drawn characters and environments. 100+ items and 60+ potions with useful, dangerous or hilarious effects. 190+ weapons and more than 60+ sets of armor. Massive variety of skills and special attacks. Sacrifice dead heroes to gain new abilities.", + "short_description": "Lost Castle is an action RPG beat'em up with roguelike elements and randomized dungeons for up to four players online and local!", + "genres": "Action", + "recommendations": 17114, + "score": 6.425980733759866 + }, + { + "type": "game", + "name": "Divinity: Original Sin 2 - Definitive Edition", + "detailed_description": "Digital Collector's Editions. . About the Game. The Divine is dead. The Void approaches. And the powers lying dormant within you are soon to awaken. The battle for Divinity has begun. Choose wisely and trust sparingly; darkness lurks within every heart. . Who will you be? A flesh-eating Elf, an Imperial Lizard or an Undead, risen from the grave? Discover how the world reacts differently to who - or what - you are.It\u2019s time for a new Divinity! . Gather your party and develop relationships with your companions. Blast your opponents in deep, tactical, turn-based combat. Use the environment as a weapon, use height to your advantage, and manipulate the elements themselves to seal your victory.Ascend as the god that Rivellon so desperately needs. Explore the vast and layered world of Rivellon alone or in a party of up to 4 players in drop-in/drop-out cooperative play. Go anywhere, unleash your imagination, and explore endless ways to interact with the world. Beyond Rivellon, there\u2019s more to explore in the brand-new PvP and Game Master modes. . . Choose your race and origin. Choose from 6 unique origin characters with their own backgrounds and quests, or create your own as a Human, Lizard, Elf, Dwarf, or Undead. All choices have consequences. . Unlimited freedom to explore and experiment. Go anywhere, talk to anyone, and interact with everything! Kill any NPC without sacrificing your progress, and speak to every animal. Even ghosts might be hiding a secret or two\u2026. . The next generation of turn-based combat. Blast your opponents with elemental combinations. Use height to your advantage. Master over 200 skills in 12 skill schools. But beware - the game\u2019s AI 2.0 is our most devious invention to date. . Up to 4 player online and split-screen multiplayer. Play with your friends online or in local split-screen with full controller support. . Game Master Mode: Take your adventures to the next level and craft your own stories with the Game Master Mode. Download fan-made campaigns and mods from Steam Workshop. . 4K Support: an Ultimate 4K experience pushing RPGs into a new era!. .", + "about_the_game": "The Divine is dead. The Void approaches. And the powers lying dormant within you are soon to awaken. The battle for Divinity has begun. Choose wisely and trust sparingly; darkness lurks within every heart. Who will you be? A flesh-eating Elf, an Imperial Lizard or an Undead, risen from the grave? Discover how the world reacts differently to who - or what - you are.It\u2019s time for a new Divinity! Gather your party and develop relationships with your companions. Blast your opponents in deep, tactical, turn-based combat. Use the environment as a weapon, use height to your advantage, and manipulate the elements themselves to seal your victory.Ascend as the god that Rivellon so desperately needs.Explore the vast and layered world of Rivellon alone or in a party of up to 4 players in drop-in/drop-out cooperative play. Go anywhere, unleash your imagination, and explore endless ways to interact with the world. Beyond Rivellon, there\u2019s more to explore in the brand-new PvP and Game Master modes.Choose your race and origin. Choose from 6 unique origin characters with their own backgrounds and quests, or create your own as a Human, Lizard, Elf, Dwarf, or Undead. All choices have consequences.Unlimited freedom to explore and experiment. Go anywhere, talk to anyone, and interact with everything! Kill any NPC without sacrificing your progress, and speak to every animal. Even ghosts might be hiding a secret or two\u2026The next generation of turn-based combat. Blast your opponents with elemental combinations. Use height to your advantage. Master over 200 skills in 12 skill schools. But beware - the game\u2019s AI 2.0 is our most devious invention to date.Up to 4 player online and split-screen multiplayer. Play with your friends online or in local split-screen with full controller support.Game Master Mode: Take your adventures to the next level and craft your own stories with the Game Master Mode. Download fan-made campaigns and mods from Steam Workshop.4K Support: an Ultimate 4K experience pushing RPGs into a new era!", + "short_description": "The critically acclaimed RPG that raised the bar, from the creators of Baldur's Gate 3. Gather your party. Master deep, tactical combat. Venture as a party of up to four - but know that only one of you will have the chance to become a God.", + "genres": "Adventure", + "recommendations": 144062, + "score": 7.830334846569624 + }, + { + "type": "game", + "name": "Governor of Poker 3", + "detailed_description": "Play poker online in this awesome Texas Holdem Poker casino and be a star in this fun, multiplayer social poker game with progression!. Texas Holdem Poker is a popular card game and Governor of Poker has a huge variety of poker games to choose from that let you compete with friends, challenge new poker players and much more! If you like missions and daily challenges to win spectacular rewards with lots of amazing hats, you will love this addicting game!. Becoming a poker pro is an exciting journey; you will start as a cowboy poker rookie and work all the way up to become a high roller to play with millions of chips. The ultimate goal is to become a VIP poker star, winning high stakes Western games in Las Vegas!. Enjoy Texas Holdem in: Cash games, tournaments, Spin & Play, Sit & Go, Royal Poker, Party Poker, friends games, Heads-up, online Blackjack 21, PVP and Wild West saloon tourneys!. GOVERNOR OF POKER 3 (GOP 3) FEATURES:. \u25cf BIG FREE WELCOME PACKAGE:. $30,000 FREE poker chips, gold and avatar hat!. \u25cf 7 DIFFERENT POKER FORMATS:. Cash games, Sit & Go tournaments, Spin & Play, Heads Up Challenge, Push or Fold with Royal Poker, No-limit and Pot Limit. \u25cf POKER TEAMS: TEAM UP AND PLAY FOR THE REWARDS. Make friends and compete against other teams and check out the all-new challenges!. \u25cf PARTY POKER: PLAY WITH FRIENDS FOR FUN. Invite friends and have a blast!. \u25cf ENJOY TEXAS: WESTERN GAMES OF THE WILD WEST. Travel through Texas by winning poker tournaments, beat friends at Texas Holdem poker, cash games and poker tournaments. The further you travel the higher the stakes!. \u25cf BLACKJACK 21:. Play Blackjack with many different betting amounts. \u25cf FREE CHIPS:. Loads of free chips options every few hours!. \u25cf MISSIONS:. Complete them all in every area and claim great rewards!. \u25cf WIN RINGS, BADGES & ACHIEVEMENTS:. Distinguish yourself by winning rings, badges and trophies with your poker skills!. \u25cf PLAY ALWAYS AND EVERYWHERE:. Play poker on your mobile device and continue to play on your tablet, web, laptop and desktop. \u25cf BONUS FOR CONNECTING WITH FACEBOOK:. Earn extra chips and play poker with friends!. \u25cf CHAT: Talk with other hold em players through chat and animated emoticons. Use them to bluff or taunt and try to take down the pot!. \u25cf CERTIFIED RNG. With GOP3 you can learn how to play hold em poker, raise the stakes and win more. Grab a deck of cards, memorize the poker hand ranking chart and know what the best starting hands in poker are. Even use the cheat sheet to increase your chances to win a fortune in chips. Be the shark at the table, ready to dominate the fish. Read your opponents' poker face and use your best poker strategy to outplay everyone. Know when to hold \u2019em, fold \u2019em, check and raise. . ARE YOU READY TO GO ALL-IN? Dominate the online (PvP) Poker Tournament World Leaderboard, rule the Black Jack tables and win big time with free daily spins in the bonus slot machine. A huge jackpot awaits you in our social casino card games. Start betting now and may lady luck be on your side!. Note: We love a fair game! We use industry standard RNG methods and never manipulate cards or favor certain players. This poker game is intended for an adult audience. (e.g Intended for use by those 18 or older) The games do not offer \u201creal money gambling\u201d or an opportunity to win real money or prizes (e.g the game is for entertainment purposes only). Practice or success at social casino poker gaming does not imply future success at \u201creal money poker\u201d. Gender is requested to let players select if they want to play with a male or a female presenting character.", + "about_the_game": "Play poker online in this awesome Texas Holdem Poker casino and be a star in this fun, multiplayer social poker game with progression!Texas Holdem Poker is a popular card game and Governor of Poker has a huge variety of poker games to choose from that let you compete with friends, challenge new poker players and much more! If you like missions and daily challenges to win spectacular rewards with lots of amazing hats, you will love this addicting game!Becoming a poker pro is an exciting journey; you will start as a cowboy poker rookie and work all the way up to become a high roller to play with millions of chips. The ultimate goal is to become a VIP poker star, winning high stakes Western games in Las Vegas!Enjoy Texas Holdem in: Cash games, tournaments, Spin & Play, Sit & Go, Royal Poker, Party Poker, friends games, Heads-up, online Blackjack 21, PVP and Wild West saloon tourneys!GOVERNOR OF POKER 3 (GOP 3) FEATURES:\u25cf BIG FREE WELCOME PACKAGE:$30,000 FREE poker chips, gold and avatar hat!\u25cf 7 DIFFERENT POKER FORMATS:Cash games, Sit & Go tournaments, Spin & Play, Heads Up Challenge, Push or Fold with Royal Poker, No-limit and Pot Limit.\u25cf POKER TEAMS: TEAM UP AND PLAY FOR THE REWARDSMake friends and compete against other teams and check out the all-new challenges!\u25cf PARTY POKER: PLAY WITH FRIENDS FOR FUNInvite friends and have a blast!\u25cf ENJOY TEXAS: WESTERN GAMES OF THE WILD WESTTravel through Texas by winning poker tournaments, beat friends at Texas Holdem poker, cash games and poker tournaments. The further you travel the higher the stakes!\u25cf BLACKJACK 21:Play Blackjack with many different betting amounts.\u25cf FREE CHIPS:Loads of free chips options every few hours!\u25cf MISSIONS:Complete them all in every area and claim great rewards!\u25cf WIN RINGS, BADGES & ACHIEVEMENTS:Distinguish yourself by winning rings, badges and trophies with your poker skills!\u25cf PLAY ALWAYS AND EVERYWHERE:Play poker on your mobile device and continue to play on your tablet, web, laptop and desktop.\u25cf BONUS FOR CONNECTING WITH FACEBOOK:Earn extra chips and play poker with friends!\u25cf CHAT: Talk with other hold em players through chat and animated emoticons. Use them to bluff or taunt and try to take down the pot!\u25cf CERTIFIED RNGWith GOP3 you can learn how to play hold em poker, raise the stakes and win more. Grab a deck of cards, memorize the poker hand ranking chart and know what the best starting hands in poker are. Even use the cheat sheet to increase your chances to win a fortune in chips. Be the shark at the table, ready to dominate the fish. Read your opponents' poker face and use your best poker strategy to outplay everyone. Know when to hold \u2019em, fold \u2019em, check and raise.ARE YOU READY TO GO ALL-IN? Dominate the online (PvP) Poker Tournament World Leaderboard, rule the Black Jack tables and win big time with free daily spins in the bonus slot machine. A huge jackpot awaits you in our social casino card games. Start betting now and may lady luck be on your side!Note: We love a fair game! We use industry standard RNG methods and never manipulate cards or favor certain players. This poker game is intended for an adult audience. (e.g Intended for use by those 18 or older) The games do not offer \u201creal money gambling\u201d or an opportunity to win real money or prizes (e.g the game is for entertainment purposes only). Practice or success at social casino poker gaming does not imply future success at \u201creal money poker\u201d. Gender is requested to let players select if they want to play with a male or a female presenting character.", + "short_description": "Governor of Poker 3 is the best multiplayer poker game with a great design. In this multi-player version of Governor of Poker you compete live with thousands of real poker players to prove you are the number 1 Texas Hold \u2019em poker star!", + "genres": "Casual", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Line of Sight", + "detailed_description": "Line of Sight is an online Free to Play FPS game, developed by an small independent studio, that tries to deliver many and unique features, such as detailed character and weapon customization. Line of Sight takes place in a modern military setting in a twisted reality. Our unique Psionics Abilities will enable you to have a unique and blasting game experience. . However if you are a classic military styled fan, the core is build on a classic shooter experience and ESP/PSY abilities are an optional room-setting. What ever playstyle you prefer, we got your back!. . TRUE FREE TO PLAY - NO PAY TO WIN!. There are no improved gear, weapons or gameplay relevant items purchasable for real world currency. Weapon variants are pure cosmetic only! . They are based on the basic version and just have an advanced visual weapon body. The weapon stats and performance from an variant and the basic version are identical. . ADJUST THE WAY YOU WANT! . Optic, Muzzle, Barrel, Ammo-Type, Utilities, Paint. you name it - you can fully adjust it!. Over 40 weapons with infinite tuning possibilites to choose from with more than 1.5 million customization options. . FULLY KITTED? SURE! . Extensive character customization options to create the character you want to play. . . CLASSIC FPS OR ADDED PSY POWER? YOU DECIDE!. Over 20 different maps spread across the globe, with both day and night options available and several modes to choose from. . . UTILIZE EXTENSIVE STAT TRACKING AND LEADERBOARDS!. To face enemies on your skill-level and keep your stats tracked with one single click!. One of the most advanced leaderboard systems in any free2play game ever.", + "about_the_game": "Line of Sight is an online Free to Play FPS game, developed by an small independent studio, that tries to deliver many and unique features, such as detailed character and weapon customization. Line of Sight takes place in a modern military setting in a twisted reality. Our unique Psionics Abilities will enable you to have a unique and blasting game experience.However if you are a classic military styled fan, the core is build on a classic shooter experience and ESP/PSY abilities are an optional room-setting.What ever playstyle you prefer, we got your back!TRUE FREE TO PLAY - NO PAY TO WIN!There are no improved gear, weapons or gameplay relevant items purchasable for real world currency. Weapon variants are pure cosmetic only! They are based on the basic version and just have an advanced visual weapon body.The weapon stats and performance from an variant and the basic version are identical.ADJUST THE WAY YOU WANT! Optic, Muzzle, Barrel, Ammo-Type, Utilities, Paint..you name it - you can fully adjust it!Over 40 weapons with infinite tuning possibilites to choose from with more than 1.5 million customization options.FULLY KITTED? SURE! Extensive character customization options to create the character you want to play.CLASSIC FPS OR ADDED PSY POWER? YOU DECIDE!Over 20 different maps spread across the globe, with both day and night options available and several modes to choose from.UTILIZE EXTENSIVE STAT TRACKING AND LEADERBOARDS!To face enemies on your skill-level and keep your stats tracked with one single click!One of the most advanced leaderboard systems in any free2play game ever.", + "short_description": "Fast paced FPS with high customizational freedom. From game mode customization to an in depth weapon tuning and attachment system up to detailed character customizations, while it was developed so you can choose to either go for high performance or graphical fidelity without an high end PC.", + "genres": "Action", + "recommendations": 2700, + "score": 5.2088229723455495 + }, + { + "type": "game", + "name": "The Culling", + "detailed_description": "Battle Royale is back! The game that took the world by storm in 2016 has returned to its roots and is better than ever, not to mention free-to-play. With a whole host of improvements and new features, The Culling: Origins takes you back to the island where it all began. and asks whether you have the guts, brains, and skill required to survive. . Welcome to The Culling. As a contestant on this deadly game show you must explore, scavenge items, craft weapons, and build traps that will enable you to slay your fellow contestants and emerge victorious before the end of the round. Only with cunning, skill, and a little luck will you be able to prevail and survive the match.How we do free-to-playAll aspects of gameplay are available to all players and The Culling does not (and will never) include pay-to-win mechanics. . If you choose to spend real money, you can do so through paid DLC packs or premium currency in the form of Tokens. Tokens allow you to buy Cull Crates and exclusive Premium Items. You can earn Cull Crates, which award standard cosmetic items, by simply playing the game. All of these unlocks are cosmetic and have no impact on gameplay.How we develop The CullingWe are committed to ongoing, community-focused development. Our goal is to provide a game that is as optimized, bug-free, and safe from cheaters as possible. Beyond that, we are balancing the game and adding new features based on input and requests directly from the community. If you'd like to get in on the action and share your ideas and opinions, please visit our website for more details. . . FeaturesGame ModesThe core of The Culling is an online 16-player battle royale, played solo or in teams of two. Matches last approximately 20 minutes, with deadly poison gas slowly constricting the arena in the final stages. The winning player (or team) is the last left alive. . With no respawning on death, you have to make every action count. Play too cautiously and you won\u2019t be prepared for the final clash at the end of the match, too aggressively and you might not make it past the first few minutes. It takes the right mix of skill and strategy to survive.Custom MatchesKeep your friends close and your enemies closer as you orchestrate your own private matches of up to 16 players. Your competition, your rules, your Culling.Weapons and CombatThe Culling focuses heavily on melee combat. Use jabs, charged swings, blocks, and shoves in a system that\u2019s simple learn, but requires practice to truly master. . There are dozens of melee weapons in the form of blades, axes, bludgeons, and spears. Weapons are divided into tiers based on damage, from the lowly crafted stone knife to the mighty Sledgehammer. Different weapons types also apply different wounds, which factor into combat strategy. All melee weapons can be thrown, adding the potential for ranged combat in any encounter. . There are a variety of ranged weapons, including bows, blowguns, and even firearms. A gun isn\u2019t a guaranteed kill, however, as ammunition is in short supply and ranged players can be disarmed by melee strikes if they don\u2019t keep their distance.TrapsPlayers who thrive on outwitting their enemies can sample from a collection of traps in the form of snares, mines, remote-detonated explosives, caltrops, and punji sticks. Matches are fast-paced, so sneaky players must lay their traps in hot spots (such as near an airdrop landing pad) or use themselves as bait to lure opponents in.ItemsA wide range of utility items are at your disposal, with everything from backpacks to smoke bombs, run speed stims to stun guns, player tracking devices to bandages. You start each match empty-handed, so you must explore to survive. Inventory space is extremely limited, forcing you to think carefully about how you intend to play and what you want to carry.CraftingThe Culling utilizes a unique crafting system that is very simple to use (no bulky UI-heavy inventory management) but still offers a wide range of recipes. Players can craft rudimentary weapons, a wide range of traps, and a handful of useful items, including bandages, satchels, and even body armor.PerksEach contestant chooses 3 perks before the start of a match. There are dozens of perks available, and they range from combat bonuses (increase the backstab potential of your blades) to crafting skills (reduce your trap placement time), to general utility (begin the match with a tracking device in your inventory). . All of the perks are available to all players from the start with no unlocking required. You can use perks to define and enhance your personal play style, whether it be focused on ranged, melee, or trap-based strategy. Advanced players will find helpful synergies between their perk load-out and their airdrop selection.AirdropsPlayers select a personal airdrop to call in during the match. Air drops are deadly care packages containing a predefined variety of weapons, traps and items. Be careful, because calling in an airdrop draws attention to you and can be stolen by other players.Game Show EventsThe Culling is the most popular game show in the history of the world, and for good reason. The show\u2019s producers have devised events that take place at random during the match. If you choose to participate in these events, the rewards can improve your chances of winning, but don\u2019t be surprised when other players arrive to challenge you.FUNCFlexible Universal Nano-Compound, or FUNC, serves as the primary in-game currency. You spend FUNC to craft, call in personal airdrops, and open certain types of item chests. FUNC is gained through combat and exploration.Character CustomizationPlayers can customize every aspect of their appearance: Hair, Clothing, Skin Tone, and Gender. There are hundreds of unlockable items. . The Culling also features customizable Taunts, Victory Celebrations, Culling Cards, and Weapon Skins. In all, there are over 1,500 cosmetics to unlock.AudioThe Culling places a heavy gameplay emphasis on audio. Making noise by sprinting through the jungle crafting items, slamming doors, and engaging in combat will draw the attention of nearby contestants. . Using audio cues to locate opponents and using the crouch mode to conceal your movements add tremendously to the game\u2019s suspense and immersion.Tutorials and Offline Training ModeThe Culling can be intimidating for new players, so we\u2019ve included a basic tutorial and a training range to help you get your feet wet. . If you\u2019re still not ready to face players online, there is an offline practice mode against basic AI-controlled bots that will allow you to practice in a low-pressure situation.Player XP and LevelingAs you compete online in The Culling, you earn XP, which levels up your character and awards you Cull Crates full of new cosmetics. The better your performance, the faster you progress.LeaderboardsThe Culling features seasonal leaderboards, which showcase players with the most wins, most kills, and best ranking. Ranking is determined by an aggregate of your 10 best match scores for the season. Leaderboards are regional and split between Solo and Duo modes.", + "about_the_game": "Battle Royale is back! The game that took the world by storm in 2016 has returned to its roots and is better than ever, not to mention free-to-play. With a whole host of improvements and new features, The Culling: Origins takes you back to the island where it all began... and asks whether you have the guts, brains, and skill required to survive. Welcome to The Culling. As a contestant on this deadly game show you must explore, scavenge items, craft weapons, and build traps that will enable you to slay your fellow contestants and emerge victorious before the end of the round. Only with cunning, skill, and a little luck will you be able to prevail and survive the match.How we do free-to-playAll aspects of gameplay are available to all players and The Culling does not (and will never) include pay-to-win mechanics. If you choose to spend real money, you can do so through paid DLC packs or premium currency in the form of Tokens. Tokens allow you to buy Cull Crates and exclusive Premium Items. You can earn Cull Crates, which award standard cosmetic items, by simply playing the game. All of these unlocks are cosmetic and have no impact on gameplay.How we develop The CullingWe are committed to ongoing, community-focused development. Our goal is to provide a game that is as optimized, bug-free, and safe from cheaters as possible. Beyond that, we are balancing the game and adding new features based on input and requests directly from the community. If you'd like to get in on the action and share your ideas and opinions, please visit our website for more details.FeaturesGame ModesThe core of The Culling is an online 16-player battle royale, played solo or in teams of two. Matches last approximately 20 minutes, with deadly poison gas slowly constricting the arena in the final stages. The winning player (or team) is the last left alive. With no respawning on death, you have to make every action count. Play too cautiously and you won\u2019t be prepared for the final clash at the end of the match, too aggressively and you might not make it past the first few minutes. It takes the right mix of skill and strategy to survive.Custom MatchesKeep your friends close and your enemies closer as you orchestrate your own private matches of up to 16 players. Your competition, your rules, your Culling.Weapons and CombatThe Culling focuses heavily on melee combat. Use jabs, charged swings, blocks, and shoves in a system that\u2019s simple learn, but requires practice to truly master. There are dozens of melee weapons in the form of blades, axes, bludgeons, and spears. Weapons are divided into tiers based on damage, from the lowly crafted stone knife to the mighty Sledgehammer. Different weapons types also apply different wounds, which factor into combat strategy. All melee weapons can be thrown, adding the potential for ranged combat in any encounter. There are a variety of ranged weapons, including bows, blowguns, and even firearms. A gun isn\u2019t a guaranteed kill, however, as ammunition is in short supply and ranged players can be disarmed by melee strikes if they don\u2019t keep their distance.TrapsPlayers who thrive on outwitting their enemies can sample from a collection of traps in the form of snares, mines, remote-detonated explosives, caltrops, and punji sticks. Matches are fast-paced, so sneaky players must lay their traps in hot spots (such as near an airdrop landing pad) or use themselves as bait to lure opponents in.ItemsA wide range of utility items are at your disposal, with everything from backpacks to smoke bombs, run speed stims to stun guns, player tracking devices to bandages. You start each match empty-handed, so you must explore to survive. Inventory space is extremely limited, forcing you to think carefully about how you intend to play and what you want to carry.CraftingThe Culling utilizes a unique crafting system that is very simple to use (no bulky UI-heavy inventory management) but still offers a wide range of recipes. Players can craft rudimentary weapons, a wide range of traps, and a handful of useful items, including bandages, satchels, and even body armor.PerksEach contestant chooses 3 perks before the start of a match. There are dozens of perks available, and they range from combat bonuses (increase the backstab potential of your blades) to crafting skills (reduce your trap placement time), to general utility (begin the match with a tracking device in your inventory). All of the perks are available to all players from the start with no unlocking required. You can use perks to define and enhance your personal play style, whether it be focused on ranged, melee, or trap-based strategy. Advanced players will find helpful synergies between their perk load-out and their airdrop selection.AirdropsPlayers select a personal airdrop to call in during the match. Air drops are deadly care packages containing a predefined variety of weapons, traps and items. Be careful, because calling in an airdrop draws attention to you and can be stolen by other players.Game Show EventsThe Culling is the most popular game show in the history of the world, and for good reason. The show\u2019s producers have devised events that take place at random during the match. If you choose to participate in these events, the rewards can improve your chances of winning, but don\u2019t be surprised when other players arrive to challenge you.FUNCFlexible Universal Nano-Compound, or FUNC, serves as the primary in-game currency. You spend FUNC to craft, call in personal airdrops, and open certain types of item chests. FUNC is gained through combat and exploration.Character CustomizationPlayers can customize every aspect of their appearance: Hair, Clothing, Skin Tone, and Gender. There are hundreds of unlockable items. The Culling also features customizable Taunts, Victory Celebrations, Culling Cards, and Weapon Skins.In all, there are over 1,500 cosmetics to unlock.AudioThe Culling places a heavy gameplay emphasis on audio. Making noise by sprinting through the jungle crafting items, slamming doors, and engaging in combat will draw the attention of nearby contestants. Using audio cues to locate opponents and using the crouch mode to conceal your movements add tremendously to the game\u2019s suspense and immersion.Tutorials and Offline Training ModeThe Culling can be intimidating for new players, so we\u2019ve included a basic tutorial and a training range to help you get your feet wet. If you\u2019re still not ready to face players online, there is an offline practice mode against basic AI-controlled bots that will allow you to practice in a low-pressure situation.Player XP and LevelingAs you compete online in The Culling, you earn XP, which levels up your character and awards you Cull Crates full of new cosmetics. The better your performance, the faster you progress.LeaderboardsThe Culling features seasonal leaderboards, which showcase players with the most wins, most kills, and best ranking. Ranking is determined by an aggregate of your 10 best match scores for the season. Leaderboards are regional and split between Solo and Duo modes.", + "short_description": "Battle Royale is back! In a remote island paradise, 16 contestants have 25 minutes to explore, scavenge items, craft weapons, build traps, hunt and kill each other. Only one will be crowned the winner, do you have the guts to survive?", + "genres": "Action", + "recommendations": 12963, + "score": 6.242860563391322 + }, + { + "type": "game", + "name": "Shakes and Fidget", + "detailed_description": "Shakes & Fidget is a fun fantasy satire of role-playing games and an award-winning role-playing game at the same time! Sounds crazy? It is!. Create your own comic hero and claim the top spot in the hall of fame! It\u2019s not an easy task as real players stand between you and your victory in the PVP arena. Together with your guild pals, you become stronger, more invincible, and find lots of epic loot! Accept quests, complete exciting adventures, level up, collect gold, obtain honor, be \u201coverpowered\u201d and become a living legend! . Features:. * Unique comic look and humor. * Thousands of weapons and epic equipment. * PVE alone and with friends and also PVP against other players. * Exciting quests and scary dungeons. * Free-to-play and regular free updates. A one-time registration via Steam, Facebook Connect or an email address and password is required, unless you already have a user account. . Follow us on:. Facebook: Instagram: TikTok: ", + "about_the_game": "Shakes & Fidget is a fun fantasy satire of role-playing games and an award-winning role-playing game at the same time! Sounds crazy? It is!\r\n\r\nCreate your own comic hero and claim the top spot in the hall of fame! It\u2019s not an easy task as real players stand between you and your victory in the PVP arena. Together with your guild pals, you become stronger, more invincible, and find lots of epic loot! Accept quests, complete exciting adventures, level up, collect gold, obtain honor, be \u201coverpowered\u201d and become a living legend! \r\n\r\nFeatures:\r\n\r\n* Unique comic look and humor\r\n* Thousands of weapons and epic equipment\r\n* PVE alone and with friends and also PVP against other players\r\n* Exciting quests and scary dungeons\r\n* Free-to-play and regular free updates\r\n\r\nA one-time registration via Steam, Facebook Connect or an email address and password is required, unless you already have a user account.\r\n\r\nFollow us on:\r\n\r\nFacebook: \r\nInstagram: \r\nTikTok: ", + "short_description": "Shakes and Fidget is a fun fantasy RPG satire and an award-winning role-playing game at the same time! Sounds crazy? Over 50 million players make it one of the most popular online games in the world!Customize your own comic book hero and conquer the top slot of the Hall of Fame!", + "genres": "Adventure", + "recommendations": 187, + "score": 3.452018296057039 + }, + { + "type": "game", + "name": "VRChat", + "detailed_description": "Imagine a space filled with limitless possibilities. . Spend your afternoon dogfighting in fighter jets, before winding down in a treehouse that exists floating in a nebula. Make a new best friend while exploring a haunted mansion, right before playing a hand of cards with a robot, alien, and eight-foot tall wolf. . In VRChat, there are hundreds of thousands of worlds, millions of avatars \u2013 all created by the users. No matter what you\u2019re into, there\u2019s a space in VRChat for you. And if there isn\u2019t, we\u2019ll give you the tools to make your dream a reality. . While not required to join in on the fun, VRChat was built to take advantage of VR headsets in many unique ways. That means avatars that flow with your movement, and systems that work alongside various hardware platforms to provide full-body tracking, finger tracking, and much, much more. . There\u2019s something magical around every corner. Come take a look, and see what you find. . . In VRChat, there\u2019s always something to do \u2013 and people to meet there. . Visit a planetarium and have a chat about astronomy. Go on a virtual hike through a majestic fantasy forest. Pull up to a car meet, and talk shop with some gearheads. Attend a live music event underneath a chemical storage facility, and talk obscure genres with DJs. Once you find your crowd, join their Group, and you'll be able to find them again the next time you're on. . Your community \u2013 whatever it is \u2013 is here. . . There are thousands of games to play in VRChat. Try running a kitchen in a busy restaurant, or racing go-karts in zero gravity. Fancy a battle royale? We\u2019ve got those, too -- just probably with a wider diversity of avatars than you\u2019ve ever seen before. . It doesn\u2019t matter what you like to play: casual card games, shooters, racing, platformers, puzzles, horror, and of course, endless party games. If you want to play it, it probably exists here (and if it doesn't, you can build it yourself). . . Everything here was built by the community using the VRChat SDK. Combined with Unity and Udon, our in-house scripting language, we give our users as much power as possible to build whatever their imaginations can conjure up. . But creation isn\u2019t just limited to worlds. . VRChat provides a level of creative freedom that is unmatched anywhere else, and nowhere is that reflected best than on the avatars of our users. In VRChat, you can be anything, and explore your identity however you\u2019d like. Want to be an alien? A talking dog? A sentient shoe with glowing bits that react to the beat of music by changing color? . I mean, sure, if that\u2019s what you\u2019re about. . Come on in -- hundreds of thousands of worlds (and a whole bunch of new friends!) are waiting for you.", + "about_the_game": "Imagine a space filled with limitless possibilities. Spend your afternoon dogfighting in fighter jets, before winding down in a treehouse that exists floating in a nebula. Make a new best friend while exploring a haunted mansion, right before playing a hand of cards with a robot, alien, and eight-foot tall wolf.In VRChat, there are hundreds of thousands of worlds, millions of avatars \u2013 all created by the users. No matter what you\u2019re into, there\u2019s a space in VRChat for you. And if there isn\u2019t, we\u2019ll give you the tools to make your dream a reality.While not required to join in on the fun, VRChat was built to take advantage of VR headsets in many unique ways. That means avatars that flow with your movement, and systems that work alongside various hardware platforms to provide full-body tracking, finger tracking, and much, much more.There\u2019s something magical around every corner. Come take a look, and see what you find.In VRChat, there\u2019s always something to do \u2013 and people to meet there.Visit a planetarium and have a chat about astronomy. Go on a virtual hike through a majestic fantasy forest. Pull up to a car meet, and talk shop with some gearheads. Attend a live music event underneath a chemical storage facility, and talk obscure genres with DJs. Once you find your crowd, join their Group, and you'll be able to find them again the next time you're on.Your community \u2013 whatever it is \u2013 is here.There are thousands of games to play in VRChat. Try running a kitchen in a busy restaurant, or racing go-karts in zero gravity. Fancy a battle royale? We\u2019ve got those, too -- just probably with a wider diversity of avatars than you\u2019ve ever seen before.It doesn\u2019t matter what you like to play: casual card games, shooters, racing, platformers, puzzles, horror, and of course, endless party games. If you want to play it, it probably exists here (and if it doesn't, you can build it yourself).Everything here was built by the community using the VRChat SDK. Combined with Unity and Udon, our in-house scripting language, we give our users as much power as possible to build whatever their imaginations can conjure up.But creation isn\u2019t just limited to worlds.VRChat provides a level of creative freedom that is unmatched anywhere else, and nowhere is that reflected best than on the avatars of our users. In VRChat, you can be anything, and explore your identity however you\u2019d like. Want to be an alien? A talking dog? A sentient shoe with glowing bits that react to the beat of music by changing color? I mean, sure, if that\u2019s what you\u2019re about.Come on in -- hundreds of thousands of worlds (and a whole bunch of new friends!) are waiting for you.", + "short_description": "Join our growing community as you explore, play, and help craft the future of social VR. Create worlds and custom avatars. Welcome to VRChat.", + "genres": "Adventure", + "recommendations": 150, + "score": 3.3075401037698167 + }, + { + "type": "game", + "name": "Friday the 13th: The Game", + "detailed_description": "As of December 31st, 2023, this title will no longer be available for purchase. The game will continue to function through at least December 31, 2024 if it is already in your Library. . Gameplay. Friday the 13th: The Game is a third-person horror, survival game where players take on the role of a teen counselor, or for the first time ever, Jason Voorhees. You and six other unlucky souls will do everything possible to escape and survive while the most well-known killer in the world tracks you down and brutally slaughters you. Friday the 13th: The Game will strive to give every single player the tools to survive, escape or even try to take down the man who cannot be killed. Each and every gameplay session will give you an entirely new chance to prove if you have what it takes not only to survive, but to best the most prolific killer in cinema history, a slasher with more kills than any of his rivals!. Meanwhile, Jason will be given an array of abilities to track, hunt and kill his prey. Stalk from the shadows, scare your targets and kill them when the time is right in as brutal a fashion as you can imagine. Take control of the legendary killer that is Jason Voorhees and terrify those unfortunate enough to cross your path!. Play as Jason Voorhees!. For the first time ever, you will have the opportunity to play as Jason Voorhees, the most famous killer in horror. Stalk your prey, ambush them whenever you see fit and strike fear in the hearts of so many hapless victims as you become the legend himself! Friday the 13th: The Game will include a variety of kills, new and familiar, that will help you set the tone for the Jason Voorhees that you want to be. You\u2019ll even get to unlock various Jason incarnations from the movies!. Jason will be equipped with a terrifying array of abilities, giving you the control of a hunter at the height of his game. These are his woods, and he knows them all too well. Jason will not only feed off the fear of his victims, but will become stronger as the night progresses. The darker the night, the more terrifying Jason becomes!. Fans of the movies will be able to play as various versions of Jason, including: . Friday the 13th, Part II. Friday the 13th, Part III. Friday the 13th, Part VI: Jason Lives. Friday the 13th, Part VII: New Blood. Friday the 13th, Part VIII: Jason Takes Manhattan. Jason Goes to Hell: The Final Friday. How Will You Survive? . The entire focus of Friday the 13th: The Game is multiplayer. Survival is entirely up to you, the player, as you either stealthily hide from Jason or work together as a team to escape or bring the fight to Jason. Playing as a counselor is all about risk and reward, giving players multiple means of triumph over Jason! Want to hide in the woods as you wait for the police? Perhaps you want to band together and try to take on Jason as a group? Maybe you and a friend decide to fix the boat on the lake and escape while leaving everyone else to their fate? There are endless opportunities to survive the night, but every choice has a consequence. . Friday the 13th: The Game will continually set the pace of change, giving you unfamiliar surroundings while Jason Voorhees looks for his latest victim. No single strategy will ever be reliable, forcing players to adapt and change each time they begin their long night in Camp Blood! Be wary, you never know when or where Jason is going to strike!. Play as the Counselors!. We all remember the various tropes from Friday the 13th, and the game will be no exception! Each counselor type will have strengths and weaknesses, affording players the chance to excel in certain situations. Find the counselor that best suits your play style, or come up with various strategies to win against Jason! Players will have the chance to continually update and improve their characters through unlocks, customization and improvement! The more you play, the more you adapt and become a better all-around counselor!. Camp Crystal Lake in All Its Glory!. Mirroring Camp Crystal Lake from the Friday the 13th series, players will try to survive not only in the iconic Camp Crystal Lake, but surrounding area. Iconic locations from the movies, like Higgins Haven will also serve as stalking grounds for Jason and his prey. . Players will be given a large, open area in which to explore as they attempt to hide from certain death! Each gameplay session will fundamentally change the scenario, never affording players the opportunity to learn patterns or figure out where helpful items may be lying. With each movie giving a different feeling to the campgrounds, Friday the 13th: The Game gives you new and challenging situations every time you enter the woods!. Your Crystal Lake Database. Friday the 13th: The Game will feature a progressive unlock system unified to your account. The longer you play, the more you'll unlock from counselor customization to new Jason Voorhees costumes seen in the movies! Besides giving you personalized camp counselors, you'll be able to unlock secrets within Camp Crystal Lake, exploring the mystery surrounding Jason Voorhees and the grounds he patrols!. Be Kind. Rewind. . Every aspect of Friday the 13th: The Game. is drawn straight from movies you know and love. We\u2019ve carefully crafted this world to remind you of. everything you remember about Friday the 13th, right down to the visual fidelity of the 80\u2019s. This is exactly how you remember it.", + "about_the_game": "As of December 31st, 2023, this title will no longer be available for purchase. The game will continue to function through at least December 31, 2024 if it is already in your Library.GameplayFriday the 13th: The Game is a third-person horror, survival game where players take on the role of a teen counselor, or for the first time ever, Jason Voorhees. You and six other unlucky souls will do everything possible to escape and survive while the most well-known killer in the world tracks you down and brutally slaughters you. Friday the 13th: The Game will strive to give every single player the tools to survive, escape or even try to take down the man who cannot be killed. Each and every gameplay session will give you an entirely new chance to prove if you have what it takes not only to survive, but to best the most prolific killer in cinema history, a slasher with more kills than any of his rivals!Meanwhile, Jason will be given an array of abilities to track, hunt and kill his prey. Stalk from the shadows, scare your targets and kill them when the time is right in as brutal a fashion as you can imagine. Take control of the legendary killer that is Jason Voorhees and terrify those unfortunate enough to cross your path!Play as Jason Voorhees!For the first time ever, you will have the opportunity to play as Jason Voorhees, the most famous killer in horror. Stalk your prey, ambush them whenever you see fit and strike fear in the hearts of so many hapless victims as you become the legend himself! Friday the 13th: The Game will include a variety of kills, new and familiar, that will help you set the tone for the Jason Voorhees that you want to be. You\u2019ll even get to unlock various Jason incarnations from the movies!Jason will be equipped with a terrifying array of abilities, giving you the control of a hunter at the height of his game. These are his woods, and he knows them all too well. Jason will not only feed off the fear of his victims, but will become stronger as the night progresses. The darker the night, the more terrifying Jason becomes!Fans of the movies will be able to play as various versions of Jason, including: Friday the 13th, Part IIFriday the 13th, Part IIIFriday the 13th, Part VI: Jason LivesFriday the 13th, Part VII: New BloodFriday the 13th, Part VIII: Jason Takes ManhattanJason Goes to Hell: The Final FridayHow Will You Survive? The entire focus of Friday the 13th: The Game is multiplayer. Survival is entirely up to you, the player, as you either stealthily hide from Jason or work together as a team to escape or bring the fight to Jason. Playing as a counselor is all about risk and reward, giving players multiple means of triumph over Jason! Want to hide in the woods as you wait for the police? Perhaps you want to band together and try to take on Jason as a group? Maybe you and a friend decide to fix the boat on the lake and escape while leaving everyone else to their fate? There are endless opportunities to survive the night, but every choice has a consequence. Friday the 13th: The Game will continually set the pace of change, giving you unfamiliar surroundings while Jason Voorhees looks for his latest victim. No single strategy will ever be reliable, forcing players to adapt and change each time they begin their long night in Camp Blood! Be wary, you never know when or where Jason is going to strike!Play as the Counselors!We all remember the various tropes from Friday the 13th, and the game will be no exception! Each counselor type will have strengths and weaknesses, affording players the chance to excel in certain situations. Find the counselor that best suits your play style, or come up with various strategies to win against Jason! Players will have the chance to continually update and improve their characters through unlocks, customization and improvement! The more you play, the more you adapt and become a better all-around counselor!Camp Crystal Lake in All Its Glory!Mirroring Camp Crystal Lake from the Friday the 13th series, players will try to survive not only in the iconic Camp Crystal Lake, but surrounding area. Iconic locations from the movies, like Higgins Haven will also serve as stalking grounds for Jason and his prey. Players will be given a large, open area in which to explore as they attempt to hide from certain death! Each gameplay session will fundamentally change the scenario, never affording players the opportunity to learn patterns or figure out where helpful items may be lying. With each movie giving a different feeling to the campgrounds, Friday the 13th: The Game gives you new and challenging situations every time you enter the woods!Your Crystal Lake DatabaseFriday the 13th: The Game will feature a progressive unlock system unified to your account. The longer you play, the more you'll unlock from counselor customization to new Jason Voorhees costumes seen in the movies! Besides giving you personalized camp counselors, you'll be able to unlock secrets within Camp Crystal Lake, exploring the mystery surrounding Jason Voorhees and the grounds he patrols!Be Kind. Rewind. Every aspect of Friday the 13th: The Gameis drawn straight from movies you know and love. We\u2019ve carefully crafted this world to remind you ofeverything you remember about Friday the 13th, right down to the visual fidelity of the 80\u2019s. This is exactly how you remember it.", + "short_description": "Jason is back! Jason Voorhees is unleashed and stalking the grounds of Camp Crystal Lake! Take on the role as Jason Voorhees and Camp Crystal Lake counselors. This is the game you\u2019ve been waiting for; the chance to kill or be killed on Friday the 13th!", + "genres": "Action", + "recommendations": 62250, + "score": 7.277190920821955 + }, + { + "type": "game", + "name": "Stories: The Path of Destinies", + "detailed_description": "Discord. About the GameStories: The Path of Destinies is an action RPG set in a vibrant fairytale universe filled with floating islands, majestic airships, and colorful magic. Reynardo, ex-pirate and unintentional hero, suddenly becomes the last line of the defense against the mad Emperor and his countless ravens. Can he come up with a plan that won\u2019t blow up in his face, for a change?. In Stories, each choice you make takes Reynardo into a unique narrative. From tongue-in-cheek takes on heroic adventures to dark, Lovecraftian scenes, Stories\u2019 repertoire is as diverse as it is action-packed. But Reynardo\u2019s fateful decisions won\u2019t always come easy: Sometimes retrieving a weapon lost at the beginning of time means sacrificing the life of an old friend. But with so many choices to make, so many potential dire destinies, wouldn't it be great to be able to come back in time, learn from your mistakes and find the one true path?. . Stories: The Path of Destinies now runs on Unreal Engine 4.18 with enhanced graphics and better performance!KEY FEATURESUnique choice-based narrative in which players explore many different storylines to find the path to victory. Fluid and fast-paced combat blending acrobatic swordplay, grab attacks, special abilities, and more. Charming hand-drawn illustrations and a colorful storybook aesthetic. A deep skill tree where players can unlock powerful new abilities such as the Hookshot or even Time Mastery. An arsenal of magic-infused swords that can be crafted and upgraded. An original soundtrack that changes dynamically with every choice.", + "about_the_game": "Stories: The Path of Destinies is an action RPG set in a vibrant fairytale universe filled with floating islands, majestic airships, and colorful magic. Reynardo, ex-pirate and unintentional hero, suddenly becomes the last line of the defense against the mad Emperor and his countless ravens. Can he come up with a plan that won\u2019t blow up in his face, for a change?In Stories, each choice you make takes Reynardo into a unique narrative. From tongue-in-cheek takes on heroic adventures to dark, Lovecraftian scenes, Stories\u2019 repertoire is as diverse as it is action-packed. But Reynardo\u2019s fateful decisions won\u2019t always come easy: Sometimes retrieving a weapon lost at the beginning of time means sacrificing the life of an old friend. But with so many choices to make, so many potential dire destinies, wouldn't it be great to be able to come back in time, learn from your mistakes and find the one true path?Stories: The Path of Destinies now runs on Unreal Engine 4.18 with enhanced graphics and better performance!KEY FEATURESUnique choice-based narrative in which players explore many different storylines to find the path to victoryFluid and fast-paced combat blending acrobatic swordplay, grab attacks, special abilities, and moreCharming hand-drawn illustrations and a colorful storybook aestheticA deep skill tree where players can unlock powerful new abilities such as the Hookshot or even Time MasteryAn arsenal of magic-infused swords that can be crafted and upgradedAn original soundtrack that changes dynamically with every choice", + "short_description": "Stories: The Path of Destinies is an Action RPG, an enchanted storybook filled with madcap fantasy tales, each told by a zippy narrator attuned to the player\u2019s choices and actions.", + "genres": "Action", + "recommendations": 1842, + "score": 4.956847303745368 + }, + { + "type": "game", + "name": "Z1 Battle Royale: Test Server", + "detailed_description": "TEST SERVER. Z1 Battle Royale is a Free to Play, fast-paced, action arcade, competitive Battle Royale. Staying true to its \"King of the Kill\" roots, the game has been revamped and restored to the classic feel, look, and gameplay everyone fell in love with. Play solo, duos, or fives and be the last ones standing. . New management is in town and restoring the game to it's former glory under a new name, Z1 Battle Royale. Since taking over development of the game in September the team here at NantG has worked with a firey passion to bring back the feel that was lost with the Combat Update. Our first major patch since taking over is coming out today March 6th and we couldn't be more excited for you all to get your hands on it. . A Few of the Season 3 Changes/Highlights:. -Major Overhaul/Restoration of Movement and Animations. -Updated/Restored Combat and Gun Mechanics. -Restored Vehicle Mechanics. -Restored PS3 Era Map, Environment, and Lighting. -New: In Match Missions. -New: Fragments/Collection System. -New: Seasonal Play and Ranked Playlist. -Announcement of New Showdown Tournament. -All New Rewards. . This is a patch you won't want to miss. . Visit the Z1BR website and forums for more info!", + "about_the_game": "TEST SERVERZ1 Battle Royale is a Free to Play, fast-paced, action arcade, competitive Battle Royale. Staying true to its \"King of the Kill\" roots, the game has been revamped and restored to the classic feel, look, and gameplay everyone fell in love with. Play solo, duos, or fives and be the last ones standing.New management is in town and restoring the game to it's former glory under a new name, Z1 Battle Royale. Since taking over development of the game in September the team here at NantG has worked with a firey passion to bring back the feel that was lost with the Combat Update. Our first major patch since taking over is coming out today March 6th and we couldn't be more excited for you all to get your hands on it.A Few of the Season 3 Changes/Highlights:-Major Overhaul/Restoration of Movement and Animations-Updated/Restored Combat and Gun Mechanics-Restored Vehicle Mechanics-Restored PS3 Era Map, Environment, and Lighting.-New: In Match Missions-New: Fragments/Collection System-New: Seasonal Play and Ranked Playlist-Announcement of New Showdown Tournament-All New RewardsThis is a patch you won't want to miss.Visit the Z1BR website and forums for more info!", + "short_description": "Z1 Battle Royale is a Free to Play, fast-paced, action arcade, competitive Battle Royale. Staying true to its "King of the Kill" roots, the game has been revamped and restored to the classic feel, look, and gameplay everyone fell in love with. Play solo, duos, or fives and be the last ones standing.", + "genres": "Massively Multiplayer", + "recommendations": 1896, + "score": 4.975885207615808 + }, + { + "type": "game", + "name": "Conan Exiles", + "detailed_description": "Roadmap. About the GameConan Exiles is an online multiplayer survival game, now with sorcery, set in the lands of Conan the Barbarian. Enter a vast, open-world sandbox and play together with friends and strangers as you build your own home or even a shared city. Survive freezing cold temperatures, explore loot-filled dungeons, develop your character from scavenging survivor to mighty barbarian and powerful sorcerer, and fight to dominate your enemies in epic siege wars. . Conan Exiles can be played in full single-player, co-op, or persistent online multiplayer. . After Conan himself saves your life by cutting you down from the corpse tree, you must quickly learn to survive. Weather scouring sandstorms, shield yourself from intense temperatures and hunt animals for food and resources. Explore a vast and seamless world, from the burning desert in the south to the snow-capped mountains of the north. . Forge the legacy of your clan as you fight to reclaim and dominate the Exiled Lands. Use the powerful building system to create anything from a small home to entire cities piece by piece. Wage war using swords, sorcery, bows, and siege weapons, even taking control of giant avatars of the gods to crush the homes of your enemies in epic battles.SURVIVE IN A SAVAGE LAND. Dress well or light a campfire to stay warm and make sure to cool yourself down in the heat. Hunt, cook, eat, and drink to stay alive. Build a shelter to weather scouring sandstorms. Be careful when exploring darkened ruins or you might become corrupted by foul sorcery.BUILD A HOME AND A KINGDOM. Harvest resources to craft tools and weapons, then build anything from a small home to entire cities piece by piece using a powerful building system. Place traps, elevators, and defenses, then deck out your creations with furniture, crafting stations, and more.DOMINATE THE EXILED LANDS. Carve out your piece of the Exiled Lands, taking it from other players if you must! Build siege weapons and use explosives to break down the walls of your enemy\u2019s city. Place traps, recruit thralls, and build defenses to keep your enemies from invading you.CORRUPT YOURSELF TO WIELD DARK SORCERY. Discover insidious sorceries and corrupt your body to wield them. Special perks are awarded to those who give up a portion of their life force. Sacrifice thralls to summon demons and the undead and bend them to your will. Conjure darkness, soar the skies on winged monstrosities, and call down lightning to strike your foes.AGES ARRIVE IN THE EXILES LANDS. Updates in Conan Exiles now come in Ages. Each Age has its own theme, free gameplay updates, and Battle Passes. This model allows us to add features and improvements for free, while providing an easy way for any player to support the game\u2019s growth and receive exclusive themed cosmetics.EXPLORE A VAST, OPEN WORLD. Journey through a massive and seamless open world, from the rolling sand dunes of the southern desert to the mysterious eastern swamp and the snow-capped mountains of the frozen north. Climb anywhere and experience full freedom of exploration.BRUTAL, BLOODY COMBAT. Fight vicious monsters and other players using an action-oriented, combo-based combat system. Dodge, block, and learn to master the true art of combat to become the greatest fighter in the Exiled Lands. Slay using bows, daggers, swords, axes, and more.ENSLAVE THRALLS TO DO YOUR BIDDING. Enslave the criminals of the Exiled Lands and make them join your cause and defend your territory. Put them through the grueling Wheel of Pain to break their will, then turn them into archers, fighters, crafters, entertainers, and more.DISCOVER THE RUINS OF ANCIENT CIVILIZATIONS. From the Black Keep in the north to the Dregs along the southern river, discover the ruins of ancient civilizations and solve their mysteries to gain access to their treasure. Uncover the history of the Exiled Lands you as you explore, uncover lore, and meet NPCs.BECOME A TOWERING GOD. Alight yourself with one of four deities such as Derketo, the goddess of lust and death. Bring your sacrifices to the altar of your god then summon and take control of their huge, towering avatar. Crush enemies and entire buildings under your avatar\u2019s feet.PLAY TOGETHER OR ALONE. Play alone locally or fight for survival and dominance in persistent multiplayer on public servers. You can also host your own server and invite others to join you in a world where you have full control of the rules and settings. Want to play with just handful of friends? Try co-op mode!CONTROL YOUR EXPERIENCE. When playing alone locally or on a server you are the administrator of your world, with access to a range of in-game tools. Change your progression speed, spawn monsters, turn yourself invisible, deactivate avatars, and much more. Be the dungeon master of your own server.PLAY WITH MODS. Download Conan Exiles mods directly from the Steam workshop to customize your game experience. You can also download the custom Conan Exiles Unreal Editor and start creating your own. Countless mods await your discovery!", + "about_the_game": "Conan Exiles is an online multiplayer survival game, now with sorcery, set in the lands of Conan the Barbarian. Enter a vast, open-world sandbox and play together with friends and strangers as you build your own home or even a shared city. Survive freezing cold temperatures, explore loot-filled dungeons, develop your character from scavenging survivor to mighty barbarian and powerful sorcerer, and fight to dominate your enemies in epic siege wars.Conan Exiles can be played in full single-player, co-op, or persistent online multiplayer.After Conan himself saves your life by cutting you down from the corpse tree, you must quickly learn to survive. Weather scouring sandstorms, shield yourself from intense temperatures and hunt animals for food and resources. Explore a vast and seamless world, from the burning desert in the south to the snow-capped mountains of the north.Forge the legacy of your clan as you fight to reclaim and dominate the Exiled Lands. Use the powerful building system to create anything from a small home to entire cities piece by piece. Wage war using swords, sorcery, bows, and siege weapons, even taking control of giant avatars of the gods to crush the homes of your enemies in epic battles.SURVIVE IN A SAVAGE LANDDress well or light a campfire to stay warm and make sure to cool yourself down in the heat. Hunt, cook, eat, and drink to stay alive. Build a shelter to weather scouring sandstorms. Be careful when exploring darkened ruins or you might become corrupted by foul sorcery.BUILD A HOME AND A KINGDOMHarvest resources to craft tools and weapons, then build anything from a small home to entire cities piece by piece using a powerful building system. Place traps, elevators, and defenses, then deck out your creations with furniture, crafting stations, and more.DOMINATE THE EXILED LANDSCarve out your piece of the Exiled Lands, taking it from other players if you must! Build siege weapons and use explosives to break down the walls of your enemy\u2019s city. Place traps, recruit thralls, and build defenses to keep your enemies from invading you.CORRUPT YOURSELF TO WIELD DARK SORCERYDiscover insidious sorceries and corrupt your body to wield them. Special perks are awarded to those who give up a portion of their life force. Sacrifice thralls to summon demons and the undead and bend them to your will. Conjure darkness, soar the skies on winged monstrosities, and call down lightning to strike your foes.AGES ARRIVE IN THE EXILES LANDSUpdates in Conan Exiles now come in Ages. Each Age has its own theme, free gameplay updates, and Battle Passes. This model allows us to add features and improvements for free, while providing an easy way for any player to support the game\u2019s growth and receive exclusive themed cosmetics.EXPLORE A VAST, OPEN WORLDJourney through a massive and seamless open world, from the rolling sand dunes of the southern desert to the mysterious eastern swamp and the snow-capped mountains of the frozen north. Climb anywhere and experience full freedom of exploration.BRUTAL, BLOODY COMBATFight vicious monsters and other players using an action-oriented, combo-based combat system. Dodge, block, and learn to master the true art of combat to become the greatest fighter in the Exiled Lands. Slay using bows, daggers, swords, axes, and more.ENSLAVE THRALLS TO DO YOUR BIDDINGEnslave the criminals of the Exiled Lands and make them join your cause and defend your territory. Put them through the grueling Wheel of Pain to break their will, then turn them into archers, fighters, crafters, entertainers, and more.DISCOVER THE RUINS OF ANCIENT CIVILIZATIONSFrom the Black Keep in the north to the Dregs along the southern river, discover the ruins of ancient civilizations and solve their mysteries to gain access to their treasure. Uncover the history of the Exiled Lands you as you explore, uncover lore, and meet NPCs.BECOME A TOWERING GODAlight yourself with one of four deities such as Derketo, the goddess of lust and death. Bring your sacrifices to the altar of your god then summon and take control of their huge, towering avatar. Crush enemies and entire buildings under your avatar\u2019s feet.PLAY TOGETHER OR ALONEPlay alone locally or fight for survival and dominance in persistent multiplayer on public servers. You can also host your own server and invite others to join you in a world where you have full control of the rules and settings. Want to play with just handful of friends? Try co-op mode!CONTROL YOUR EXPERIENCEWhen playing alone locally or on a server you are the administrator of your world, with access to a range of in-game tools. Change your progression speed, spawn monsters, turn yourself invisible, deactivate avatars, and much more. Be the dungeon master of your own server.PLAY WITH MODSDownload Conan Exiles mods directly from the Steam workshop to customize your game experience. You can also download the custom Conan Exiles Unreal Editor and start creating your own. Countless mods await your discovery!", + "short_description": "An online multiplayer survival game, now with sorcery, set in the lands of Conan the Barbarian. Survive in a vast open world sandbox, build your home into a kingdom, and dominate your enemies in single or multiplayer.", + "genres": "Action", + "recommendations": 63473, + "score": 7.290016745582312 + }, + { + "type": "game", + "name": "Riders of Icarus", + "detailed_description": "Echoes of Hakanas NOW LIVE. Forgotten was the Golden Age of Exarahn, Hadakhan - The king of the Exarahn Kingdom was the one to lead his people to the Golden Age 2000 years ago, all was flourished and everything was advancing rapidly, but all of it changed when they were invaded by the Imperial Legion, it was chaos and nightmares. . Read the full patch notes here: Shadow of Turimnan Now Live. On the way to destroy the Demonic Stone once and for all, our fearless hero gets caught between a war that has lasted for decades in an ancient land called Turimnan. Are you ready for another adventure through insect-infested lands caught in a civil war?Key Features. An All New Region. Hunt your way through the Turimnan Valley and explore a vast new area of the continent. . Level Cap Increase. Further increase your power and level up to 67! New skills for all classes are now available. . A New Exciting Dungeon. The only thing between you and destroying the Demonic Stone is the Tomb of the Wyrm. Battle your way through mutated monsters to finally catch up with Salant. . New Tamable Familiars. Tame over 15 new familiars scattered all over the region. Some them are as fierce as they are cute!. Get ready for a ride of a lifetime and watch out for Shadow of Turimnan!. Read the full patch notes here: Dawn of the Magician Update Now Live. Not all the Shalings have the capacity to become a Trickster, there are those that lack the power given by the Goddess and instead are imbued with the power of Chaos from the Onyx Order. The Dawn of the Magician is here and she's ready to help defend Hakanas with her destructive dark power or maybe she just wants to get a few laughs out of her pranks. . Read the full patch notes here: Shady Warrens Update Now Live. Deep in the mountains of Windhome Canyon lies the home of the Rabbinis of Midellas. The Rabbinis have retreated into their domain, hoarding precious metals and materials of the land. Within this domain, conventional combat and skills are negated, forcing Riders to adapt and utilize whatever means are available to them. Dive into the surreal and see how far the rabbit hole takes you!. Read the full patch notes here: About the GameTake the battle to the sky with fantastical flying mount combat unlike anything you\u2019ve seen before in Riders of Icarus, the new unprecedented action-adventure MMORPG experience that lets you ride and fight on the back of the realm\u2019s most dangerous winged beasts\u2026 dragons. As a Rider with legendary combat abilities, you will explore a majestic world to tame, collect and train hundreds of different wild beasts as your very own mounts each with unique special abilities. Master the skills of aerial combat with other battle-ready heroes as you fight your way through an epic experience filled with massive boss battles by both land and air. . Rule the Skies in Battle: Become a legendary Rider of Icarus and master wild beasts to rule the skies. Ride fearsome winged mounts into explosive aerial battles as you scorch the skies of enemy legions and protect mankind from an ancient invading evil. . Collect Mythical Beasts: Explore fantastical lands filled with non-stop action and adventure to build your collection of mythical beasts. With hundreds of ground and aerial mounts to collect and train the sky is no longer the limit. Tame your destiny as you level up your mounts to become deadly weapons with special combat abilities. . Explore an Epic World: Let your imagination soar as you coordinate strategic aerial strikes with other heroes of all classes, both from afar with devastating magic or up close and personal with the game\u2019s action-oriented melee combo system. Descend to the battlefield using ground mounts and conquer theatrical boss battles to acquire treasures and experience to upgrade your mount and rider. . Fly and Fight for Free: Immerse yourself in an action adventure free-to-play MMORPG where collecting wild beasts, riding combat-ready dragons, exploring an epic world and battling the most dangerous bosses with your friends is as FREE as the air you soar through.", + "about_the_game": "Take the battle to the sky with fantastical flying mount combat unlike anything you\u2019ve seen before in Riders of Icarus, the new unprecedented action-adventure MMORPG experience that lets you ride and fight on the back of the realm\u2019s most dangerous winged beasts\u2026 dragons. As a Rider with legendary combat abilities, you will explore a majestic world to tame, collect and train hundreds of different wild beasts as your very own mounts each with unique special abilities. Master the skills of aerial combat with other battle-ready heroes as you fight your way through an epic experience filled with massive boss battles by both land and air.Rule the Skies in Battle: Become a legendary Rider of Icarus and master wild beasts to rule the skies. Ride fearsome winged mounts into explosive aerial battles as you scorch the skies of enemy legions and protect mankind from an ancient invading evil. Collect Mythical Beasts: Explore fantastical lands filled with non-stop action and adventure to build your collection of mythical beasts. With hundreds of ground and aerial mounts to collect and train the sky is no longer the limit. Tame your destiny as you level up your mounts to become deadly weapons with special combat abilities. Explore an Epic World: Let your imagination soar as you coordinate strategic aerial strikes with other heroes of all classes, both from afar with devastating magic or up close and personal with the game\u2019s action-oriented melee combo system. Descend to the battlefield using ground mounts and conquer theatrical boss battles to acquire treasures and experience to upgrade your mount and rider. Fly and Fight for Free: Immerse yourself in an action adventure free-to-play MMORPG where collecting wild beasts, riding combat-ready dragons, exploring an epic world and battling the most dangerous bosses with your friends is as FREE as the air you soar through.", + "short_description": "Take the battle to the sky with fantastical flying mount combat unlike anything you\u2019ve seen before in Riders of Icarus, the new unprecedented action-adventure MMORPG experience that lets you ride and fight on the back of the realm\u2019s most dangerous winged beasts\u2026dragons.", + "genres": "Adventure", + "recommendations": 737, + "score": 4.353516198684936 + }, + { + "type": "game", + "name": "Paladins\u00ae", + "detailed_description": "FREE Team Fortress 2 Barik SkinWin 5 matches as Barik, while playing on Steam, to unlock the TF2 Barik skin FREE!. About the Game. Join 25+ million players in Paladins, the free-to-play fantasy team-based shooter sensation. Wield guns and magic as a legendary Champion of the Realm, customizing your core set of abilities to play exactly how you want to play. . . Paladins is set in a vibrant fantasy world and features a diverse cast of Champions ranging from sharpshooting humans to mech-riding goblins, mystical elves, and jetpack-clad dragons. Each Champion brings a unique set of abilities to the battlefield and new Champions are regularly added to Paladins, keeping the game exciting. . Paladins is completely Free-to-Play. Anything that affects gameplay can be unlocked simply by playing, with cosmetic items available for purchase. . No matter what your playstyle is, you\u2019ll find it in Paladins. With Paladins' deckbuilding system, you can become an iron sights sniper, a grenade-slinging explosives expert, or a track star with an assault rifle \u2013 all as the same Champion. Choose from dozens of cards to customize your abilities and make each Champion your own. . Ancient Goddess. Interstellar bounty hunter. Cutthroat pirate. Frost giant. You can be all of these and more in Paladins. Choose from hundreds of skins already available in Paladins or find a new favorite in each update.", + "about_the_game": "Join 25+ million players in Paladins, the free-to-play fantasy team-based shooter sensation. Wield guns and magic as a legendary Champion of the Realm, customizing your core set of abilities to play exactly how you want to play.Paladins is set in a vibrant fantasy world and features a diverse cast of Champions ranging from sharpshooting humans to mech-riding goblins, mystical elves, and jetpack-clad dragons. Each Champion brings a unique set of abilities to the battlefield and new Champions are regularly added to Paladins, keeping the game exciting. Paladins is completely Free-to-Play. Anything that affects gameplay can be unlocked simply by playing, with cosmetic items available for purchase. No matter what your playstyle is, you\u2019ll find it in Paladins. With Paladins' deckbuilding system, you can become an iron sights sniper, a grenade-slinging explosives expert, or a track star with an assault rifle \u2013 all as the same Champion. Choose from dozens of cards to customize your abilities and make each Champion your own.Ancient Goddess. Interstellar bounty hunter. Cutthroat pirate. Frost giant. You can be all of these and more in Paladins. Choose from hundreds of skins already available in Paladins or find a new favorite in each update.", + "short_description": "Join 50+ million players in Paladins, the free-to-play fantasy team-based shooter sensation. Wield guns and magic as a legendary Champion of the Realm, customizing your core set of abilities to play exactly how you want to play.", + "genres": "Action", + "recommendations": 9035, + "score": 6.004905201452643 + }, + { + "type": "game", + "name": "World of Tanks Blitz", + "detailed_description": "Break into the world of esports!. \"- NEW BRANCH of Soviet light tanks. They're nimble scouts, and the T-100 LT and other higher-tier tanks feature a new spotting mechanic. - NEW MODE! Try out one of the squad roles in Big Boss!. - LUNAR NEW YEAR! Take part in two events: \"\"Dance of the Tiger\"\" with the Steyr WT among rewards and \"\"Legend of the Three Warriors\"\" with three tanks to choose from. - Straight from Titan Labs: OPERATION Field Test and the armored Titan-150.\". About the GameJump into a free-to-play MMO action shooter featuring a huge roster of over 300 massive tanks, stunning graphics, and intuitive touch-screen controls. Take on short, action-packed 7-vs-7 tank battles where real and alternate histories collide-no matter where you are!. World of Tanks Blitz is built specifically for optimal online mobile gameplay and is currently available on your iPhone, iPad and iPod Touch. . \"The very best multiplayer you'll find for your mobile.\" . - Pocket Gamer. \"A lot of tanks, a lot of people and a lot of fun.\" . - IGNFeatures\tOver 300 iconic vehicles from nations across the world. 26 unique battle arenas. Strategic 7-vs-7 online multiplayer . Free-to-win: equal access to in-game elements for everyone. Deep progression system: 10 tiers of tanks to unlock and explore. Innovative crew upgrades to enhance your tank and refine your gaming style . Constant updates and graphical enhancements; optimization for various devices. Easy to learn, intuitive touch-screen controls. In-game and Clan chat functionality. Battle Missions that open up new, personalized challenges and let players earn bonuses and achievements. Clan functionality allowing players to unite in their pursuit of victory and invite their friends to play online . Download World of Tanks Blitz now for free!. For more information please visit To learn\u00a0how and what we use your personal data for, read our\u00a0Privacy Policy: ", + "about_the_game": "Jump into a free-to-play MMO action shooter featuring a huge roster of over 300 massive tanks, stunning graphics, and intuitive touch-screen controls. Take on short, action-packed 7-vs-7 tank battles where real and alternate histories collide-no matter where you are!World of Tanks Blitz is built specifically for optimal online mobile gameplay and is currently available on your iPhone, iPad and iPod Touch. \"The very best multiplayer you'll find for your mobile.\" - Pocket Gamer\"A lot of tanks, a lot of people and a lot of fun.\" - IGNFeatures\tOver 300 iconic vehicles from nations across the world\t26 unique battle arenas\tStrategic 7-vs-7 online multiplayer \tFree-to-win: equal access to in-game elements for everyone\tDeep progression system: 10 tiers of tanks to unlock and explore\tInnovative crew upgrades to enhance your tank and refine your gaming style \tConstant updates and graphical enhancements; optimization for various devices\tEasy to learn, intuitive touch-screen controls\tIn-game and Clan chat functionality\tBattle Missions that open up new, personalized challenges and let players earn bonuses and achievements\tClan functionality allowing players to unite in their pursuit of victory and invite their friends to play online Download World of Tanks Blitz now for free!For more information please visit learn\u00a0how and what we use your personal data for, read our\u00a0Privacy Policy: ", + "short_description": "It's crazy! Flying tanks, guided missiles, historical camo, a series of exciting events, and tons of rewards!", + "genres": "Action", + "recommendations": 885, + "score": 4.47400567980094 + }, + { + "type": "game", + "name": "Bloons TD Battles", + "detailed_description": "Play the top-rated tower defense franchise in this free head-to-head strategy game. . It's monkey vs monkey for the first time ever - go head to head with other players in a Bloon-popping battle for victory. From the creators of best-selling Bloons TD 5, this all new Battles game is specially designed for multiplayer combat, featuring over 20 custom head-to-head tracks, incredible towers and upgrades, all-new attack and defense boosts, and the ability to control bloons directly and send them charging past your opponent's defenses. . Check out these awesome features:. * Head-to-head two player Bloons TD . * Over 20 custom Battles tracks . * 22 awesome monkey towers, each with 8 powerful upgrades, including the never before seen C.O.B.R.A. Tower. * Assault Mode - manage strong defenses and send bloons directly against your opponent . * Defensive Mode - build up your income and outlast your challenger with your superior defenses . * Battle Arena Mode - Put your medallions on the line in a high stakes Assault game. Winner takes all. * All new Monkey Tower Boost - supercharge your monkey towers to attack faster for a limited time . * All new Bloons Boost - power up your bloons to charge your opponent in Assault mode . * Battle it out for top scores on the weekly leaderboards and win awesome prizes. * Create and join private matches to challenge any of your Steam friends . * 16 cool achievements to claim . * Customize your bloons with decals so your victory has a signature stamp", + "about_the_game": "Play the top-rated tower defense franchise in this free head-to-head strategy game.\r\n\r\nIt's monkey vs monkey for the first time ever - go head to head with other players in a Bloon-popping battle for victory. From the creators of best-selling Bloons TD 5, this all new Battles game is specially designed for multiplayer combat, featuring over 20 custom head-to-head tracks, incredible towers and upgrades, all-new attack and defense boosts, and the ability to control bloons directly and send them charging past your opponent's defenses.\r\n\r\nCheck out these awesome features:\r\n* Head-to-head two player Bloons TD \r\n* Over 20 custom Battles tracks \r\n* 22 awesome monkey towers, each with 8 powerful upgrades, including the never before seen C.O.B.R.A. Tower.\r\n* Assault Mode - manage strong defenses and send bloons directly against your opponent \r\n* Defensive Mode - build up your income and outlast your challenger with your superior defenses \r\n* Battle Arena Mode - Put your medallions on the line in a high stakes Assault game. Winner takes all.\r\n* All new Monkey Tower Boost - supercharge your monkey towers to attack faster for a limited time \r\n* All new Bloons Boost - power up your bloons to charge your opponent in Assault mode \r\n* Battle it out for top scores on the weekly leaderboards and win awesome prizes.\r\n* Create and join private matches to challenge any of your Steam friends \r\n* 16 cool achievements to claim \r\n* Customize your bloons with decals so your victory has a signature stamp", + "short_description": "Go head to head with other players in a Bloon-popping battle for victory. From the creators of best-selling Bloons TD 5, this all new Battles game is specially designed for multiplayer combat, featuring the ability to control bloons directly and send them charging past your opponent's defenses.", + "genres": "Action", + "recommendations": 351, + "score": 3.865480080400998 + }, + { + "type": "game", + "name": "Wizard of Legend", + "detailed_description": "Join The Community. NEW GAME ANNOUNCMENT About the Game. Wizard of Legend is a fast paced dungeon crawler with rogue-like elements that emphasizes dynamic magical combat. Quick movement and even quicker use of spells will allow you to chain spells together to unleash devastating combinations against your enemies!Gameplay. Battle your way through each challenge by defeating powerful conjured enemies! Collect valuable spells and relics and build up your magical arsenal to fit your playstyle! Achieve mastery over magic by chaining spells together to create devastating combinations! Face and defeat council members in magical combat to become a Wizard of Legend!Tons of Unlockables. . Unlock over a hundred unique spells and discover powerful spell combinations and synergies! A wide variety of elemental spells allows you to create a hand best suited to your playstyle. Dive head first into the fray or stand back and let your minions do the work for you, the choice is yours!Story. Every year in the Kingdom of Lanova, the Council of Magic holds the Chaos Trials, a gauntlet of magical challenges put forth by its strongest members. Contestants that successfully complete all of the challenges and demonstrate superior wizardry earn the right to become a Wizard of Legend!Local Co-op. . Grab a friend and tackle the Chaos Trials together in Wizard of Legend's couch co-op mode! Jump head first into the action in an all out offensive or strategically equip your wizards with spells and items that compliment each other's playstyle. The battle is not over when your friend is downed in battle. Defeat multiple enemies in a display of skill to grant your partner a chance to rejoin the battle!FeaturesFast paced spell slinging combat. Use powerful spell combinations to destroy your enemies . Procedurally generated levels mean a new challenge every time . Over 100 unique spells and items to fit your playstyle . Local multiplayer allows you to play with or against a friend . Full gamepad and controller support.", + "about_the_game": "Wizard of Legend is a fast paced dungeon crawler with rogue-like elements that emphasizes dynamic magical combat. Quick movement and even quicker use of spells will allow you to chain spells together to unleash devastating combinations against your enemies!GameplayBattle your way through each challenge by defeating powerful conjured enemies! Collect valuable spells and relics and build up your magical arsenal to fit your playstyle! Achieve mastery over magic by chaining spells together to create devastating combinations! Face and defeat council members in magical combat to become a Wizard of Legend!Tons of UnlockablesUnlock over a hundred unique spells and discover powerful spell combinations and synergies! A wide variety of elemental spells allows you to create a hand best suited to your playstyle. Dive head first into the fray or stand back and let your minions do the work for you, the choice is yours!StoryEvery year in the Kingdom of Lanova, the Council of Magic holds the Chaos Trials, a gauntlet of magical challenges put forth by its strongest members. Contestants that successfully complete all of the challenges and demonstrate superior wizardry earn the right to become a Wizard of Legend!Local Co-opGrab a friend and tackle the Chaos Trials together in Wizard of Legend's couch co-op mode! Jump head first into the action in an all out offensive or strategically equip your wizards with spells and items that compliment each other's playstyle. The battle is not over when your friend is downed in battle. Defeat multiple enemies in a display of skill to grant your partner a chance to rejoin the battle!FeaturesFast paced spell slinging combatUse powerful spell combinations to destroy your enemies Procedurally generated levels mean a new challenge every time Over 100 unique spells and items to fit your playstyle Local multiplayer allows you to play with or against a friend Full gamepad and controller support", + "short_description": "Wizard of Legend is a no-nonsense, action-packed take on wizardry that emphasizes precise movements and smart comboing of spells in a rogue-like dungeon crawler that features over a hundred unique spells and relics!", + "genres": "Action", + "recommendations": 15011, + "score": 6.339552160569708 + }, + { + "type": "game", + "name": "Farming Simulator 17", + "detailed_description": "Buzz. About the GameTHE MOST COMPLETE FARMING SIMULATOR EXPERIENCE. Take on the role of a modern farmer in Farming Simulator 17! Immerse yourself in a huge open world loaded with new content: new environment, vehicles, animals, crops and gameplay mechanics!. Explore farming possibilities over hundreds of acres of land, including a detailed new North American environment. Drive over 250 authentic farming vehicles and equipment from over 75 manufacturers, including new brands such as Challenger, Fendt, Valtra or Massey Ferguson. . Harvest many types of crops, including for the first time sunflowers and soy beans. Take care of your livestock - cows, sheep, chickens and now pigs - take part in forestry, and sell your products to expand your farm! Transport your goods with trucks and trailers, or load and drive trains to reach your destination. . Farming Simulator 17 offers rich online activities: play in co-operative multiplayer up to 16 players, and download mods created by the passionate community for unlimited content and an ever-evolving Farming Simulator 17 experience.", + "about_the_game": "THE MOST COMPLETE FARMING SIMULATOR EXPERIENCETake on the role of a modern farmer in Farming Simulator 17! Immerse yourself in a huge open world loaded with new content: new environment, vehicles, animals, crops and gameplay mechanics!Explore farming possibilities over hundreds of acres of land, including a detailed new North American environment. Drive over 250 authentic farming vehicles and equipment from over 75 manufacturers, including new brands such as Challenger, Fendt, Valtra or Massey Ferguson.Harvest many types of crops, including for the first time sunflowers and soy beans. Take care of your livestock - cows, sheep, chickens and now pigs - take part in forestry, and sell your products to expand your farm! Transport your goods with trucks and trailers, or load and drive trains to reach your destination.Farming Simulator 17 offers rich online activities: play in co-operative multiplayer up to 16 players, and download mods created by the passionate community for unlimited content and an ever-evolving Farming Simulator 17 experience.", + "short_description": "Take on the role of a modern farmer in Farming Simulator 17! Explore farming possibilities in a new North American environment. Drive over 250 farming vehicles and equipment from over 75 manufacturers, including new brands such as Challenger, Fendt, Valtra or Massey Ferguson.", + "genres": "Simulation", + "recommendations": 20383, + "score": 6.541210801793387 + }, + { + "type": "game", + "name": "Watch_Dogs\u00ae 2", + "detailed_description": "Deluxe Edition. Play as Marcus Holloway, a brilliant young hacker living in the birthplace of the tech revolution, the San Francisco Bay Area. . The Watch Dogs\u00ae2 Deluxe Edition includes :. - The game . - The Deluxe Pack: 2 personalisation packs. Gold Edition. The Gold Edition includes:. - The game . - The Deluxe Pack: 2 personalisation packs . - The Season Pass. Continue your Hacker's journey with several hours of additional mission content, new co-op difficulty modes, outfits, vehicles, and many other customization items. All at one great price with the Watch Dogs\u00ae 2 Season Pass. About the GamePlay as Marcus Holloway, a brilliant young hacker living in the birthplace of the tech revolution, the San Francisco Bay Area. Team up with Dedsec, a notorious group of hackers, to execute the biggest hack in history; take down ctOS 2.0, an invasive operating system being used by criminal masterminds to monitor and manipulate citizens on a massive scale. . Explore the dynamic open-world, full of gameplay possibilities. Hack into every connected device and take control of the city infrastructure. . Develop different skills to suit your playstyle, and upgrade your hacker tools \u2013 RC cars, Quadcopter drone, 3D printed weapons and much more. . Stay seamlessly connected to your friends with a brand new co-op and adversarial multiplayer Watch Dogs experience. . PUT YOUR EYES IN CTRL. Get the upper hand with Tobii Eye Tracking. Let your gaze aid you in weaponizing the \u201cinternet of things\u201d, aim at enemies and take cover while you naturally explore the environment. Combine the extensive eye tracking feature set to pinpoint enemies, interact with your surroundings, locate shelter points, and rapidly select hackable targets. Let your vision lead the hacking of the city\u2019s digital brain. . Compatible with all Tobii Eye Tracking gaming devices. ----. Additional notes:. Eye tracking features available with Tobii Eye Tracking.", + "about_the_game": "Play as Marcus Holloway, a brilliant young hacker living in the birthplace of the tech revolution, the San Francisco Bay Area.Team up with Dedsec, a notorious group of hackers, to execute the biggest hack in history; take down ctOS 2.0, an invasive operating system being used by criminal masterminds to monitor and manipulate citizens on a massive scale.Explore the dynamic open-world, full of gameplay possibilitiesHack into every connected device and take control of the city infrastructure.Develop different skills to suit your playstyle, and upgrade your hacker tools \u2013 RC cars, Quadcopter drone, 3D printed weapons and much more.Stay seamlessly connected to your friends with a brand new co-op and adversarial multiplayer Watch Dogs experience.PUT YOUR EYES IN CTRLGet the upper hand with Tobii Eye Tracking. Let your gaze aid you in weaponizing the \u201cinternet of things\u201d, aim at enemies and take cover while you naturally explore the environment. Combine the extensive eye tracking feature set to pinpoint enemies, interact with your surroundings, locate shelter points, and rapidly select hackable targets. Let your vision lead the hacking of the city\u2019s digital brain.Compatible with all Tobii Eye Tracking gaming devices.----Additional notes:Eye tracking features available with Tobii Eye Tracking.", + "short_description": "Welcome to San Francisco. Play as Marcus, a brilliant young hacker, and join the most notorious hacker group, DedSec. Your objective: execute the biggest hack of history.", + "genres": "Action", + "recommendations": 59578, + "score": 7.248269564967523 + }, + { + "type": "game", + "name": "Day of Infamy", + "detailed_description": "Digital Deluxe EditionDeluxe Edition includes the full 28 minute soundtrack of in-game music by composer Rich Douglas, plus three unit items to help start your collection: 101st Airborne Division, Seaforth Highlanders of Canada, and the 1. Fallschirmjager Division. . About the Game. . Experience hardcore gameplay with an emphasis on teamwork oriented objectives and high lethality gunplay with nine specialized player classes. . Secure positions, destroy enemy equipment, assassinate enemy officers, and move the line forward in 7 player versus player game modes and 3 cooperative modes against AI. . Fight through fortified beachheads, war-torn villages, destroyed cities and snow covered forests in 14 different levels based on World War II battles throughout Europe. . Communicate using proximity VOIP that nearby friendly and enemy players can hear, and broader VOIP communication through equippable radio backpacks. . Use over 60 weapons including everything from Thompson sub machine guns to PIAT bomb launchers to FG42 auto rifles and flamethrowers. . Customize weapons with bayonets, grenade launchers, stripper clips, extended magazines, slings, cloth wraps, and more. . Work with your teammates to call in explosive, smoke, and incendiary artillery fire support as well as carpet bombings, Stuka dive bombers, Typhoon rocket strafes, P-47 machine gun runs, and supply drops. . . Progress through the ranks and unlock 33 different playable units of the US Army, British Commonwealth and German Wehrmacht factions like the 101st Airborne Division, No. 2 Commando, and 1. Fallschirmj\u00e4ger Division. . Hear over 8000 lines of voice over including American, British, German, Canadian, Australian, Scottish, Indian, and African-American characters, each a part of their historic military units. . Get new official content updates for free including maps, features, and more. . Download over 1,200 community made mods, levels, sound packs, weapon skins, character skins, and other custom content on the Steam Workshop. .", + "about_the_game": "Experience hardcore gameplay with an emphasis on teamwork oriented objectives and high lethality gunplay with nine specialized player classes.Secure positions, destroy enemy equipment, assassinate enemy officers, and move the line forward in 7 player versus player game modes and 3 cooperative modes against AI.Fight through fortified beachheads, war-torn villages, destroyed cities and snow covered forests in 14 different levels based on World War II battles throughout Europe.Communicate using proximity VOIP that nearby friendly and enemy players can hear, and broader VOIP communication through equippable radio backpacks.Use over 60 weapons including everything from Thompson sub machine guns to PIAT bomb launchers to FG42 auto rifles and flamethrowers.Customize weapons with bayonets, grenade launchers, stripper clips, extended magazines, slings, cloth wraps, and more.Work with your teammates to call in explosive, smoke, and incendiary artillery fire support as well as carpet bombings, Stuka dive bombers, Typhoon rocket strafes, P-47 machine gun runs, and supply drops.Progress through the ranks and unlock 33 different playable units of the US Army, British Commonwealth and German Wehrmacht factions like the 101st Airborne Division, No. 2 Commando, and 1. Fallschirmj\u00e4ger Division.Hear over 8000 lines of voice over including American, British, German, Canadian, Australian, Scottish, Indian, and African-American characters, each a part of their historic military units.Get new official content updates for free including maps, features, and more.Download over 1,200 community made mods, levels, sound packs, weapon skins, character skins, and other custom content on the Steam Workshop.", + "short_description": "Experience close-quarters battles in iconic WWII settings. Defend the line, storm the beach, torch the enemy, or use a radio to call in fire support. Day of Infamy is a teamwork-oriented shooter that will keep you on your toes and coming back for more with its diverse game modes and authentic arsenal.", + "genres": "Action", + "recommendations": 17379, + "score": 6.436109698482176 + }, + { + "type": "game", + "name": "Bacteria", + "detailed_description": "More puzzle games! About the Game'Bacteria' - A new puzzle game from the creators of 'Energy Balance' and 'Energy Cycle'. . This game is based on the rules of the cellular automaton \u2018Life\u2019 devised by John Horton Conway in 1970. (You can read more about how it works in greater details here: ). In 'Bacteria' you have a square game field that is in some form of a stable state. You need to add in a certain number of cells so that, after a few steps, the field will be halted (in colored mode) or even cleared (in \"hard\" black & white mode). You could draw in single points, or use standard 'Life' patterns like \"Gliders\" (they move at an angle) and \"Lightweight spaceships (LWSS)\" (they move in a straight line). . Depending on the difficulty level, the player can use a smaller area to add new cells.", + "about_the_game": "'Bacteria' - A new puzzle game from the creators of 'Energy Balance' and 'Energy Cycle'.\r\n \r\nThis game is based on the rules of the cellular automaton \u2018Life\u2019 devised by John Horton Conway in 1970.\r\n(You can read more about how it works in greater details here: )\r\n \r\nIn 'Bacteria' you have a square game field that is in some form of a stable state. You need to add in a certain number of cells so that, after a few steps, the field will be halted (in colored mode) or even cleared (in \"hard\" black & white mode). You could draw in single points, or use standard 'Life' patterns like \"Gliders\" (they move at an angle) and \"Lightweight spaceships (LWSS)\" (they move in a straight line).\r\n \r\nDepending on the difficulty level, the player can use a smaller area to add new cells.", + "short_description": "'Bacteria' - A relaxing puzzle game based on the rules of the cellular automaton \u2018Life\u2019 devised by John Horton Conway in 1970.", + "genres": "Casual", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Overcooked", + "detailed_description": "INTRODUCING: EPIC CHEF Epic Chef is a story-driven adventure game flavoured with life-sim farming, and crafting elements, blended together into one delicious dish via an interactive cooking experience - all served with a side of humour and elaborate cast of characters. . ", + "about_the_game": "Overcooked is a chaotic couch co-op cooking game for one to four players. Working as a team, you and your fellow chefs must prepare, cook and serve up a variety of tasty orders before the baying customers storm out in a huff. Sharpen your knives and dust off your chef\u2019s whites, there isn\u2019t mushroom for error and the steaks are high in these crazy kitchens!\u00a0The Onion Kingdom is in danger and only the finest cooking can save it! In Overcooked players must journey through a variety of cruel and unusual kitchens on their quest to become master chefs capable of conquering an ancient edible evil which plagues the land.Play solo or engage in classic, chaotic couch co-op for up to four players in both co-operative and competitive challenge modes. You\u2019ll have to cook a range of different dishes and work together in order to become the most effective and ultimate team! A CULINARY QUESTThe Onion Kingdom is a rich world full of cruel and unusual kitchens for you to conquer. Take part in an epic journey and tackle an increasingly challenging and bizarre gauntlet of kitchens which will push your skills of co-operation and co-ordination to the very limits. Each level brings a new challenge for you and your team to overcome, whether it's sliding around on a pirate ship, moving between speeding trucks, cooking on an ice floe or serving food in the bowels of a fiery underworld, each level will test the mettle of even the bravest chefs.\u00a0SIMPLE CONTROLS/DEEP CHALLENGE Overcooked is so easy to pick up that anyone can join in the fun, but finding a team who can communicate and co-ordinate their actions when the pizza hits the fan, that's when only a well-oiled team of super-chefs will come out on top!\u00a0DIFFERENT WAYS TO PLAYWhether indulging in deep fried local co-op or saut\u00e9ed single player, as you play through the game you'll unlock new levels, new chef characters and even competitive challenge levels which allow teams of two to engage in hard boiled head-to-head in the kitchen. However you want to play, if you think you can stand the heat, then get ready to enter the kitchen!", + "short_description": "Overcooked is a chaotic couch co-op cooking game for one to four players. Working as a team, you and your fellow chefs must prepare, cook and serve up a variety of tasty orders before the baying customers storm out in a huff.", + "genres": "Action", + "recommendations": 10785, + "score": 6.121610224118111 + }, + { + "type": "game", + "name": "The Lab", + "detailed_description": "Set in a pocket universe of Aperture Science, The Lab offers a wide range of ways to enjoy VR, all in one application. . Slingshot. Begin your career as a Calibration Trainee by recklessly destroying everything in the Aperture Storage Annex using the Core Calibration slingshot. . Longbow. Use your archery skills to defend your noble castle gate from a rampaging but adorable and equally noble horde of attackers. . Xortex. Are you a bad enough dude to become a Xortex ace? Relive the golden era of gaming -- only this time, it's all around you. . Postcards. Visit exotic, far-off locales from the comfort of your own head. . Human Medical Scan. Explore the intricate beauty of the human body through a highly detailed model created from a series of CT medical scans. . Solar System. Why watch shows about the vast majesty of space when you can jump in and see it for yourself? Have educational space-fun while putting Neil Degrasse-Tyson out of business. . Robot Repair. Can you repair a robot? Good, because Aperture Science's Human Diversity Outreach Program is now hiring. . Secret Shop. The fantasy equivalent of a twenty-four-hour convenience store is now open for business! Peruse artifacts, shop for familiars and cast a spell or two at Dota's Secret Shop!", + "about_the_game": "Set in a pocket universe of Aperture Science, The Lab offers a wide range of ways to enjoy VR, all in one application. SlingshotBegin your career as a Calibration Trainee by recklessly destroying everything in the Aperture Storage Annex using the Core Calibration slingshot.LongbowUse your archery skills to defend your noble castle gate from a rampaging but adorable and equally noble horde of attackers.XortexAre you a bad enough dude to become a Xortex ace? Relive the golden era of gaming -- only this time, it's all around you.PostcardsVisit exotic, far-off locales from the comfort of your own head.Human Medical ScanExplore the intricate beauty of the human body through a highly detailed model created from a series of CT medical scans.Solar SystemWhy watch shows about the vast majesty of space when you can jump in and see it for yourself? Have educational space-fun while putting Neil Degrasse-Tyson out of business.Robot RepairCan you repair a robot? Good, because Aperture Science's Human Diversity Outreach Program is now hiring.Secret ShopThe fantasy equivalent of a twenty-four-hour convenience store is now open for business! Peruse artifacts, shop for familiars and cast a spell or two at Dota's Secret Shop!", + "short_description": "Welcome to The Lab, a compilation of Valve\u2019s room-scale VR experiments set in a pocket universe within Aperture Science. Fix a robot, defend a castle, adopt a mechanical dog, and more. Still not sold? It\u2019s free!", + "genres": "Free to Play", + "recommendations": 281, + "score": 3.719312955586827 + }, + { + "type": "game", + "name": "Hot Dogs, Horseshoes & Hand Grenades", + "detailed_description": "Do you like hot dogs? How about horseshoes? Hand grenades? (everyone likes hand grenades) Anyway, we've got all that, and guns. SO MANY GUNS. So if you like ordnance, meat, and groan-worthy puns, this is the VR sandbox game for you. . Hot Dogs, Horseshoes and Hand Grenades (H3VR for short), is the heaping pile of our mad obsessive VR experiments. This is an impressionistically developed experience. We\u2019re 6+ years and a 100+ updates in so far, so expect it to mutate, expand, contract, somersault, and occasionally explode along the way to final release. . Gear UpAssemble your ultimate range companion from nearly 500 Firearms and 250 Attachments. Customize your perfect loadout, be it tacti-cool or utterly cursed and save it for future play. (Coming Later This Year: Share your creations with your friends too!). Plink & TrainTry out your favorite platforms on H3\u2019s suite of Firing and Demolitions ranges. Improve your aim and reaction time in the M.E.A.T.S. target shooting trainer and Compete on global leaderboards. Meat Your MakerCombat some of the most sophisticated AI Agents in VR (yup, even though they\u2019re hot dogs), at range or in melee. Put your mastery of H3\u2019s massive arsenal to the test, and even join the First 2 Wurst Tournament Community on Discord!. Explore a Meaty \u2018MuricaDive into a Wiener\u2019s Weird World; a land overtaken by confused but affable sentient meat and the ruins of bizarre firearm themed attractions. Experience an absurd fragmentary tale told through multiple genres of game. CelebrateEnjoy the various goofball holiday event modes the game has gotten over the years, including our much beloved biennial Meatmas Firearm Advent Calendar. . Take & HoldBattle your way through this Sci-fi Action Roguelite. In Take & Hold you are the intruder to the system. Equip yourself to take and then defend control points, while defeating Encryption Targets of escalating complexity. Earn tokens for your performance and spend them in item shops to prepare for the next wave. Return of the RotwienersAwake outside the town of Wienerton, where a plague of rotten undead meat has beset the eccentric townsfolk of the Honey Hamlet. Find weaponry, craft powerups and explosives, and complete quests on your journey to discover the cause of the Rotwiener outbreak. Meat FortressFight in the Meat Fortress combat arena. Made with the official permission of Valve, this loving homage to one of our favorite games has Meaty parodies of Team Fortress 2\u2019s 9 iconic classes, and VR adaptations of the entire original firearm set of the game, as well as over a dozen original creations made in the TF2 style. WurstwurldExplore the ruins of the Wurstwurld amusement park. Solve puzzles, complete extreme horseshoe challenges, stand off against robit bandits and collect old logs that reveal the background on the most foolhardy and most assuredly not child safe amusement park doomed to failure. Meat GrinderSurvive the Meat Grinder, the very first game mode added to H3 back in 2016. Navigate by flashlight through a surreal hellish fast food themed maze, collect precious ammo, defending against animatronic assailants, and dragging the \u2018meat\u2019 back to the Grinder in time.", + "about_the_game": "Do you like hot dogs? How about horseshoes? Hand grenades? (everyone likes hand grenades) Anyway, we've got all that, and guns. SO MANY GUNS. So if you like ordnance, meat, and groan-worthy puns, this is the VR sandbox game for you.Hot Dogs, Horseshoes and Hand Grenades (H3VR for short), is the heaping pile of our mad obsessive VR experiments. This is an impressionistically developed experience. We\u2019re 6+ years and a 100+ updates in so far, so expect it to mutate, expand, contract, somersault, and occasionally explode along the way to final release.Gear UpAssemble your ultimate range companion from nearly 500 Firearms and 250 Attachments. Customize your perfect loadout, be it tacti-cool or utterly cursed and save it for future play. (Coming Later This Year: Share your creations with your friends too!)Plink & TrainTry out your favorite platforms on H3\u2019s suite of Firing and Demolitions ranges. Improve your aim and reaction time in the M.E.A.T.S. target shooting trainer and Compete on global leaderboards.Meat Your MakerCombat some of the most sophisticated AI Agents in VR (yup, even though they\u2019re hot dogs), at range or in melee. Put your mastery of H3\u2019s massive arsenal to the test, and even join the First 2 Wurst Tournament Community on Discord!Explore a Meaty \u2018MuricaDive into a Wiener\u2019s Weird World; a land overtaken by confused but affable sentient meat and the ruins of bizarre firearm themed attractions. Experience an absurd fragmentary tale told through multiple genres of game. CelebrateEnjoy the various goofball holiday event modes the game has gotten over the years, including our much beloved biennial Meatmas Firearm Advent Calendar.Take & HoldBattle your way through this Sci-fi Action Roguelite. In Take & Hold you are the intruder to the system. Equip yourself to take and then defend control points, while defeating Encryption Targets of escalating complexity. Earn tokens for your performance and spend them in item shops to prepare for the next wave.Return of the RotwienersAwake outside the town of Wienerton, where a plague of rotten undead meat has beset the eccentric townsfolk of the Honey Hamlet. Find weaponry, craft powerups and explosives, and complete quests on your journey to discover the cause of the Rotwiener outbreak.Meat FortressFight in the Meat Fortress combat arena. Made with the official permission of Valve, this loving homage to one of our favorite games has Meaty parodies of Team Fortress 2\u2019s 9 iconic classes, and VR adaptations of the entire original firearm set of the game, as well as over a dozen original creations made in the TF2 style.WurstwurldExplore the ruins of the Wurstwurld amusement park. Solve puzzles, complete extreme horseshoe challenges, stand off against robit bandits and collect old logs that reveal the background on the most foolhardy and most assuredly not child safe amusement park doomed to failure.Meat GrinderSurvive the Meat Grinder, the very first game mode added to H3 back in 2016. Navigate by flashlight through a surreal hellish fast food themed maze, collect precious ammo, defending against animatronic assailants, and dragging the \u2018meat\u2019 back to the Grinder in time.", + "short_description": "Do you like hot dogs? How about horseshoes? Hand grenades? (everyone likes hand grenades) Anyway, we've got all that, and guns. SO MANY GUNS. So if you like ordnance, meat, and far too many groan-worthy puns, this is the VR sandbox game for you.", + "genres": "Action", + "recommendations": 17545, + "score": 6.442376259874191 + }, + { + "type": "game", + "name": "Shadowverse CCG", + "detailed_description": "Four million battles every day. One Shadowverse. Japan's #1 strategic card game. Made by card gamers for card gamers. . Shadowverse is Japan's #1 strategic card game!. - There are millions of Shadowverse battles every day, and a multitude of ways to play. - Easy to get into, thanks to a singleplayer story mode, free card packs for new players, and bonuses every day\u00a0. - Battles are finely balanced, with less RNG than other card games, and balance adjustments take place every month. - New card expansions are released every three months, unleashing new deck-building strategies and battle tactics. - We\u2019ve got a great community of 22 million players and counting, with tournaments and esports broadcasts every week and support for streamers\u00a0. - Featuring beautiful art and animations and fully voiced cards and story. . - A multitude of ways to play:\u00a0. With eight different leader classes, Shadowverse gives you unparalleled freedom to create your own deck strategies. Will you play as Urias and unleash your Vengeance when your health is depleted? Or will you select Isabelle, whose spells power up the cards in your hand? Will you go all in with an aggro deck, or try to contain the board with a control deck? Or will you try to sneak in some sublimely ingenious combos? It\u2019s entirely up to you. . - Easy to get into:\u00a0. Learn the basics by playing through our extensive singleplayer story mode before taking on other players in our multiplayer modes. Be sure to pick up your free card packs after you\u2019ve finished playing through the tutorial \u2013 just go to your Crate from the main menu to pick them up. And bonuses and daily missions help you unlock new card packs every day so it won\u2019t be long before you have a deck that is capable of competing with the very best. . - Finely balanced:\u00a0. There\u2019s less RNG in Shadowverse than other card games, making it supremely balanced: you\u2019ll need to trust your judgement not your luck if you are to come out on top. And we make balance adjustments every month to make sure that no one card or deck type becomes too dominant. . - New card expansions released regularly:\u00a0. New card expansions are added every three months to make sure the meta never gets stale. And every single expansion unleashes new deck-building strategies and battle tactics, and even new leader classes and game modes. We\u2019re in this for the long haul and we hope you will be too. . - Beautiful art:. All of the cards in Shadowverse feature fantastic art by some of Japan\u2019s finest artists, and every single card is available as an animated version. Every card is also fully-voiced, in English and Japanese, as is the singleplayer storyline. . - A great community:. And last but not least, we have some amazing fans. We\u2019ve got memes, we\u2019ve got streams, and we have much, much more to offer than the average card game. Community tournaments and e-sports broadcasts take place every week, and there are a ton of deck-building resources online in case you get stuck. Millions of card gamers can\u2019t be wrong \u2013 why don\u2019t you join them?", + "about_the_game": "Four million battles every day. One Shadowverse. Japan's #1 strategic card game.\r\nMade by card gamers for card gamers.\u00a0\r\n\r\nShadowverse is Japan's #1 strategic card game!\r\n- There are millions of Shadowverse battles every day, and a multitude of ways to play\r\n- Easy to get into, thanks to a singleplayer story mode, free card packs for new players, and bonuses every day\u00a0\r\n- Battles are finely balanced, with less RNG than other card games, and balance adjustments take place every month\r\n- New card expansions are released every three months, unleashing new deck-building strategies and battle tactics\r\n- We\u2019ve got a great community of 22 million players and counting, with tournaments and esports broadcasts every week and support for streamers\u00a0\r\n- Featuring beautiful art and animations and fully voiced cards and story\r\n\r\n\r\n- A multitude of ways to play:\u00a0\r\nWith eight different leader classes, Shadowverse gives you unparalleled freedom to create your own deck strategies. Will you play as Urias and unleash your Vengeance when your health is depleted? Or will you select Isabelle, whose spells power up the cards in your hand? Will you go all in with an aggro deck, or try to contain the board with a control deck? Or will you try to sneak in some sublimely ingenious combos? It\u2019s entirely up to you.\u00a0\r\n\r\n- Easy to get into:\u00a0\r\nLearn the basics by playing through our extensive singleplayer story mode before taking on other players in our multiplayer modes. Be sure to pick up your free card packs after you\u2019ve finished playing through the tutorial \u2013 just go to your Crate from the main menu to pick them up. And bonuses and daily missions help you unlock new card packs every day so it won\u2019t be long before you have a deck that is capable of competing with the very best.\u00a0\r\n\r\n- Finely balanced:\u00a0\r\nThere\u2019s less RNG in Shadowverse than other card games, making it supremely balanced: you\u2019ll need to trust your judgement not your luck if you are to come out on top. And we make balance adjustments every month to make sure that no one card or deck type becomes too dominant.\r\n\r\n- New card expansions released regularly:\u00a0\r\nNew card expansions are added every three months to make sure the meta never gets stale. And every single expansion unleashes new deck-building strategies and battle tactics, and even new leader classes and game modes. We\u2019re in this for the long haul and we hope you will be too.\r\n\r\n- Beautiful art:\r\nAll of the cards in Shadowverse feature fantastic art by some of Japan\u2019s finest artists, and every single card is available as an animated version. Every card is also fully-voiced, in English and Japanese, as is the singleplayer storyline.\u00a0\r\n\r\n- A great community:\r\nAnd last but not least, we have some amazing fans. We\u2019ve got memes, we\u2019ve got streams, and we have much, much more to offer than the average card game. Community tournaments and e-sports broadcasts take place every week, and there are a ton of deck-building resources online in case you get stuck. Millions of card gamers can\u2019t be wrong \u2013 why don\u2019t you join them?", + "short_description": "Four million battles every day. One Shadowverse. Japan's #1 strategic card game. Made by card gamers for card gamers.\u00a0", + "genres": "Free to Play", + "recommendations": 353, + "score": 3.869215103107761 + }, + { + "type": "game", + "name": "DRAGON BALL XENOVERSE 2", + "detailed_description": "YOUR STORY, YOUR AVATAR, YOUR DRAGON BALL WORLD. Dragon Ball Xenoverse 2 is the ultimate Dragon Ball gaming experience, packed with thrilling action, epic battles, and endless customization options. Create your own character, explore Conton City and team up with iconic characters from the series as a teacher to train and be ready to battle against formidable enemies to rescue the flow of History!. As you progress through the game, you can customize your character's appearance, abilities, and moveset, allowing you to create a truly unique and powerful fighter. . The fun doesn't stop there! Dragon Ball Xenoverse 2 also features online multiplayer modes, where you can battle against other players from around the world in epic showdowns or participate in Raid Battles to face gigantic foes with other players. . With 7 years worth of DLC packs, there's always something new to discover and experience in Conton City!THE FIGHTER YOU ALWAYS WANTED TO BE. With a vast array of customization options, you can create a character that truly fits your style and personality. From race and appearance to abilities and moveset, you have complete control over your fighter.AN INFINITE ONLINE EXPERIENCE. With several online multiplayer modes and in-game events, battles never stop! Face against other players from around the world in epic showdowns or team up with them against gigantic threats in Raid Battles.LET YOUR FIGHTING SPIRIT BURN!. Dive into the intense and action-packed battles typical of Dragon Ball. Whether it's during one-on-one fights or massive battles against multiple enemies, let yourself go in the thrill of the fight!THE WHOLE DRAGON BALL UNIVERSE AWAITS. Jump into different locations and timelines of Dragon Ball! Battle in iconic locations from the Dragon Ball universe and interact with famous characters to protect history.EVERYTHING DRAGON BALL, ALL HERE. Dragon Ball Xenoverse 2 is packed with fan service, featuring all iconic characters, locations, and moments from the series that fans will love to see and experience in-game.7 YEARS OF EXPANSIONS!. Dragon Ball Xenoverse 2 is bigger than ever! After 7 years of regular releases of new DLC content, discover more than 40 new characters, storylines, and much more from Dragon Ball Z, Dragon Ball Super and even Dragon Ball movies. Stay tuned and enjoy the free updates as well!. *Disclaimer : Animated images displayed on this page are a combination of contents, some of which are part of DLC (Downloadable Content) available for purchase separately from the main game.", + "about_the_game": "YOUR STORY, YOUR AVATAR, YOUR DRAGON BALL WORLDDragon Ball Xenoverse 2 is the ultimate Dragon Ball gaming experience, packed with thrilling action, epic battles, and endless customization options. Create your own character, explore Conton City and team up with iconic characters from the series as a teacher to train and be ready to battle against formidable enemies to rescue the flow of History!As you progress through the game, you can customize your character's appearance, abilities, and moveset, allowing you to create a truly unique and powerful fighter.The fun doesn't stop there! Dragon Ball Xenoverse 2 also features online multiplayer modes, where you can battle against other players from around the world in epic showdowns or participate in Raid Battles to face gigantic foes with other players.With 7 years worth of DLC packs, there's always something new to discover and experience in Conton City!THE FIGHTER YOU ALWAYS WANTED TO BE.With a vast array of customization options, you can create a character that truly fits your style and personality. From race and appearance to abilities and moveset, you have complete control over your fighter.AN INFINITE ONLINE EXPERIENCE.With several online multiplayer modes and in-game events, battles never stop! Face against other players from around the world in epic showdowns or team up with them against gigantic threats in Raid Battles.LET YOUR FIGHTING SPIRIT BURN!Dive into the intense and action-packed battles typical of Dragon Ball. Whether it's during one-on-one fights or massive battles against multiple enemies, let yourself go in the thrill of the fight!THE WHOLE DRAGON BALL UNIVERSE AWAITS.Jump into different locations and timelines of Dragon Ball! Battle in iconic locations from the Dragon Ball universe and interact with famous characters to protect history.EVERYTHING DRAGON BALL, ALL HERE.Dragon Ball Xenoverse 2 is packed with fan service, featuring all iconic characters, locations, and moments from the series that fans will love to see and experience in-game.7 YEARS OF EXPANSIONS!Dragon Ball Xenoverse 2 is bigger than ever! After 7 years of regular releases of new DLC content, discover more than 40 new characters, storylines, and much more from Dragon Ball Z, Dragon Ball Super and even Dragon Ball movies. Stay tuned and enjoy the free updates as well!*Disclaimer : Animated images displayed on this page are a combination of contents, some of which are part of DLC (Downloadable Content) available for purchase separately from the main game.", + "short_description": "DRAGON BALL XENOVERSE 2 builds upon the highly popular DRAGON BALL XENOVERSE with enhanced graphics that will further immerse players into the largest and most detailed Dragon Ball world ever developed.", + "genres": "Action", + "recommendations": 32195, + "score": 6.842539405722983 + }, + { + "type": "game", + "name": "Oxygen Not Included", + "detailed_description": "Language Packs. About the GameIn the space-colony simulation game Oxygen Not Included you\u2019ll find that scarcities of oxygen, warmth and sustenance are constant threats to your colony's survival. Guide colonists through the perils of subterranean asteroid living and watch as their population grows until they're not simply surviving, but thriving. . Just make sure you don't forget to breathe. Build Extensive Bases and Discover What it Takes to Survive:Everything in your space colony is under your control, from excavation and resource allocation right down to plumbing and power systems. Resources will begin depleting with your first breath, however, so be sure to dig fast if you want to live. It\u2019s Mind Over Matter with Stress Simulations:Keep the psychological impact of survival at bay with fun leisure activities, great accommodations and even better food for your colony. Duplicants each have different and potentially destructive ways of reacting to stress, so be sure to always keep them happy. Whatever the cost. Avoid Boiling with Thermodynamics:Temperature control is a constant concern in space; too cold and you'll freeze, too hot and you'll fry. Keep tabs on ambient environmental temperatures and your colony's heat production to maintain a nice, cozy atmosphere for your colonists. Enhance Efficiency through Complex Gas and Liquid Simulations:Create interlocking pipe systems to swiftly deliver fuel and liquid to critical areas of your base. Plan well and be rewarded as your colony transforms into an imperishable, well-oiled machine. Take Charge with Power Grid Simulations:Choose from a multitude of power sources including coal, hydrogen, natural gas or just plain old elbow grease. Manage power runoff, circuit overloads and meltdowns to keep your colony running smoothly. Always Keep Yourself Breathing:Enter the Oxygen Overlay and watch air moving through your base in real time. Monitor carbon dioxide accumulation and oversee oxygen generation processes to mold your colony into a veritable deep-space oasis. Waste Nothing through Extreme Recycling:Make use of every last resource for a base that truly exemplifies efficiency. Recycle waste into precious fuel, process unbreathable gas into air or harness the natural bodily processes of wild creatures for food. If you\u2019re clever, you might even be able to run a base off colonist farts. Explore Diverse, Procedurally Generated New Worlds:Summon new worlds with a push of a button. Experience tons of untamed space rocks, then suffocate to death in them!.", + "about_the_game": "In the space-colony simulation game Oxygen Not Included you\u2019ll find that scarcities of oxygen, warmth and sustenance are constant threats to your colony's survival. Guide colonists through the perils of subterranean asteroid living and watch as their population grows until they're not simply surviving, but thriving... Just make sure you don't forget to breathe.Build Extensive Bases and Discover What it Takes to Survive:Everything in your space colony is under your control, from excavation and resource allocation right down to plumbing and power systems. Resources will begin depleting with your first breath, however, so be sure to dig fast if you want to live.It\u2019s Mind Over Matter with Stress Simulations:Keep the psychological impact of survival at bay with fun leisure activities, great accommodations and even better food for your colony. Duplicants each have different and potentially destructive ways of reacting to stress, so be sure to always keep them happy. Whatever the cost.Avoid Boiling with Thermodynamics:Temperature control is a constant concern in space; too cold and you'll freeze, too hot and you'll fry. Keep tabs on ambient environmental temperatures and your colony's heat production to maintain a nice, cozy atmosphere for your colonists.Enhance Efficiency through Complex Gas and Liquid Simulations:Create interlocking pipe systems to swiftly deliver fuel and liquid to critical areas of your base. Plan well and be rewarded as your colony transforms into an imperishable, well-oiled machine.Take Charge with Power Grid Simulations:Choose from a multitude of power sources including coal, hydrogen, natural gas or just plain old elbow grease. Manage power runoff, circuit overloads and meltdowns to keep your colony running smoothly.Always Keep Yourself Breathing:Enter the Oxygen Overlay and watch air moving through your base in real time. Monitor carbon dioxide accumulation and oversee oxygen generation processes to mold your colony into a veritable deep-space oasis.Waste Nothing through Extreme Recycling:Make use of every last resource for a base that truly exemplifies efficiency. Recycle waste into precious fuel, process unbreathable gas into air or harness the natural bodily processes of wild creatures for food. If you\u2019re clever, you might even be able to run a base off colonist farts.Explore Diverse, Procedurally Generated New Worlds:Summon new worlds with a push of a button. Experience tons of untamed space rocks, then suffocate to death in them!", + "short_description": "Oxygen Not Included is a space-colony simulation game. Deep inside an alien space rock your industrious crew will need to master science, overcome strange new lifeforms, and harness incredible space tech to survive, and possibly, thrive.", + "genres": "Indie", + "recommendations": 96392, + "score": 7.565445049947805 + }, + { + "type": "game", + "name": "High Octane Drift", + "detailed_description": "High Octane Drift is a realistic 3d racing game about drifting motorsport, filled with full-throttle fun and a healthy competitive spirit. You start as a rookie in a live drifting community, earning reputation and cash to build your unique drifting car, gather your crew and win top class High Octane drifting series. Realtime multiplayer up to 32 players;. Evergrowing collection of cars with changeable aerodynamic elements;. 1500+ performance parts for 20+ swappable engines;. Customizable suspension, gear ratios and wheel lock angles for fine tuning;. Create and upload your very own car liveries for everybody to see;. Build rare parts in a workshop for ultimate performance;. Team up to beat other crews;. Participate in different events and championships to get exclusive prizes and fame;.", + "about_the_game": "High Octane Drift is a realistic 3d racing game about drifting motorsport, filled with full-throttle fun and a healthy competitive spirit. You start as a rookie in a live drifting community, earning reputation and cash to build your unique drifting car, gather your crew and win top class High Octane drifting series. Realtime multiplayer up to 32 players; Evergrowing collection of cars with changeable aerodynamic elements; 1500+ performance parts for 20+ swappable engines; Customizable suspension, gear ratios and wheel lock angles for fine tuning; Create and upload your very own car liveries for everybody to see; Build rare parts in a workshop for ultimate performance; Team up to beat other crews; Participate in different events and championships to get exclusive prizes and fame;", + "short_description": "Enter the world of professional competitive drift and win online series amongst hundreds of other players to become the living legend. Buy, tune, trade, unite and conquer the drift scene.", + "genres": "Free to Play", + "recommendations": 153, + "score": 3.3205089760045947 + }, + { + "type": "game", + "name": "Crush Crush", + "detailed_description": "Hey hot stuff! Are you looking for a fun and flirty game to kill some time and make you laugh out loud? That\u2019s a crazy coincidence, because it\u2019s been looking for you too!. Welcome to Crush Crush \u2013 the Idle Dating Sim! Begin your quest to win the hearts of your town's lovely ladies\u2026 after a few disastrous intros! Impress the girls by building your stats, unlocking jobs, and earning promotions. Woo them with romantic dates, thoughtful gifts, and a tickle fight or two! Work your way up from Frenemy to Lover, and unlock tons of amazing content along the way. . Featuring:. 40 (and counting) beautiful girls to unlock!. Over 300 high-resolution pinups to collect, including \"saucy\" pics for reaching Lover status. . Over 140,000 lines of dialogue fully voiced by an incredibly charming cast of actresses. . TONS of special outfits to dress your waifus in. . A bear for some reason?. \"Time Blocks\" which can advance your progress even while you're not playing!. Optional in-game purchases to help boost your progress even faster!. Crush Crush is casual, idle fun with hundreds of hours of gameplay. It's heartfelt, charming, sexy, hilarious - and free! So what are you waiting for? Play it today!", + "about_the_game": "Hey hot stuff! Are you looking for a fun and flirty game to kill some time and make you laugh out loud? That\u2019s a crazy coincidence, because it\u2019s been looking for you too!Welcome to Crush Crush \u2013 the Idle Dating Sim! Begin your quest to win the hearts of your town's lovely ladies\u2026 after a few disastrous intros! Impress the girls by building your stats, unlocking jobs, and earning promotions. Woo them with romantic dates, thoughtful gifts, and a tickle fight or two! Work your way up from Frenemy to Lover, and unlock tons of amazing content along the way.Featuring:40 (and counting) beautiful girls to unlock!Over 300 high-resolution pinups to collect, including \"saucy\" pics for reaching Lover status.Over 140,000 lines of dialogue fully voiced by an incredibly charming cast of actresses.TONS of special outfits to dress your waifus in.A bear for some reason?\"Time Blocks\" which can advance your progress even while you're not playing!Optional in-game purchases to help boost your progress even faster!Crush Crush is casual, idle fun with hundreds of hours of gameplay. It's heartfelt, charming, sexy, hilarious - and free! So what are you waiting for? Play it today!", + "short_description": "Welcome to Crush Crush - the Idle Dating Sim! Meet, flirt, and fall in love with a motley cast of girls in this heartfelt and hilarious game.", + "genres": "Casual", + "recommendations": 510, + "score": 4.111200330142194 + }, + { + "type": "game", + "name": "Bayonetta", + "detailed_description": "From PlatinumGames\u2019 legendary director Hideki Kamiya of Resident Evil and Devil May Cry fame, SEGA brings one of the most universally acclaimed character action games of all time to PC. . Bayonetta. The last survivor of an ancient witch clan who keep the balance between light, dark and chaos. Entombed to protect herself \u2013 and the world as we know it \u2013 Bayonetta is discovered and revived after 500 years, sparking a chain of events with cataclysmic repercussions. . Thrust straight into battle, with only one clue to her past, Bayonetta must discover the truth and fight for the future. Her daunting conquest sees her face off against countless angelic enemies and giant foes in a game of 100% pure action. . BAYONETTA ON PC IS BEST EXPERIENCED WITH A CONTROLLER. . . Features. Deadly Grace. An alluring, stylish and all-action heroine unlike anyone else on the gaming landscape, Bayonetta is ready to push your senses to the limit. . Climax Action. Over-the-top action in extreme environments resulting in continuous high levels of tension and excitement \u2013 Bayonetta pushes the genre into new realms of intensity. . Extravagant Combat. Bayonetta wields an impressive arsenal of weapons through an intuitive and fluid combat system, unleashing deadly combos and special attacks with devastating results. . . Supernatural Powers. Unleash gruesome torture attacks such as the Iron Maiden, Guillotine and more to finish off enemies and send them to hell. . Full Steam Support. Steam Achievements, Steam Cloud Save, Trading Cards, Leader Boards, and Big Picture Mode. . Enhanced PC Graphics Options. Unlocked resolutions up to 4K, anti-aliasing, anisotropic filtering, SSAO lighting, scalable texture and shadow quality, and more. . English and Japanese Voice Overs. Freely switch languages and subtitles at any time. .", + "about_the_game": "From PlatinumGames\u2019 legendary director Hideki Kamiya of Resident Evil and Devil May Cry fame, SEGA brings one of the most universally acclaimed character action games of all time to PC. Bayonetta. The last survivor of an ancient witch clan who keep the balance between light, dark and chaos. Entombed to protect herself \u2013 and the world as we know it \u2013 Bayonetta is discovered and revived after 500 years, sparking a chain of events with cataclysmic repercussions.Thrust straight into battle, with only one clue to her past, Bayonetta must discover the truth and fight for the future. Her daunting conquest sees her face off against countless angelic enemies and giant foes in a game of 100% pure action.BAYONETTA ON PC IS BEST EXPERIENCED WITH A CONTROLLER.Features Deadly GraceAn alluring, stylish and all-action heroine unlike anyone else on the gaming landscape, Bayonetta is ready to push your senses to the limit. Climax ActionOver-the-top action in extreme environments resulting in continuous high levels of tension and excitement \u2013 Bayonetta pushes the genre into new realms of intensity. Extravagant CombatBayonetta wields an impressive arsenal of weapons through an intuitive and fluid combat system, unleashing deadly combos and special attacks with devastating results. Supernatural PowersUnleash gruesome torture attacks such as the Iron Maiden, Guillotine and more to finish off enemies and send them to hell. Full Steam SupportSteam Achievements, Steam Cloud Save, Trading Cards, Leader Boards, and Big Picture Mode. Enhanced PC Graphics OptionsUnlocked resolutions up to 4K, anti-aliasing, anisotropic filtering, SSAO lighting, scalable texture and shadow quality, and more. English and Japanese Voice OversFreely switch languages and subtitles at any time.", + "short_description": "PlatinumGames\u2019 universally acclaimed action masterpiece finally comes to PC. Experience the over-the-top stylish action in 60fps at unlocked HD resolutions. The definitive way to play: being bad never felt so good.", + "genres": "Action", + "recommendations": 21094, + "score": 6.563812998668751 + }, + { + "type": "game", + "name": "Steep\u2122", + "detailed_description": "X Games Gold Edition. Join the ride and steal the show in the ultimate Steep experience! Ride a massive open world of the Alps and Alaska, master 8 extreme sports and go for the gold in the legendary winter sports competition : the X Games! . Steep X Games Gold Edition includes Steep base game, the Season Pass year 1 and the X Games Pass. Freely discover the mountain open world through snowy terrains and the skies, ride along with your friends and mix sports to create wild stunts, express your creativity and push your skills to pull off insane tricks and become a freestyle icon at the X Games. Enjoy a wide variety of adrenaline and fun fueled extra content such as Rockets Wings, 90\u2019s themed ski and snowboard mode and a huge range of customization possibilities. About the GameRide a massive open world across the Alps, where the powder is always fresh and the run never ends. Tame the wilderness on the American continent in the Alaska free update, a new region filled with challenges. The mountain is yours to explore. So strap in, suit up, and drop in. . - RIDE YOUR WAY -Conquer the world's most epic mountains on skis, wingsuits, snowboards, and paragliders. . - LIVE UNFORGETTABLE MOMENTS WITH OTHERS -Ride solo or drop in next to other players to share thrilling, adrenaline-fueled rides. . - THE MOUNTAIN IS YOURS TO EXPLORE -Create your own path through a massive open-world, and share your best custom lines with friends. . - PUT YOUR SKILLS TO THE TEST -Prove that you're king of the mountain in unique and spectacular challenges. . - SHARE EVERYTHING -Capture your most insane stunts and share via social media. . A permanent internet connection is required in order to play the game. . - SET YOUR SIGHTS ON THE ALPS. Rip through the terrains of a snowy open world. Strap in and suit up for some epic stunts as you ride your way to the peak of the excitement. Experience 360\u00b0 of visual freedom while you explore the Alps. Let your gaze immerse you in the massive winter playground. Situational awareness has never been more fluid with the integrated Tobii Eye Tracking feature set. Using your gaze to shred the hills enhances your gameplay and lets you embark on the ride of your life. Compatible with all Tobii Eye Tracking gaming devices. ----. Additional notes:. Eye tracking features available with Tobii Eye Tracking.", + "about_the_game": "Ride a massive open world across the Alps, where the powder is always fresh and the run never ends. \r\nTame the wilderness on the American continent in the Alaska free update, a new region filled with challenges.\r\nThe mountain is yours to explore. So strap in, suit up, and drop in. \r\n\r\n- RIDE YOUR WAY -Conquer the world's most epic mountains on skis, wingsuits, snowboards, and paragliders.\r\n\r\n- LIVE UNFORGETTABLE MOMENTS WITH OTHERS -Ride solo or drop in next to other players to share thrilling, adrenaline-fueled rides.\r\n\r\n- THE MOUNTAIN IS YOURS TO EXPLORE -Create your own path through a massive open-world, and share your best custom lines with friends.\r\n\r\n- PUT YOUR SKILLS TO THE TEST -Prove that you're king of the mountain in unique and spectacular challenges.\r\n\r\n- SHARE EVERYTHING -Capture your most insane stunts and share via social media.\r\n\r\nA permanent internet connection is required in order to play the game.\r\n\r\n- SET YOUR SIGHTS ON THE ALPS\r\n\r\nRip through the terrains of a snowy open world. Strap in and suit up for some epic stunts as you ride your way to the peak of the excitement. Experience 360\u00b0 of visual freedom while you explore the Alps. Let your gaze immerse you in the massive winter playground. Situational awareness has never been more fluid with the integrated Tobii Eye Tracking feature set. Using your gaze to shred the hills enhances your gameplay and lets you embark on the ride of your life.\r\nCompatible with all Tobii Eye Tracking gaming devices.\r\n----\r\nAdditional notes:\r\nEye tracking features available with Tobii Eye Tracking.", + "short_description": "Ride a massive open world across the Alps, where the powder is always fresh and the run never ends. Defy and master the mountain alone or with friends on skis, wingsuits, snowboards and paragliders. Record and share your best stunts.", + "genres": "Action", + "recommendations": 22867, + "score": 6.617014492264698 + }, + { + "type": "game", + "name": "Tom Clancy's Ghost Recon\u00ae Wildlands", + "detailed_description": "Ultimate Edition. Get the complete Tom Clancy\u2019s Ghost Recon\u00ae Wildlands experience with the Ultimate Edition. Includes the main game, the Season Pass, Year 2 pass and Quick Start Pack. Year 2 Gold Edition. Upgrade your Tom Clancy's Ghost Recon\u00ae Wildlands experience with the Year 2 Gold Edition. Includes the main game and the Year 2 Pass. About the GameCreate a team with up to 3 friends in Tom Clancy\u2019s Ghost Recon\u00ae Wildlands and enjoy the ultimate military shooter experience set in a massive, dangerous, and responsive open world. You can also play PVP in 4v4 class-based, tactical fights: Ghost War. . TAKE DOWN THE CARTEL. In a near future, Bolivia has fallen into the hands of Santa Blanca, a merciless drug cartel who spread injustice and violence. Their objective: to create the biggest Narco-State in history. . BECOME A GHOST. Create and fully customize your Ghost, weapons, and gear. Enjoy a total freedom of playstyle. Lead your team and take down the cartel, either solo or with up to three friends. . EXPLORE BOLIVIA. Journey through Ubisoft's largest action-adventure open world. Discover the stunning diverse landscapes of the Wildlands both on and off road, in the air, on land, and at sea with over 60 different vehicles. . TRUST YOUR EYES. Taking out the Santa Blanca Cartel becomes an even richer experience with Tobii Eye Tracking. Features like Extended View, Aim at Gaze and Communications Wheel let you use your natural eye movement to interact with the environment \u2013 without interrupting or modifying your traditional controls. Now armed with an extensive eye tracking feature set, team communication becomes more seamless, firefights become more intense and exploring your new surroundings becomes an even more immersive adventure. . Compatible with all Tobii Eye Tracking gaming devices. ----. Additional notes:. Eye tracking features available with Tobii Eye Tracking.", + "about_the_game": "Create a team with up to 3 friends in Tom Clancy\u2019s Ghost Recon\u00ae Wildlands and enjoy the ultimate military shooter experience set in a massive, dangerous, and responsive open world. You can also play PVP in 4v4 class-based, tactical fights: Ghost War.TAKE DOWN THE CARTELIn a near future, Bolivia has fallen into the hands of Santa Blanca, a merciless drug cartel who spread injustice and violence. Their objective: to create the biggest Narco-State in history. BECOME A GHOSTCreate and fully customize your Ghost, weapons, and gear. Enjoy a total freedom of playstyle. Lead your team and take down the cartel, either solo or with up to three friends.EXPLORE BOLIVIAJourney through Ubisoft's largest action-adventure open world. Discover the stunning diverse landscapes of the Wildlands both on and off road, in the air, on land, and at sea with over 60 different vehicles. TRUST YOUR EYESTaking out the Santa Blanca Cartel becomes an even richer experience with Tobii Eye Tracking. Features like Extended View, Aim at Gaze and Communications Wheel let you use your natural eye movement to interact with the environment \u2013 without interrupting or modifying your traditional controls. Now armed with an extensive eye tracking feature set, team communication becomes more seamless, firefights become more intense and exploring your new surroundings becomes an even more immersive adventure.Compatible with all Tobii Eye Tracking gaming devices.----Additional notes:Eye tracking features available with Tobii Eye Tracking.", + "short_description": "Create a team with up to 3 friends in Tom Clancy\u2019s Ghost Recon\u00ae Wildlands and enjoy the ultimate military shooter experience set in a massive, dangerous, and responsive open world.", + "genres": "Action", + "recommendations": 65172, + "score": 7.3074302330267145 + }, + { + "type": "game", + "name": "Katana ZERO", + "detailed_description": "Katana ZERO is a stylish neo-noir, action-platformer featuring breakneck action and instant-death combat. Slash, dash, and manipulate time to unravel your past in a beautifully brutal acrobatic display. . Exceptional Combat: Overcome your opposition however the situation requires. Deflect gunfire back at foes, dodge oncoming attacks, and manipulate enemies and environments with traps and explosives. Leave no survivors. . Hand-Crafted Sequences: Each level is uniquely designed for countless methods of completion. Defeat foes creatively, using spontaneous approaches to eliminate your enemy as you see fit. . Unconventional Storytelling: An enigmatic story told through cinematic sequences woven into the gameplay, twisting and folding to an unexpected conclusion.", + "about_the_game": "Katana ZERO is a stylish neo-noir, action-platformer featuring breakneck action and instant-death combat. Slash, dash, and manipulate time to unravel your past in a beautifully brutal acrobatic display. Exceptional Combat: Overcome your opposition however the situation requires. Deflect gunfire back at foes, dodge oncoming attacks, and manipulate enemies and environments with traps and explosives. Leave no survivors. Hand-Crafted Sequences: Each level is uniquely designed for countless methods of completion. Defeat foes creatively, using spontaneous approaches to eliminate your enemy as you see fit. Unconventional Storytelling: An enigmatic story told through cinematic sequences woven into the gameplay, twisting and folding to an unexpected conclusion.", + "short_description": "Katana ZERO is a stylish neo-noir, action-platformer featuring breakneck action and instant-death combat. Slash, dash, and manipulate time to unravel your past in a beautifully brutal acrobatic display.", + "genres": "Action", + "recommendations": 52175, + "score": 7.16080260391492 + }, + { + "type": "game", + "name": "Darksiders Warmastered Edition", + "detailed_description": "Release the Fury! Darksiders Warmastered Edition FeaturesSupport for up to 4k video output resolution. Doubled all the texture resolutions. Re-rendered all cutscenes in high quality. Rendering improvements and rework. Better shadow rendering quality. Post processing effects. Optimized framerate. Wide Variety of Graphic Options (FOV, Postprocessing effects, Anti-Aliasing, Texture Filtering, Windowed/Fullscreen, etc.). Steam Trading Cards. Native Steam Controller Support. About the GameDeceived by the forces of evil into prematurely bringing about the end of the world, War \u2013 the first Horseman of the Apocalypse \u2013 stands accused of breaking the sacred law by inciting a war between Heaven and Hell. In the slaughter that ensued, the demonic forces defeated the heavenly hosts and laid claim to the Earth. . . Brought before the sacred Charred Council, War is indicted for his crimes and stripped of his powers. Dishonored and facing his own death, War is given the opportunity to return to Earth to search for the truth and punish those responsible. . Hunted by a vengeful group of Angels, War must take on the forces of Hell, forge uneasy alliances with the very demons he hunts, and journey across the ravaged remains of the Earth on his quest for vengeance and vindication. . Apocalyptic Power \u2013 Unleash the wrath of War, combining brutal attacks and. supernatural abilities to decimate all who stand in your way. Extreme Arsenal \u2013 Wield a devastating arsenal of angelic, demonic and Earthly. weapons; and blaze a trail of destruction atop Ruin, War\u2019s fiery phantom steed. Epic Quest \u2013 Battle across the wastelands and demon-infested dungeons of the. decimated Earth in your quest for vengeance and redemption. Character Progression \u2013 Uncover powerful ancient relics, upgrade your weapons,. unlock new abilities, and customize your gameplay style. Battle Heaven and Hell \u2013 Battle against all who stand in your way - from war-weary. angelic forces to Hell\u2019s hideous demon hordes.", + "about_the_game": "Deceived by the forces of evil into prematurely bringing about the end of the world, War \u2013 the first Horseman of the Apocalypse \u2013 stands accused of breaking the sacred law by inciting a war between Heaven and Hell. In the slaughter that ensued, the demonic forces defeated the heavenly hosts and laid claim to the Earth. \t\t\t\t\tBrought before the sacred Charred Council, War is indicted for his crimes and stripped of his powers. Dishonored and facing his own death, War is given the opportunity to return to Earth to search for the truth and punish those responsible. \t\t\t\t\tHunted by a vengeful group of Angels, War must take on the forces of Hell, forge uneasy alliances with the very demons he hunts, and journey across the ravaged remains of the Earth on his quest for vengeance and vindication.\t\t\t\t\t\tApocalyptic Power \u2013 Unleash the wrath of War, combining brutal attacks and\t\t\t\t\t\tsupernatural abilities to decimate all who stand in your way\t\t\t\t\t\tExtreme Arsenal \u2013 Wield a devastating arsenal of angelic, demonic and Earthly\t\t\t\t\t\tweapons; and blaze a trail of destruction atop Ruin, War\u2019s fiery phantom steed\t\t\t\t\t\tEpic Quest \u2013 Battle across the wastelands and demon-infested dungeons of the\t\t\t\t\t\tdecimated Earth in your quest for vengeance and redemption\t\t\t\t\t\tCharacter Progression \u2013 Uncover powerful ancient relics, upgrade your weapons,\t\t\t\t\t\tunlock new abilities, and customize your gameplay style\t\t\t\t\t\tBattle Heaven and Hell \u2013 Battle against all who stand in your way - from war-weary\t\t\t\t\t\tangelic forces to Hell\u2019s hideous demon hordes", + "short_description": "Deceived by the forces of evil into prematurely bringing about the end of the world, War \u2013 the first Horseman of the Apocalypse \u2013 stands accused of breaking the sacred law by inciting a war between Heaven and Hell.", + "genres": "Action", + "recommendations": 9848, + "score": 6.0617000382219 + }, + { + "type": "game", + "name": "Surviving Mars", + "detailed_description": "Special Editions. About the GameColonize Mars and discover her secrets, with minimal casualties. Welcome Home! The time has come to stake your claim on the Red Planet and build the first functioning human colonies on Mars! All you need are supplies, oxygen, decades of training, experience with sandstorms, and a can-do attitude to discover the purpose of those weird black cubes that appeared out of nowhere. With a bit of sprucing up, this place is going to be awesome! . Surviving Mars is a sci-fi city builder all about colonizing Mars and surviving the process. Choose a space agency for resources and financial support before determining a location for your colony. Build domes and infrastructure, research new possibilities and utilize drones to unlock more elaborate ways to shape and expand your settlement. Cultivate your own food, mine minerals or just relax by the bar after a hard day\u2019s work. Most important of all, though, is keeping your colonists alive. Not an easy task on a strange new planet. . There will be challenges to overcome. Execute your strategy and improve your colony\u2019s chances of survival while unlocking the mysteries of this alien world. Are you ready? Mars is waiting for you. . Main Features:. . Building on a planet not fit for human life challenges you to build a smart, functional colony. Bad planning isn\u2019t about traffic jams, it\u2019s about survival of your colonists. You really don\u2019t want rolling blackouts in a city constructed in a place without oxygen. . Each colonist is a unique individual with problems and strengths that influence the needs and behavior of the other colonists. Things can get really interesting if your chief scientists develops alcoholism after one too many long nights in the lab. . Retro-futuristic super structures housing colonists, factories and commercial buildings with their own \u201cneighborhood personality.\u201d Create colonies that value science over everything else, while tired workers drink their pay away at a local bar, or attempt a utopia among the stars. . Inspired by the classic sci-fi of Asimov and Clarke, Surviving Mars holds many secrets. During each playthrough players may encounter one of Mars\u2019 individually crafted mysteries. Uncovering these secrets might bring your colony great fortune, or terrible ruin. What is that sphere that manifested itself outside colony HUB B, and is it friendly? . . Combine static and random research through experimentation, which allows for a different experience for each journey through the game. Attain new scientific breakthroughs by exploring the uncharted terrain of Mars's surface. . A sleek, modern take on the bright futurism of the 1960s. A time of exploration and adventure. . Craft your own fantastic buildings, parks or even a mystery to share through Surviving Mars\u2019s extensive and convenient modding tools. Share your finest creations with the community to build the perfect society.", + "about_the_game": "Colonize Mars and discover her secrets, with minimal casualties. Welcome Home! The time has come to stake your claim on the Red Planet and build the first functioning human colonies on Mars! All you need are supplies, oxygen, decades of training, experience with sandstorms, and a can-do attitude to discover the purpose of those weird black cubes that appeared out of nowhere. With a bit of sprucing up, this place is going to be awesome! Surviving Mars is a sci-fi city builder all about colonizing Mars and surviving the process. Choose a space agency for resources and financial support before determining a location for your colony. Build domes and infrastructure, research new possibilities and utilize drones to unlock more elaborate ways to shape and expand your settlement. Cultivate your own food, mine minerals or just relax by the bar after a hard day\u2019s work. Most important of all, though, is keeping your colonists alive. Not an easy task on a strange new planet. There will be challenges to overcome. Execute your strategy and improve your colony\u2019s chances of survival while unlocking the mysteries of this alien world. Are you ready? Mars is waiting for you. Main Features:Building on a planet not fit for human life challenges you to build a smart, functional colony. Bad planning isn\u2019t about traffic jams, it\u2019s about survival of your colonists. You really don\u2019t want rolling blackouts in a city constructed in a place without oxygen. Each colonist is a unique individual with problems and strengths that influence the needs and behavior of the other colonists. Things can get really interesting if your chief scientists develops alcoholism after one too many long nights in the lab. Retro-futuristic super structures housing colonists, factories and commercial buildings with their own \u201cneighborhood personality.\u201d Create colonies that value science over everything else, while tired workers drink their pay away at a local bar, or attempt a utopia among the stars. Inspired by the classic sci-fi of Asimov and Clarke, Surviving Mars holds many secrets. During each playthrough players may encounter one of Mars\u2019 individually crafted mysteries. Uncovering these secrets might bring your colony great fortune, or terrible ruin. What is that sphere that manifested itself outside colony HUB B, and is it friendly? Combine static and random research through experimentation, which allows for a different experience for each journey through the game. Attain new scientific breakthroughs by exploring the uncharted terrain of Mars's surface.A sleek, modern take on the bright futurism of the 1960s. A time of exploration and adventure.Craft your own fantastic buildings, parks or even a mystery to share through Surviving Mars\u2019s extensive and convenient modding tools. Share your finest creations with the community to build the perfect society.", + "short_description": "There will be challenges to overcome. Execute your strategy and improve your colony\u2019s chances of survival while unlocking the mysteries of this alien world. Are you ready? Mars is waiting for you.", + "genres": "Simulation", + "recommendations": 14502, + "score": 6.316812454627022 + }, + { + "type": "game", + "name": "Deceit", + "detailed_description": "Deceit tests your instincts at trust and deception in an action-filled, multiplayer first-person shooter. You wake up in unknown surroundings to the sound of the Game Master\u2019s unfamiliar voice. Surrounded by five others, a third of your group have been infected with the Game Master\u2019s deadly virus and tasked with taking down the other innocent players. Innocents must stay alert, traverse the three zones and escape through the safety hatch as the infected try to pick you off one by one. . . When playing as an innocent, you\u2019ll progress through the map and come across items to help you survive as you advance towards the exit. However, you will need to decide which of these are most valuable to you, and whether to collaborate or fight with other players to get your hands on them. Every decision gives you more information on your teammates and what side they\u2019re likely to be on. . . A test of strategy and skill, innocents must work together to gather weapons, secure objectives and vote out those suspected of infection to strengthen their chances of survival. But the environment has been setup to cause conflict amongst the group, creating doubt about the true intentions of players. The infected will be busy collecting blood and trying to cover up their sabotage attempts, whilst the innocents will be keeping an eye out for suspicious behaviour and attempting to make alliances with those they think they can trust. . . At the end of each zone, a blackout period occurs, allowing the infected players to transform into their terror form and attack. You\u2019ll need this form to kill innocent players. In terror form you\u2019re faster, stronger, and have better vision than your innocent victims and with an array of intense killing animations you\u2019ll be able to create some frightening but also amusing gameplay!. . Deceit combines the frenzy of fast paced combat mixed with strategic gameplay, and of course the psychological mind games of determining who you can trust.", + "about_the_game": "Deceit tests your instincts at trust and deception in an action-filled, multiplayer first-person shooter. You wake up in unknown surroundings to the sound of the Game Master\u2019s unfamiliar voice. Surrounded by five others, a third of your group have been infected with the Game Master\u2019s deadly virus and tasked with taking down the other innocent players. Innocents must stay alert, traverse the three zones and escape through the safety hatch as the infected try to pick you off one by one. When playing as an innocent, you\u2019ll progress through the map and come across items to help you survive as you advance towards the exit. However, you will need to decide which of these are most valuable to you, and whether to collaborate or fight with other players to get your hands on them. Every decision gives you more information on your teammates and what side they\u2019re likely to be on. A test of strategy and skill, innocents must work together to gather weapons, secure objectives and vote out those suspected of infection to strengthen their chances of survival. But the environment has been setup to cause conflict amongst the group, creating doubt about the true intentions of players. The infected will be busy collecting blood and trying to cover up their sabotage attempts, whilst the innocents will be keeping an eye out for suspicious behaviour and attempting to make alliances with those they think they can trust. At the end of each zone, a blackout period occurs, allowing the infected players to transform into their terror form and attack. You\u2019ll need this form to kill innocent players. In terror form you\u2019re faster, stronger, and have better vision than your innocent victims and with an array of intense killing animations you\u2019ll be able to create some frightening but also amusing gameplay!Deceit combines the frenzy of fast paced combat mixed with strategic gameplay, and of course the psychological mind games of determining who you can trust.", + "short_description": "Test your instincts at trust and deception in an action-filled, multiplayer first-person shooter. You wake up in unknown surroundings to the sound of the Game Master\u2019s unfamiliar voice, surrounded by five others. A third of your group have been infected with a virus, but who will escape?", + "genres": "Action", + "recommendations": 2522, + "score": 5.163881035901264 + }, + { + "type": "game", + "name": "Northgard", + "detailed_description": "Wartales 1.0 is out now!. About the Game. After years of tireless explorations, brave Vikings have discovered a new land filled with mystery, danger and riches: Northgard. . The boldest Northmen have set sail to explore and conquer these new shores, bring fame to their Clan and write history through conquest, trading, or devotion to the Gods. That is, if they can survive the dire Wolves and Undead Warriors roaming the land, befriend or defeat the giants, and survive the harshest winters ever witnessed in the North. . . . Build your settlement on the newly discovered continent of Northgard. Assign your vikings to various jobs (Farmer, Warrior, Sailor, Loremaster. ). Manage your resources carefully and survive harsh winters and vicious foes. Expand and discover new territory with unique strategic opportunities. Achieve different victory conditions (Conquest, Fame, Lore, Trading. ). Play against your friends or against an AI with different difficulty levels and personalities. Enjoy dedicated servers and grind the ranks to reach the final Norse God rank!. . . I. RIG'S SAGA. . The Viking High King is murdered and his Regal Horn is stolen by a man named Hagen. This event kickstarts a saga that will take Rig, his son and heir accompanied by his right-hand man Brand through the new continent of Northgard. The continent where he will make new friends and foes and discover a much greater threat than Hagen, and the reasons behind his father\u2019s assassination. . II. CROSS OF VIDAR. . Northgard: Cross of Vidar is a Northgard's expansion pack bringing a new campaign to the game that takes place in an entirely new civilization: The Southern Kingdoms. This expansion also introduces a new faction unlike any seen before in Northgard, The Kingdom of Neustria. . After uniting all of the clans behind him, Rig will have to prepare them against Ragnar\u00f6k but the clan\u2019s faith in the King seems to diminish as time passes. It might be time for them to find a new home, but this won\u2019t be an easy task\u2026. . . . Survive and conquer the unforgiving wilderness of Northgard by mastering the unique attributes of the many different clans that inhabit the continent!. Each clan has its own unique characteristics, bonuses and features. Since our vikings first stepped foot upon Northgards shores, several new clans have joined the battle, each introducing new ways of playing and methods to achieve victory. . . . After each additional clan release, Northgard is upgraded by free major content which add new ways to play, and allow you to discover all the possibilities that Northgard offers you! . Since the beginning, Northgard has grown with the additions of:. Northgard: Ragnarok. Northgard: Relics. Northgard: Conquest. Northgard: Map Editor. Northgard: Expeditions. Northgard: Kr\u00f6wns & Daggers. Northgard: Sword & Solace. Northgard: Trials of Odin.", + "about_the_game": "After years of tireless explorations, brave Vikings have discovered a new land filled with mystery, danger and riches: Northgard...The boldest Northmen have set sail to explore and conquer these new shores, bring fame to their Clan and write history through conquest, trading, or devotion to the Gods. That is, if they can survive the dire Wolves and Undead Warriors roaming the land, befriend or defeat the giants, and survive the harshest winters ever witnessed in the North.Build your settlement on the newly discovered continent of NorthgardAssign your vikings to various jobs (Farmer, Warrior, Sailor, Loremaster...)Manage your resources carefully and survive harsh winters and vicious foesExpand and discover new territory with unique strategic opportunitiesAchieve different victory conditions (Conquest, Fame, Lore, Trading...)Play against your friends or against an AI with different difficulty levels and personalitiesEnjoy dedicated servers and grind the ranks to reach the final Norse God rank!I. RIG'S SAGAThe Viking High King is murdered and his Regal Horn is stolen by a man named Hagen. This event kickstarts a saga that will take Rig, his son and heir accompanied by his right-hand man Brand through the new continent of Northgard. The continent where he will make new friends and foes and discover a much greater threat than Hagen, and the reasons behind his father\u2019s assassination.II. CROSS OF VIDARNorthgard: Cross of Vidar is a Northgard's expansion pack bringing a new campaign to the game that takes place in an entirely new civilization: The Southern Kingdoms. This expansion also introduces a new faction unlike any seen before in Northgard, The Kingdom of Neustria.After uniting all of the clans behind him, Rig will have to prepare them against Ragnar\u00f6k but the clan\u2019s faith in the King seems to diminish as time passes. It might be time for them to find a new home, but this won\u2019t be an easy task\u2026Survive and conquer the unforgiving wilderness of Northgard by mastering the unique attributes of the many different clans that inhabit the continent!Each clan has its own unique characteristics, bonuses and features. Since our vikings first stepped foot upon Northgards shores, several new clans have joined the battle, each introducing new ways of playing and methods to achieve victory.After each additional clan release, Northgard is upgraded by free major content which add new ways to play, and allow you to discover all the possibilities that Northgard offers you! Since the beginning, Northgard has grown with the additions of:Northgard: RagnarokNorthgard: RelicsNorthgard: ConquestNorthgard: Map EditorNorthgard: ExpeditionsNorthgard: Kr\u00f6wns & DaggersNorthgard: Sword & SolaceNorthgard: Trials of Odin", + "short_description": "Northgard is a strategy game based on Norse mythology in which you control a clan of Vikings vying for the control of a mysterious newfound continent.", + "genres": "Indie", + "recommendations": 42973, + "score": 7.032894011904389 + }, + { + "type": "game", + "name": "UNO", + "detailed_description": "One of the most iconic classic games which we all grew to know and love! UNO makes its return with an assortment of exciting new features such as added video chat support and an all new theme system which adds more fun!. Match cards either by matching color or value and play action cards to change things up. Race against others to empty your hand before everyone else in either Classic play or customize your experience with a variety of House Rules and match settings to ensure you and your friends never play the same game twice!. Also, get ready to shake things up with new branded themes introducing never-before-seen Theme Cards that really change the way you play the game!", + "about_the_game": "One of the most iconic classic games which we all grew to know and love! UNO makes its return with an assortment of exciting new features such as added video chat support and an all new theme system which adds more fun!\r\nMatch cards either by matching color or value and play action cards to change things up. Race against others to empty your hand before everyone else in either Classic play or customize your experience with a variety of House Rules and match settings to ensure you and your friends never play the same game twice!\r\nAlso, get ready to shake things up with new branded themes introducing never-before-seen Theme Cards that really change the way you play the game!", + "short_description": "UNO makes its return with new exciting features! Match cards by color or value and play action cards to change things up. Race against others to empty your hand before everyone else in Classic play or customize your experience with House Rules.", + "genres": "Casual", + "recommendations": 35179, + "score": 6.900970575639002 + }, + { + "type": "game", + "name": "Rec Room", + "detailed_description": "Rec Room is the best place to build and play games together. Party up with friends from all around the world to chat, hang out, explore MILLIONS of player-created rooms, or build something new and amazing to share with us all. Rec Room is free, and cross plays on everything from phones to VR headsets. It\u2019s the social app you play like a video game!. - Customize and dress up your cute Rec Room avatar to express your style. - Discover challenging, fun or straight up weird games made by creators just like you. - Try your skill with the Maker Pen, the tool used by Rec Room creators to build everything from puppies to helicopters to entire worlds!. - Join the best community - Rec Room is a fun and welcoming place for people from all walks of life! Let us help you find people you\u2019ll LOVE to hang out with.", + "about_the_game": "Rec Room is the best place to build and play games together. Party up with friends from all around the world to chat, hang out, explore MILLIONS of player-created rooms, or build something new and amazing to share with us all.\r\nRec Room is free, and cross plays on everything from phones to VR headsets. It\u2019s the social app you play like a video game!\r\n- Customize and dress up your cute Rec Room avatar to express your style\r\n- Discover challenging, fun or straight up weird games made by creators just like you\r\n- Try your skill with the Maker Pen, the tool used by Rec Room creators to build everything from puppies to helicopters to entire worlds!\r\n- Join the best community - Rec Room is a fun and welcoming place for people from all walks of life! Let us help you find people you\u2019ll LOVE to hang out with.", + "short_description": "Rec Room is the best place to build and play games together. Party up with friends from all around the world to chat, hang out, explore MILLIONS of player-created rooms, or build something new and amazing to share with us all.", + "genres": "Adventure", + "recommendations": 114, + "score": 3.128000393573869 + }, + { + "type": "game", + "name": "Quantum Break", + "detailed_description": "In the aftermath of a split second of destruction that fractures time itself, two people find they have changed and gained extraordinary abilities. One of them travels through time and becomes hell-bent on controlling this power. The other uses these new abilities to attempt to defeat him \u2013 and fix time before it tears itself irreparably apart. Both face overwhelming odds and make dramatic choices that will determine the shape of the future. Quantum Break is a unique experience; one part hard-hitting video game, one part thrilling live action show, featuring a stellar cast, including Shawn Ashmore as the hero Jack Joyce, Aidan Gillen as his nemesis Paul Serene and Dominic Monaghan as Jack\u2019s genius brother William. Quantum Break is full of the vivid storytelling, rich characters and dramatic twists Remedy Entertainment are renowned for. Your choices in-game will affect the outcome of this fast-paced fusion between game and show giving the player a completely unique entertainment experience. . FEATURES:. \u2022 In-depth, fast-paced narrative experience crafted by Remedy Entertainment. \u2022 Top quality live action show that is directly impacted by choices made in-game. \u2022 Stellar cast of actors. \u2022 One story told many ways. \u2022 Time-amplified action gameplay. \u2022 Navigate epic scenes of destruction as they skip and rewind in broken time", + "about_the_game": "In the aftermath of a split second of destruction that fractures time itself, two people find they have changed and gained extraordinary abilities. One of them travels through time and becomes hell-bent on controlling this power. The other uses these new abilities to attempt to defeat him \u2013 and fix time before it tears itself irreparably apart. Both face overwhelming odds and make dramatic choices that will determine the shape of the future. Quantum Break is a unique experience; one part hard-hitting video game, one part thrilling live action show, featuring a stellar cast, including Shawn Ashmore as the hero Jack Joyce, Aidan Gillen as his nemesis Paul Serene and Dominic Monaghan as Jack\u2019s genius brother William. Quantum Break is full of the vivid storytelling, rich characters and dramatic twists Remedy Entertainment are renowned for. Your choices in-game will affect the outcome of this fast-paced fusion between game and show giving the player a completely unique entertainment experience.\r\n\r\nFEATURES:\r\n\u2022 In-depth, fast-paced narrative experience crafted by Remedy Entertainment\r\n\u2022 Top quality live action show that is directly impacted by choices made in-game\r\n\u2022 Stellar cast of actors\r\n\u2022 One story told many ways\r\n\u2022 Time-amplified action gameplay\r\n\u2022 Navigate epic scenes of destruction as they skip and rewind in broken time", + "short_description": "From Remedy Entertainment, the masters of cinematic action games, comes Quantum Break, a time-amplified suspenseful blockbuster. The Quantum Break experience is part game, part live action show\u2014where decisions in one dramatically affect the other.", + "genres": "Action", + "recommendations": 18221, + "score": 6.467297551441471 + }, + { + "type": "game", + "name": "Titan Quest Anniversary Edition", + "detailed_description": "Discord. About the GameFor its 10 year anniversary, Titan Quest will shine in new splendour. This Anniversary Edition combines both Titan Quest and Titan Quest Immortal Throne in one game, and has been given a massive overhaul for the ultimate ARPG experience.Anniversary Edition updateRestored and improved multiplayer functionality, including new features like a built-in voice chat and NAT resolving for best multiplayer connectivity. Support for more resolutions, larger camera distance and scaleable UI size. Improved performance and general stability. Support for modders through new modding options and a fully integrated Steam Workshop. Complete balance rework with improvements to all Masteries, damage types, unique items and sets. Countless bug fixes and other improvements, including ten years\u2019 worth of community fixes. Increased challenges and rewards for larger parties and on higher difficulty levels. Dozens of new heroes and bosses to encounter. Improved enemy and pet AI. Quality of life features like higher stack limits, quick item pickup, a larger stash and a speed setting. Reduced cheating with curbed exploits, removal of test items and mod comparison in multiplayer. Steam Friend Invites. Steam Achievements. Steam Trading Cards. Discover the Courage that Turns Heroes Into LegendsFrom Age of Empires co-creator Brian Sullivan and Braveheart writer Randall Wallace comes an innovative action role playing game set in ancient Greece, Egypt and Asia. The Titans have escaped their eternal prison, wreaking havoc upon the earth. The gods seek a hero who can turn the tide in an epic struggle that will determine the fate of both men and gods. . In this epic quest of good versus evil, players will encounter the greatest villains of Greek mythology, brave the attacks of Cerberus, and hazard the banks of the River Styx. Players will interpret the prophecies of the blind seer Tiresias, fight alongside Agamemnon and Achilles, and use the wiles of Odysseus to conquer this dark new adventure. . Are you ready for the quest?Key featuresExplore the Ancient World - Unlock arcane mysteries and battle the beasts of mythology as you journey to the Parthenon, Great Pyramids, Hanging Gardens of Babylon, The Great Wall and other legendary locations. Atmospheric Graphics - Take a hero's journey through authentic Ancient World settings crafted in stunning, realistic, 3D detail. Conquer Monsters of Legend - Battle horrific monsters and mythical beasts in a story-driven campaign that will determine the fate of all existence. Highly Customizable Characters - Build and customize your characters with 28 classes and over 1000 pieces of unique and legendary items to create the ultimate champion. Online Multiplayer Gameplay - Challenge others to experience your map creations in fast-action, 2-6 player online cooperative gameplay. Create Your Own Worlds - Create your own maps with the easy-to-use World Editor for endless adventuring.", + "about_the_game": "For its 10 year anniversary, Titan Quest will shine in new splendour. This Anniversary Edition combines both Titan Quest and Titan Quest Immortal Throne in one game, and has been given a massive overhaul for the ultimate ARPG experience.Anniversary Edition updateRestored and improved multiplayer functionality, including new features like a built-in voice chat and NAT resolving for best multiplayer connectivitySupport for more resolutions, larger camera distance and scaleable UI sizeImproved performance and general stabilitySupport for modders through new modding options and a fully integrated Steam WorkshopComplete balance rework with improvements to all Masteries, damage types, unique items and setsCountless bug fixes and other improvements, including ten years\u2019 worth of community fixesIncreased challenges and rewards for larger parties and on higher difficulty levelsDozens of new heroes and bosses to encounterImproved enemy and pet AIQuality of life features like higher stack limits, quick item pickup, a larger stash and a speed settingReduced cheating with curbed exploits, removal of test items and mod comparison in multiplayerSteam Friend InvitesSteam AchievementsSteam Trading CardsDiscover the Courage that Turns Heroes Into LegendsFrom Age of Empires co-creator Brian Sullivan and Braveheart writer Randall Wallace comes an innovative action role playing game set in ancient Greece, Egypt and Asia. The Titans have escaped their eternal prison, wreaking havoc upon the earth. The gods seek a hero who can turn the tide in an epic struggle that will determine the fate of both men and gods.In this epic quest of good versus evil, players will encounter the greatest villains of Greek mythology, brave the attacks of Cerberus, and hazard the banks of the River Styx. Players will interpret the prophecies of the blind seer Tiresias, fight alongside Agamemnon and Achilles, and use the wiles of Odysseus to conquer this dark new adventure.Are you ready for the quest?Key featuresExplore the Ancient World - Unlock arcane mysteries and battle the beasts of mythology as you journey to the Parthenon, Great Pyramids, Hanging Gardens of Babylon, The Great Wall and other legendary locationsAtmospheric Graphics - Take a hero's journey through authentic Ancient World settings crafted in stunning, realistic, 3D detailConquer Monsters of Legend - Battle horrific monsters and mythical beasts in a story-driven campaign that will determine the fate of all existenceHighly Customizable Characters - Build and customize your characters with 28 classes and over 1000 pieces of unique and legendary items to create the ultimate championOnline Multiplayer Gameplay - Challenge others to experience your map creations in fast-action, 2-6 player online cooperative gameplayCreate Your Own Worlds - Create your own maps with the easy-to-use World Editor for endless adventuring", + "short_description": "For its 10 year anniversary, Titan Quest will shine in new splendour. This Anniversary Edition combines both Titan Quest and Titan Quest Immortal Throne in one game, and has been given a massive overhaul for the ultimate ARPG experience.", + "genres": "Action", + "recommendations": 21419, + "score": 6.573891975046543 + }, + { + "type": "game", + "name": "Beholder", + "detailed_description": "Wishlist our new games check out our necromancer simulatorIn a dark, dark tower a dark, dark Necromancer is performing a dark, dark ritual as dark, dark clouds swarm\u2026 Wait a second! What is a white cat doing here?. beholder 3 is now available About the GameWelcome to a grim dystopian future. A totalitarian State controls every aspect of private and public life. Laws are oppressive. Surveillance is total. Privacy is dead. . . . You are the State-installed manager of an apartment building. Your daily routine involves making the building a sweet spot for tenants, who will come and go. However, that is simply a facade that hides your real mission. . . Your primary task is to covertly watch your tenants and eavesdrop on their conversations. You must BUG their apartments while they're away, SEARCH their belongings for whatever can threaten the authority of the State, and PROFILE them for your superiors. You must also REPORT anyone capable of violating the laws or plotting subversive activities against the State to the authorities. . . . You are a cog in a totalitarian machine with your own family who also has needs. Do you cling to your humanity and cover up your tenants? Or do you survive by staying loyal to the regime? The choice is yours. . You can report the suspicious activities of a father but orphan his children. Or you can withhold the details about his illegal activities and give him a chance to make things right? Or you can blackmail him to earn something your family. . . . As you play the game, you'll interact with many characters and complete dozens of quests. You'll also make decisions that will affect the way the story unfolds. This will lead to one of several game endings - the ending you have earned!. . . .", + "about_the_game": "Welcome to a grim dystopian future.A totalitarian State controls every aspect of private and public life.Laws are oppressive. Surveillance is total. Privacy is dead.You are the State-installed manager of an apartment building. Your daily routine involves making the building a sweet spot for tenants, who will come and go. However, that is simply a facade that hides your real mission...Your primary task is to covertly watch your tenants and eavesdrop on their conversations. You must BUG their apartments while they're away, SEARCH their belongings for whatever can threaten the authority of the State, and PROFILE them for your superiors. You must also REPORT anyone capable of violating the laws or plotting subversive activities against the State to the authorities. You are a cog in a totalitarian machine with your own family who also has needs. Do you cling to your humanity and cover up your tenants? Or do you survive by staying loyal to the regime? The choice is yours.You can report the suspicious activities of a father but orphan his children. Or you can withhold the details about his illegal activities and give him a chance to make things right? Or you can blackmail him to earn something your family.As you play the game, you'll interact with many characters and complete dozens of quests. You'll also make decisions that will affect the way the story unfolds. This will lead to one of several game endings - the ending you have earned!", + "short_description": "You\u2019re a state-installed landlord in a totalitarian country. Place listening devices, steal and sneak into your tenants\u2019 apartments. Use what you uncovered to report anyone capable of plotting against the state. You MUST! But WILL you?", + "genres": "Adventure", + "recommendations": 17668, + "score": 6.446981433140748 + }, + { + "type": "game", + "name": "Heaven Forest - VR MMO", + "detailed_description": "What is the meaning of life? . Where are we heading for and why?. It seems like an absurd and pretentious notion. Yet deep inside us these are the questions we ask. . This game aims to give the player a series of hidden clues in its world in order to lead him to ponder. . You're not alone in your journey, in fact the spirits you see in the forest are real players exploring the game with you. . The VR device is not required in order to play the game. VIVE and Oculus are the supported devices you can use._______. . You will discover that the answer to many of life's most profound questions is right within you. . Are we just complicated collections of matter moving in patterns . and obeying to impersonal laws of physics? Or are we part of a great and significant plan? . We ofter feel connected to the universe in some way that trascends the merely physical, whether it's the sense of awe when . we contemplate the sea or the sky, or the love we feel when we're close to someone we care about. . You might feel insignificant in the vastness of the cosmos, and perhaps you become alienated by thinking that your atoms . obey to impersonal laws of physics, but all in all you are personally creating the world at every moment, just by looking at it. . Is there a plan designed by a superior being? Or is it all casual?. We don't know exactly how the universe began, or if it's the only universe. We don't know the ultimate laws of physics. We don't know how life began or how consciousness arose. . Since our mind is limited and conditioned, our eyes see only a fraction of reality. . Knowledge, like most other things in life, is never perfect. The problem is that our observations could well be mistaken. So, are we sure that the world we perceive with our senses is all there is? Or is there something else?. Is there something beyond the physical?. Our most direct and tangible connection to the world around us is through our senses. Though sight and touch we come to understand. But there are times when we experience reality at a deeper level, without the intermediation of our senses. How are we to account for such experiences?. . Everyone has his own story and his own vision about life and it changes over time, . but we are all connected to the whole universe.", + "about_the_game": "What is the meaning of life? Where are we heading for and why?It seems like an absurd and pretentious notion. Yet deep inside us these are the questions we ask.This game aims to give the player a series of hidden clues in its world in order to lead him to ponder.You're not alone in your journey, in fact the spirits you see in the forest are real players exploring the game with you.The VR device is not required in order to play the game.VIVE and Oculus are the supported devices you can use._______You will discover that the answer to many of life's most profound questions is right within you.Are we just complicated collections of matter moving in patterns and obeying to impersonal laws of physics? Or are we part of a great and significant plan? We ofter feel connected to the universe in some way that trascends the merely physical, whether it's the sense of awe when we contemplate the sea or the sky, or the love we feel when we're close to someone we care about.You might feel insignificant in the vastness of the cosmos, and perhaps you become alienated by thinking that your atoms obey to impersonal laws of physics, but all in all you are personally creating the world at every moment, just by looking at it.Is there a plan designed by a superior being? Or is it all casual?We don't know exactly how the universe began, or if it's the only universe.We don't know the ultimate laws of physics. We don't know how life began or how consciousness arose.Since our mind is limited and conditioned, our eyes see only a fraction of reality.Knowledge, like most other things in life, is never perfect. The problem is that our observations could well be mistaken. So, are we sure that the world we perceive with our senses is all there is? Or is there something else?Is there something beyond the physical?Our most direct and tangible connection to the world around us is through our senses. Though sight and touch we come to understand.But there are times when we experience reality at a deeper level, without the intermediation of our senses. How are we to account for such experiences?Everyone has his own story and his own vision about life and it changes over time, but we are all connected to the whole universe.", + "short_description": "The pressing human questions about life depend directly on our attitudes toward the universe. You'll find the answers you're searching for through a series of reasonings and clues during your journey in this game as well as in your own life.", + "genres": "Adventure", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Call of Duty\u00ae: WWII", + "detailed_description": "New DLC Available. Finish the fight in DLC Pack 4 for Call of Duty\u00ae: WWII - Shadow War. Make a final strike to the enemy's evil ambitions in three new Multiplayer maps: Excavation, Airship, and Chancellery. Uncover the secrets of a classified Axis weapons facility in a new objective-based War Mode mission: Operation Arcane. Plus, experience the final chapter in the Nazi Zombies saga. . Digital Deluxe Edition. The Call of Duty\u00ae: WWII Digital Deluxe edition includes:. - Call of Duty\u00ae: WWII Season Pass*. - Carentan Bonus Map. - 1,100 Call of Duty\u00ae: WWII Points**. - Multiplayer Upgrade (Weapon Unlock + 2XP)***. - Zombies Camo****. - Divisions Pack. . About the Game. Includes Digital Edition Bonus Content: 1,100 Call of Duty Points**. Call of Duty\u00ae returns to its roots with Call of Duty\u00ae: WWII - a breathtaking experience that redefines World War II for a new gaming generation. Land in Normandy on D-Day and battle across Europe through iconic locations in history\u2019s most monumental war. Experience classic Call of Duty combat, the bonds of camaraderie, and the unforgiving nature of war against a global power throwing the world into tyranny. . Call of Duty\u00ae: WWII creates the definitive World War II next generation experience across three different game modes: Campaign, Multiplayer, and Co-Operative. Featuring stunning visuals, the Campaign transports players to the European theater as they engage in an all-new Call of Duty\u00ae story set in iconic World War II battles. Multiplayer marks a return to original, boots-on-the ground Call of Duty gameplay. Authentic weapons and traditional run-and-gun action immerse you in a vast array of World War II-themed locations. The Co-Operative mode unleashes a new and original story in a standalone game experience full of unexpected, adrenaline-pumping moments.", + "about_the_game": "Includes Digital Edition Bonus Content: 1,100 Call of Duty Points**Call of Duty\u00ae returns to its roots with Call of Duty\u00ae: WWII - a breathtaking experience that redefines World War II for a new gaming generation. Land in Normandy on D-Day and battle across Europe through iconic locations in history\u2019s most monumental war. Experience classic Call of Duty combat, the bonds of camaraderie, and the unforgiving nature of war against a global power throwing the world into tyranny.Call of Duty\u00ae: WWII creates the definitive World War II next generation experience across three different game modes: Campaign, Multiplayer, and Co-Operative. Featuring stunning visuals, the Campaign transports players to the European theater as they engage in an all-new Call of Duty\u00ae story set in iconic World War II battles. Multiplayer marks a return to original, boots-on-the ground Call of Duty gameplay. Authentic weapons and traditional run-and-gun action immerse you in a vast array of World War II-themed locations. The Co-Operative mode unleashes a new and original story in a standalone game experience full of unexpected, adrenaline-pumping moments.", + "short_description": "Call of Duty\u00ae returns to its roots with Call of Duty\u00ae: WWII - a breathtaking experience that redefines World War II for a new gaming generation.", + "genres": "Action", + "recommendations": 25093, + "score": 6.6782504884621225 + }, + { + "type": "game", + "name": "Human: Fall Flat", + "detailed_description": "Wishlist Human Fall Flat 2! About the Game. ***NEW LEVEL 'Copper World' AVAILABLE NOW***. ***JOIN OUR DISCORD***. Copper World arrives in Human: Fall Flat! An amazing new level inspired by everyone\u2019s favourite chemical element, atomic number 29. Also known as Copper!. Welcome to an industrialised zone where gigantic wheels, electric circuits and massive coal engines unlock unthinkable paths. Explore the environment and some of the many points of intrigue in one of the most challenging levels created for Human: Fall Flat! . Grab your friends and maximise the fun in this comical Copper World quest! . . Includes 23 great levels. Over 45 million players across all formats. More than 5000 levels in the workshop! Human: Fall Flat is a hilarious, light-hearted physics platformer set in a world of floating dreamscapes. . Each dream level provides a new environment to navigate, from mansions, castles and Aztec adventures to snowy mountains, eerie nightscapes and industrial locations. Multiple routes through each level, and perfectly playful puzzles ensure exploration and ingenuity are rewarded. . . Need a hand getting that boulder on to a catapult, or need someone to break that wall? Online multiplayer for up to 8 players transforms the way Human: Fall Flat is played. . . Your Human is yours to customise. With outfits from builder to chef, skydiver, miner, astronaut and ninja. Choose your head, upper and lower body and get creative with the colours!. . . The Human: Fall Flat Workshop, unique to Steam, is a fantastic tool which, used alongside Unity, enables players to build their own Human: Fall Flat content and share it with others around the world. Not interested in building levels, lobbies or skins yourself? You can also download more than 5000 different levels and explore other people's creations directly from Steam! . . . Streamers and YouTubers flock to Human: Fall Flat for its unique, hilarious gameplay. Fans have watched these videos more than 3 Billion times!", + "about_the_game": "***NEW LEVEL 'Copper World' AVAILABLE NOW******JOIN OUR DISCORD***Copper World arrives in Human: Fall Flat! An amazing new level inspired by everyone\u2019s favourite chemical element, atomic number 29. Also known as Copper!Welcome to an industrialised zone where gigantic wheels, electric circuits and massive coal engines unlock unthinkable paths. Explore the environment and some of the many points of intrigue in one of the most challenging levels created for Human: Fall Flat! Grab your friends and maximise the fun in this comical Copper World quest! Includes 23 great levels. Over 45 million players across all formats. More than 5000 levels in the workshop! Human: Fall Flat is a hilarious, light-hearted physics platformer set in a world of floating dreamscapes.Each dream level provides a new environment to navigate, from mansions, castles and Aztec adventures to snowy mountains, eerie nightscapes and industrial locations. Multiple routes through each level, and perfectly playful puzzles ensure exploration and ingenuity are rewarded.Need a hand getting that boulder on to a catapult, or need someone to break that wall? Online multiplayer for up to 8 players transforms the way Human: Fall Flat is played.Your Human is yours to customise. With outfits from builder to chef, skydiver, miner, astronaut and ninja. Choose your head, upper and lower body and get creative with the colours!The Human: Fall Flat Workshop, unique to Steam, is a fantastic tool which, used alongside Unity, enables players to build their own Human: Fall Flat content and share it with others around the world. Not interested in building levels, lobbies or skins yourself? You can also download more than 5000 different levels and explore other people's creations directly from Steam! Streamers and YouTubers flock to Human: Fall Flat for its unique, hilarious gameplay. Fans have watched these videos more than 3 Billion times!", + "short_description": "Human: Fall Flat is a hilarious, light-hearted platformer set in floating dreamscapes that can be played solo or with up to 8 players online. Free new levels keep its vibrant community rewarded.", + "genres": "Adventure", + "recommendations": 143958, + "score": 7.829858772544835 + }, + { + "type": "game", + "name": "Prey", + "detailed_description": "Digital Deluxe Edition. Prey Digital Deluxe includes Prey, Prey: Mooncrash, and Prey: Typhon Hunter- the brand new multiplayer update. About the GameStory. In Prey, you awaken aboard Talos I, a space station orbiting the moon in the year 2032. You are the key subject of an experiment meant to alter humanity forever \u2013 but things have gone terribly wrong. The space station has been overrun by hostile aliens and you are now being hunted. As you dig into the dark secrets of Talos I and your own past, you must survive using the tools found on the station -- your wits, weapons, and mind-bending abilities. The fate of the Talos I and everyone aboard is in your hands.FeaturesSci-fi ThrillerNothing is as it seems aboard Talos I. As Morgan Yu, set out to unravel the clues you've left behind for yourself, and discover the truth about your past. What role will you play in TranStar\u2019s plans, and the mysterious threat ravaging the station?. . Singular SettingOrbiting the Moon, the Talos I space station symbolizes the height of private space enterprise. Explore a lavish craft designed to reflect corporate luxury of the 1960s, and navigate interconnected, non-linear pathways built to hide countless secrets. . Unimaginable ThreatThe shadowy extraterrestrial presence infesting Talos I is a living ecology bent on annihilating its prey. It\u2019s up to you, one of the last remaining survivors aboard the station, to end the deadly attack of these haunting predators. . Play Your WayGain alien abilities to develop a distinct combination of powers and upgrade your unique skills. Craft increasingly useful items with the blueprints, gadgets and tools on board the station to overcome dangerous obstacles in your way. Survive unprecedented threats with your wits and ability to improvise.", + "about_the_game": "StoryIn Prey, you awaken aboard Talos I, a space station orbiting the moon in the year 2032. You are the key subject of an experiment meant to alter humanity forever \u2013 but things have gone terribly wrong. The space station has been overrun by hostile aliens and you are now being hunted. As you dig into the dark secrets of Talos I and your own past, you must survive using the tools found on the station -- your wits, weapons, and mind-bending abilities. The fate of the Talos I and everyone aboard is in your hands.FeaturesSci-fi ThrillerNothing is as it seems aboard Talos I. As Morgan Yu, set out to unravel the clues you've left behind for yourself, and discover the truth about your past. What role will you play in TranStar\u2019s plans, and the mysterious threat ravaging the station?Singular SettingOrbiting the Moon, the Talos I space station symbolizes the height of private space enterprise. Explore a lavish craft designed to reflect corporate luxury of the 1960s, and navigate interconnected, non-linear pathways built to hide countless secrets.Unimaginable ThreatThe shadowy extraterrestrial presence infesting Talos I is a living ecology bent on annihilating its prey. It\u2019s up to you, one of the last remaining survivors aboard the station, to end the deadly attack of these haunting predators. Play Your WayGain alien abilities to develop a distinct combination of powers and upgrade your unique skills. Craft increasingly useful items with the blueprints, gadgets and tools on board the station to overcome dangerous obstacles in your way. Survive unprecedented threats with your wits and ability to improvise.", + "short_description": "In Prey, you awaken aboard Talos I, a space station orbiting the moon in the year 2032. You are the key subject of an experiment meant to alter humanity forever \u2013 but things have gone terribly wrong. The space station has been overrun by hostile aliens and you are now being hunted.", + "genres": "Action", + "recommendations": 28868, + "score": 6.770634668808261 + }, + { + "type": "game", + "name": "Football Manager 2017", + "detailed_description": "Take control of your favourite football team in Football Manager 2017, the most realistic and immersive football management game to date. It\u2019s the closest thing to doing the job for real!. With over 2,500 real clubs to manage and over 500,000 real footballers and staff to sign, Football Manager 2017 elevates you into a living, breathing world of football management with you at the centre. . You\u2019ll have full control of transfers and decide who plays, and who sits on the bench. You're in complete control of tactics, team-talks and pitch-side instructions, and you\u2019ll follow the match live with our acclaimed 3D match engine. You\u2019ll also deal with real football media, solve player-happiness problems and the board will watch your every move.", + "about_the_game": "Take control of your favourite football team in Football Manager 2017, the most realistic and immersive football management game to date. It\u2019s the closest thing to doing the job for real!\r\n\r\nWith over 2,500 real clubs to manage and over 500,000 real footballers and staff to sign, Football Manager 2017 elevates you into a living, breathing world of football management with you at the centre. \r\n\r\nYou\u2019ll have full control of transfers and decide who plays, and who sits on the bench. You're in complete control of tactics, team-talks and pitch-side instructions, and you\u2019ll follow the match live with our acclaimed 3D match engine. You\u2019ll also deal with real football media, solve player-happiness problems and the board will watch your every move.", + "short_description": "Take control of your favourite football team in Football Manager 2017, the most realistic and immersive football management game to date. It\u2019s the closest thing to doing the job for real!", + "genres": "Simulation", + "recommendations": 7812, + "score": 5.909035011393142 + }, + { + "type": "game", + "name": "Nioh: Complete Edition", + "detailed_description": "Nioh 2 \u2013 The Complete Edition Wo Long: Fallen Dynasty \u041e\u0431 \u0438\u0433\u0440\u0435\u0413\u043e\u0442\u043e\u0432\u044c\u0442\u0435 \u043a\u043b\u0438\u043d\u043a\u0438 \u2013 \u0432 \u044d\u0442\u043e\u0439 \u0440\u043e\u043b\u0435\u0432\u043e\u0439 \u0438\u0433\u0440\u0435 \u043d\u0430 \u0442\u0435\u0440\u0440\u0438\u0442\u043e\u0440\u0438\u0438 \u043e\u0433\u0440\u043e\u043c\u043d\u043e\u0439 \u0441\u0442\u0440\u0430\u043d\u044b, \u043e\u0445\u0432\u0430\u0447\u0435\u043d\u043d\u043e\u0439 \u0433\u0440\u0430\u0436\u0434\u0430\u043d\u0441\u043a\u043e\u0439 \u0432\u043e\u0439\u043d\u043e\u0439, \u0438\u0437\u043d\u0443\u0440\u0438\u0442\u0435\u043b\u044c\u043d\u044b\u0435 \u0431\u043e\u0438 \u043f\u043e\u0434\u0436\u0438\u0434\u0430\u044e\u0442 \u0437\u0430 \u043a\u0430\u0436\u0434\u044b\u043c \u0443\u0433\u043b\u043e\u043c. \u0427\u0442\u043e\u0431\u044b \u043f\u043e\u0431\u0435\u0436\u0434\u0430\u0442\u044c, \u0432\u0430\u043c \u043d\u0443\u0436\u043d\u043e \u043d\u0430\u0431\u0440\u0430\u0442\u044c\u0441\u044f \u0442\u0435\u0440\u043f\u0435\u043d\u0438\u044f, \u0432\u043d\u0438\u043c\u0430\u0442\u0435\u043b\u044c\u043d\u043e \u0438\u0437\u0443\u0447\u0430\u044f \u0441\u0438\u043b\u044c\u043d\u044b\u0435 \u0441\u0442\u043e\u0440\u043e\u043d\u044b \u0441\u0432\u043e\u0438\u0445 \u0432\u0440\u0430\u0433\u043e\u0432 \u2013 \u0431\u0443\u0434\u044c \u0442\u043e \u043b\u044e\u0434\u0438 \u0438\u043b\u0438 \u0434\u0435\u043c\u043e\u043d\u044b, \u2013 \u0438 \u0432\u043e\u0441\u043f\u043e\u043b\u044c\u0437\u043e\u0432\u0430\u0442\u044c\u0441\u044f \u0438\u0445 \u0443\u044f\u0437\u0432\u0438\u043c\u044b\u043c\u0438 \u043c\u0435\u0441\u0442\u0430\u043c\u0438. \u041a\u0430\u0436\u0434\u043e\u0435 \u043f\u043e\u0440\u0430\u0436\u0435\u043d\u0438\u0435 \u0441\u043b\u0435\u0434\u0443\u0435\u0442 \u0432\u043e\u0441\u043f\u0440\u0438\u043d\u0438\u043c\u0430\u0442\u044c \u043a\u0430\u043a \u043e\u0447\u0435\u0440\u0435\u0434\u043d\u043e\u0439 \u0448\u0430\u0433 \u0432\u043f\u0435\u0440\u0435\u0434. \u0422\u043e\u043b\u044c\u043a\u043e \u0447\u0435\u0440\u0435\u0437 \u0441\u043c\u0435\u0440\u0442\u044c \u0432\u044b \u0441\u043c\u043e\u0436\u0435\u0442\u0435 \u043f\u0440\u043e\u0439\u0442\u0438 \u043f\u0443\u0442\u044c \u0438\u0441\u0442\u0438\u043d\u043d\u043e\u0433\u043e \u0441\u0430\u043c\u0443\u0440\u0430\u044f. . . \u041f\u043e\u043b\u043d\u043e\u0435 \u0438\u0437\u0434\u0430\u043d\u0438\u0435 \u0432\u043a\u043b\u044e\u0447\u0430\u0435\u0442 \u0432 \u0441\u0435\u0431\u044f \u043f\u043e\u043b\u043d\u0443\u044e \u0432\u0435\u0440\u0441\u0438\u044e \u0438\u0433\u0440\u044b \u0438 \u0442\u0440\u0438 \u0434\u043e\u043f\u043e\u043b\u043d\u0435\u043d\u0438\u044f \u0441 \u043d\u043e\u0432\u044b\u043c\u0438 \u0433\u043b\u0430\u0432\u0430\u043c\u0438: \u00ab\u0414\u0440\u0430\u043a\u043e\u043d \u0441\u0435\u0432\u0435\u0440\u0430\u00bb, \u00ab\u0427\u0435\u0441\u0442\u044c \u0438 \u0434\u0435\u0440\u0437\u043e\u0441\u0442\u044c\u00bb \u0438 \u00ab\u041a\u043e\u043d\u0435\u0446 \u043a\u0440\u043e\u0432\u043e\u043f\u0440\u043e\u043b\u0438\u0442\u0438\u044f\u00bb. . \u0414\u0440\u0430\u043a\u043e\u043d \u0441\u0435\u0432\u0435\u0440\u0430. \u0412 \u044d\u0442\u043e\u043c \u0434\u043e\u043f\u043e\u043b\u043d\u0435\u043d\u0438\u0438 \u0432\u0430\u043c \u043e\u0442\u043a\u0440\u043e\u0435\u0442\u0441\u044f \u043e\u0431\u043b\u0430\u0441\u0442\u044c \u0422\u043e\u0445\u043e\u043a\u0443, \u0433\u0434\u0435 \u0414\u0430\u0442\u044d \u041c\u0430\u0441\u0430\u043c\u0443\u043d\u044d, \u043f\u0440\u043e\u0437\u0432\u0430\u043d\u043d\u044b\u0439 \u041e\u0434\u043d\u043e\u0433\u043b\u0430\u0437\u044b\u043c \u0434\u0440\u0430\u043a\u043e\u043d\u043e\u043c, \u0442\u0430\u0439\u043d\u043e \u0437\u0430\u043d\u0438\u043c\u0430\u0435\u0442\u0441\u044f \u0434\u043e\u0431\u044b\u0447\u0435\u0439 \u043a\u0430\u043c\u043d\u0435\u0439 \u0434\u0443\u0445\u043e\u0432. . . \u0427\u0435\u0441\u0442\u044c \u0438 \u0434\u0435\u0440\u0437\u043e\u0441\u0442\u044c. \u041f\u0440\u043e\u0439\u0434\u0438\u0442\u0435 \u0437\u0438\u043c\u043d\u044e\u044e \u043a\u0430\u043c\u043f\u0430\u043d\u0438\u044e \u043e\u0441\u0430\u0434\u044b \u041e\u0441\u0430\u043a\u0438 \u0438 \u043f\u043e\u0437\u043d\u0430\u043a\u043e\u043c\u044c\u0442\u0435\u0441\u044c \u0441 \u0421\u0430\u043d\u0430\u0434\u043e\u0439 \u042e\u043a\u0438\u043c\u0443\u0440\u043e\u0439 \u2014 \u043e\u0434\u043d\u0438\u043c \u0438\u0437 \u0432\u0435\u043b\u0438\u0447\u0430\u0439\u0448\u0438\u0445 \u0432\u043e\u0435\u043d\u0430\u0447\u0430\u043b\u044c\u043d\u0438\u043a\u043e\u0432 \u043f\u0435\u0440\u0438\u043e\u0434\u0430 \u0421\u044d\u043d\u0433\u043e\u043a\u0443. . . \u041a\u043e\u043d\u0435\u0446 \u043a\u0440\u043e\u0432\u043e\u043f\u0440\u043e\u043b\u0438\u0442\u0438\u044f. \u0412 \u0437\u0430\u043a\u043b\u044e\u0447\u0438\u0442\u0435\u043b\u044c\u043d\u043e\u0439 \u0433\u043b\u0430\u0432\u0435 \u043f\u043e\u0432\u0435\u0441\u0442\u0438 \u043e \u043f\u0440\u0438\u043a\u043b\u044e\u0447\u0435\u043d\u0438\u044f\u0445 \u0423\u0438\u043b\u044c\u044f\u043c\u0430 \u0432\u0430\u0441 \u043e\u0436\u0438\u0434\u0430\u0435\u0442 \u043b\u0435\u0442\u043d\u044f\u044f \u043e\u0441\u0430\u0434\u0430 \u041e\u0441\u0430\u043a\u0438 \u2014 \u043f\u043e\u0441\u043b\u0435\u0434\u043d\u044f\u044f \u043a\u0440\u0443\u043f\u043d\u0430\u044f \u043a\u0430\u043c\u043f\u0430\u043d\u0438\u044f \u043f\u0435\u0440\u0438\u043e\u0434\u0430 \u0421\u044d\u043d\u0433\u043e\u043a\u0443. . . \u042d\u043a\u0441\u043a\u043b\u044e\u0437\u0438\u0432\u043d\u044b\u0439 \u0431\u043e\u043d\u0443\u0441 Steam. \u0412\u044b \u043f\u043e\u043b\u0443\u0447\u0438\u0442\u0435 \u043a\u0430\u0431\u0443\u0442\u043e \u00ab\u0414\u0445\u0430\u0440\u043c\u0430 \u0447\u0430\u043a\u0440\u0430\u00bb, \u0448\u043b\u0435\u043c, \u0434\u043e\u0441\u0442\u0443\u043f\u043d\u044b\u0439 \u0442\u043e\u043b\u044c\u043a\u043e \u0432 Steam-\u0432\u0435\u0440\u0441\u0438\u0438 Nioh. \u042d\u0442\u043e\u0442 \u0432\u0435\u043b\u0438\u043a\u043e\u043b\u0435\u043f\u043d\u044b\u0439 \u043a\u0430\u0431\u0443\u0442\u043e \u043e\u0436\u0438\u0434\u0430\u0435\u0442 \u0432\u0430\u0441 \u0432 \u043b\u044e\u0431\u043e\u043c \u0438\u0437 \u0441\u0432\u044f\u0442\u0438\u043b\u0438\u0449 \u0438\u0433\u0440\u044b \u2014\u00a0\u043f\u0440\u043e\u0441\u0442\u043e \u0432\u044b\u0431\u0435\u0440\u0438\u0442\u0435 \u0432 \u043c\u0435\u043d\u044e \u043f\u0443\u043d\u043a\u0442 \u00ab\u0414\u0430\u0440\u044b\u00bb. .", + "about_the_game": "\u0413\u043e\u0442\u043e\u0432\u044c\u0442\u0435 \u043a\u043b\u0438\u043d\u043a\u0438 \u2013 \u0432 \u044d\u0442\u043e\u0439 \u0440\u043e\u043b\u0435\u0432\u043e\u0439 \u0438\u0433\u0440\u0435 \u043d\u0430 \u0442\u0435\u0440\u0440\u0438\u0442\u043e\u0440\u0438\u0438 \u043e\u0433\u0440\u043e\u043c\u043d\u043e\u0439 \u0441\u0442\u0440\u0430\u043d\u044b, \u043e\u0445\u0432\u0430\u0447\u0435\u043d\u043d\u043e\u0439 \u0433\u0440\u0430\u0436\u0434\u0430\u043d\u0441\u043a\u043e\u0439 \u0432\u043e\u0439\u043d\u043e\u0439, \u0438\u0437\u043d\u0443\u0440\u0438\u0442\u0435\u043b\u044c\u043d\u044b\u0435 \u0431\u043e\u0438 \u043f\u043e\u0434\u0436\u0438\u0434\u0430\u044e\u0442 \u0437\u0430 \u043a\u0430\u0436\u0434\u044b\u043c \u0443\u0433\u043b\u043e\u043c. \u0427\u0442\u043e\u0431\u044b \u043f\u043e\u0431\u0435\u0436\u0434\u0430\u0442\u044c, \u0432\u0430\u043c \u043d\u0443\u0436\u043d\u043e \u043d\u0430\u0431\u0440\u0430\u0442\u044c\u0441\u044f \u0442\u0435\u0440\u043f\u0435\u043d\u0438\u044f, \u0432\u043d\u0438\u043c\u0430\u0442\u0435\u043b\u044c\u043d\u043e \u0438\u0437\u0443\u0447\u0430\u044f \u0441\u0438\u043b\u044c\u043d\u044b\u0435 \u0441\u0442\u043e\u0440\u043e\u043d\u044b \u0441\u0432\u043e\u0438\u0445 \u0432\u0440\u0430\u0433\u043e\u0432 \u2013 \u0431\u0443\u0434\u044c \u0442\u043e \u043b\u044e\u0434\u0438 \u0438\u043b\u0438 \u0434\u0435\u043c\u043e\u043d\u044b, \u2013 \u0438 \u0432\u043e\u0441\u043f\u043e\u043b\u044c\u0437\u043e\u0432\u0430\u0442\u044c\u0441\u044f \u0438\u0445 \u0443\u044f\u0437\u0432\u0438\u043c\u044b\u043c\u0438 \u043c\u0435\u0441\u0442\u0430\u043c\u0438. \u041a\u0430\u0436\u0434\u043e\u0435 \u043f\u043e\u0440\u0430\u0436\u0435\u043d\u0438\u0435 \u0441\u043b\u0435\u0434\u0443\u0435\u0442 \u0432\u043e\u0441\u043f\u0440\u0438\u043d\u0438\u043c\u0430\u0442\u044c \u043a\u0430\u043a \u043e\u0447\u0435\u0440\u0435\u0434\u043d\u043e\u0439 \u0448\u0430\u0433 \u0432\u043f\u0435\u0440\u0435\u0434. \u0422\u043e\u043b\u044c\u043a\u043e \u0447\u0435\u0440\u0435\u0437 \u0441\u043c\u0435\u0440\u0442\u044c \u0432\u044b \u0441\u043c\u043e\u0436\u0435\u0442\u0435 \u043f\u0440\u043e\u0439\u0442\u0438 \u043f\u0443\u0442\u044c \u0438\u0441\u0442\u0438\u043d\u043d\u043e\u0433\u043e \u0441\u0430\u043c\u0443\u0440\u0430\u044f. \u041f\u043e\u043b\u043d\u043e\u0435 \u0438\u0437\u0434\u0430\u043d\u0438\u0435 \u0432\u043a\u043b\u044e\u0447\u0430\u0435\u0442 \u0432 \u0441\u0435\u0431\u044f \u043f\u043e\u043b\u043d\u0443\u044e \u0432\u0435\u0440\u0441\u0438\u044e \u0438\u0433\u0440\u044b \u0438 \u0442\u0440\u0438 \u0434\u043e\u043f\u043e\u043b\u043d\u0435\u043d\u0438\u044f \u0441 \u043d\u043e\u0432\u044b\u043c\u0438 \u0433\u043b\u0430\u0432\u0430\u043c\u0438: \u00ab\u0414\u0440\u0430\u043a\u043e\u043d \u0441\u0435\u0432\u0435\u0440\u0430\u00bb, \u00ab\u0427\u0435\u0441\u0442\u044c \u0438 \u0434\u0435\u0440\u0437\u043e\u0441\u0442\u044c\u00bb \u0438 \u00ab\u041a\u043e\u043d\u0435\u0446 \u043a\u0440\u043e\u0432\u043e\u043f\u0440\u043e\u043b\u0438\u0442\u0438\u044f\u00bb.\u0414\u0440\u0430\u043a\u043e\u043d \u0441\u0435\u0432\u0435\u0440\u0430\u0412 \u044d\u0442\u043e\u043c \u0434\u043e\u043f\u043e\u043b\u043d\u0435\u043d\u0438\u0438 \u0432\u0430\u043c \u043e\u0442\u043a\u0440\u043e\u0435\u0442\u0441\u044f \u043e\u0431\u043b\u0430\u0441\u0442\u044c \u0422\u043e\u0445\u043e\u043a\u0443, \u0433\u0434\u0435 \u0414\u0430\u0442\u044d \u041c\u0430\u0441\u0430\u043c\u0443\u043d\u044d, \u043f\u0440\u043e\u0437\u0432\u0430\u043d\u043d\u044b\u0439 \u041e\u0434\u043d\u043e\u0433\u043b\u0430\u0437\u044b\u043c \u0434\u0440\u0430\u043a\u043e\u043d\u043e\u043c, \u0442\u0430\u0439\u043d\u043e \u0437\u0430\u043d\u0438\u043c\u0430\u0435\u0442\u0441\u044f \u0434\u043e\u0431\u044b\u0447\u0435\u0439 \u043a\u0430\u043c\u043d\u0435\u0439 \u0434\u0443\u0445\u043e\u0432.\u0427\u0435\u0441\u0442\u044c \u0438 \u0434\u0435\u0440\u0437\u043e\u0441\u0442\u044c\u041f\u0440\u043e\u0439\u0434\u0438\u0442\u0435 \u0437\u0438\u043c\u043d\u044e\u044e \u043a\u0430\u043c\u043f\u0430\u043d\u0438\u044e \u043e\u0441\u0430\u0434\u044b \u041e\u0441\u0430\u043a\u0438 \u0438 \u043f\u043e\u0437\u043d\u0430\u043a\u043e\u043c\u044c\u0442\u0435\u0441\u044c \u0441 \u0421\u0430\u043d\u0430\u0434\u043e\u0439 \u042e\u043a\u0438\u043c\u0443\u0440\u043e\u0439 \u2014 \u043e\u0434\u043d\u0438\u043c \u0438\u0437 \u0432\u0435\u043b\u0438\u0447\u0430\u0439\u0448\u0438\u0445 \u0432\u043e\u0435\u043d\u0430\u0447\u0430\u043b\u044c\u043d\u0438\u043a\u043e\u0432 \u043f\u0435\u0440\u0438\u043e\u0434\u0430 \u0421\u044d\u043d\u0433\u043e\u043a\u0443.\u041a\u043e\u043d\u0435\u0446 \u043a\u0440\u043e\u0432\u043e\u043f\u0440\u043e\u043b\u0438\u0442\u0438\u044f\u0412 \u0437\u0430\u043a\u043b\u044e\u0447\u0438\u0442\u0435\u043b\u044c\u043d\u043e\u0439 \u0433\u043b\u0430\u0432\u0435 \u043f\u043e\u0432\u0435\u0441\u0442\u0438 \u043e \u043f\u0440\u0438\u043a\u043b\u044e\u0447\u0435\u043d\u0438\u044f\u0445 \u0423\u0438\u043b\u044c\u044f\u043c\u0430 \u0432\u0430\u0441 \u043e\u0436\u0438\u0434\u0430\u0435\u0442 \u043b\u0435\u0442\u043d\u044f\u044f \u043e\u0441\u0430\u0434\u0430 \u041e\u0441\u0430\u043a\u0438 \u2014 \u043f\u043e\u0441\u043b\u0435\u0434\u043d\u044f\u044f \u043a\u0440\u0443\u043f\u043d\u0430\u044f \u043a\u0430\u043c\u043f\u0430\u043d\u0438\u044f \u043f\u0435\u0440\u0438\u043e\u0434\u0430 \u0421\u044d\u043d\u0433\u043e\u043a\u0443.\u042d\u043a\u0441\u043a\u043b\u044e\u0437\u0438\u0432\u043d\u044b\u0439 \u0431\u043e\u043d\u0443\u0441 Steam\u0412\u044b \u043f\u043e\u043b\u0443\u0447\u0438\u0442\u0435 \u043a\u0430\u0431\u0443\u0442\u043e \u00ab\u0414\u0445\u0430\u0440\u043c\u0430 \u0447\u0430\u043a\u0440\u0430\u00bb, \u0448\u043b\u0435\u043c, \u0434\u043e\u0441\u0442\u0443\u043f\u043d\u044b\u0439 \u0442\u043e\u043b\u044c\u043a\u043e \u0432 Steam-\u0432\u0435\u0440\u0441\u0438\u0438 Nioh. \u042d\u0442\u043e\u0442 \u0432\u0435\u043b\u0438\u043a\u043e\u043b\u0435\u043f\u043d\u044b\u0439 \u043a\u0430\u0431\u0443\u0442\u043e \u043e\u0436\u0438\u0434\u0430\u0435\u0442 \u0432\u0430\u0441 \u0432 \u043b\u044e\u0431\u043e\u043c \u0438\u0437 \u0441\u0432\u044f\u0442\u0438\u043b\u0438\u0449 \u0438\u0433\u0440\u044b \u2014\u00a0\u043f\u0440\u043e\u0441\u0442\u043e \u0432\u044b\u0431\u0435\u0440\u0438\u0442\u0435 \u0432 \u043c\u0435\u043d\u044e \u043f\u0443\u043d\u043a\u0442 \u00ab\u0414\u0430\u0440\u044b\u00bb.", + "short_description": "\u041d\u0430 \u0442\u0435\u0440\u0440\u0438\u0442\u043e\u0440\u0438\u0438 \u043e\u0433\u0440\u043e\u043c\u043d\u043e\u0439 \u0441\u0442\u0440\u0430\u043d\u044b, \u043e\u0445\u0432\u0430\u0447\u0435\u043d\u043d\u043e\u0439 \u0433\u0440\u0430\u0436\u0434\u0430\u043d\u0441\u043a\u043e\u0439 \u0432\u043e\u0439\u043d\u043e\u0439, \u0431\u043e\u0438 \u043f\u043e\u0434\u0436\u0438\u0434\u0430\u044e\u0442 \u0437\u0430 \u043a\u0430\u0436\u0434\u044b\u043c \u0443\u0433\u043b\u043e\u043c. \u041d\u0430\u0431\u0435\u0440\u0438\u0442\u0435\u0441\u044c \u0442\u0435\u0440\u043f\u0435\u043d\u0438\u044f, \u0438\u0437\u0443\u0447\u0430\u044f \u0441\u0438\u043b\u044c\u043d\u044b\u0435 \u0441\u0442\u043e\u0440\u043e\u043d\u044b \u0441\u0432\u043e\u0438\u0445 \u0432\u0440\u0430\u0433\u043e\u0432, \u0438 \u0432\u043e\u0441\u043f\u043e\u043b\u044c\u0437\u0443\u0439\u0442\u0435\u0441\u044c \u0438\u0445 \u0443\u044f\u0437\u0432\u0438\u043c\u044b\u043c\u0438 \u043c\u0435\u0441\u0442\u0430\u043c\u0438. \u0427\u0435\u0440\u0435\u0437 \u0441\u043c\u0435\u0440\u0442\u044c \u0432\u044b \u0441\u043c\u043e\u0436\u0435\u0442\u0435 \u043f\u0440\u043e\u0439\u0442\u0438 \u043f\u0443\u0442\u044c \u0438\u0441\u0442\u0438\u043d\u043d\u043e\u0433\u043e \u0441\u0430\u043c\u0443\u0440\u0430\u044f.", + "genres": "\u042d\u043a\u0448\u0435\u043d\u044b", + "recommendations": 24244, + "score": 6.655560879704549 + }, + { + "type": "game", + "name": "South Park\u2122: The Fractured But Whole\u2122", + "detailed_description": "Gold Edition. South Park\u2122: The Fractured But Whole\u2122 Gold Edition includes:. o The Game. o The season pass. About the GameFrom the creators of South Park, Trey Parker and Matt Stone, comes South Park: The Fractured But Whole, a sequel to 2014's award-winning South Park: The Stick of Truth. Players will once again assume the role of the New Kid and join South Park favorites Stan, Kyle, Kenny and Cartman in a new hilarious and outrageous RPG adventure. . In South Park: The Fractured But Whole, players will delve into the crime-ridden underbelly of South Park with Coon and Friends. This dedicated group of crime fighters was formed by Eric Cartman whose superhero alter-ego, The Coon, is half man, half raccoon. As the New Kid, players will join Mysterion, Toolshed, Human Kite and a host of others to battle the forces of evil while Coon strives to make his team the most beloved superheroes in history.", + "about_the_game": "From the creators of South Park, Trey Parker and Matt Stone, comes South Park: The Fractured But Whole, a sequel to 2014's award-winning South Park: The Stick of Truth. Players will once again assume the role of the New Kid and join South Park favorites Stan, Kyle, Kenny and Cartman in a new hilarious and outrageous RPG adventure.\r\n\r\nIn South Park: The Fractured But Whole, players will delve into the crime-ridden underbelly of South Park with Coon and Friends. This dedicated group of crime fighters was formed by Eric Cartman whose superhero alter-ego, The Coon, is half man, half raccoon. As the New Kid, players will join Mysterion, Toolshed, Human Kite and a host of others to battle the forces of evil while Coon strives to make his team the most beloved superheroes in history.", + "short_description": "From the creators of South Park, Trey Parker and Matt Stone, comes South Park: The Fractured But Whole, a sequel to 2014's award-winning South Park: The Stick of Truth.", + "genres": "RPG", + "recommendations": 21363, + "score": 6.572166241746171 + }, + { + "type": "game", + "name": "Minion Masters", + "detailed_description": "Minion Masters: The realm's greatest Masters face off in a never-ending conflict for glory. Will you play Control, Aggressive, Swarm or Giant Minions? Choose a Master matching your playstyle and build the best deck to overthrow your opponents in short intense games!. Join millions of players worldwide and discover one of the best ever rated free game on Steam! Minion Masters is an insanely simple - but challenging to master - Online Strategic & Dynamic game both for competitive and casual players. . Play 1v1 duels or combine decks in 2v2 multiplayer, with full cross-play for Steam, Xbox, and more to come! Or embark on solo adventures through the different ages and conflicts of the continent. Discover the legends of the Crystal Elves, Empyreans, Zen-chi, and more!. . INNOVATIVE ONLINE FANTASY STRATEGY WITH RPG ELEMENTSHold bridges to level up and unlock your Master\u2019s powers, capable of changing the fate of a game - summon swarms of Scrats, draw from the Book of the Dead or enrage your minions! - Cards all have specific mechanics: make the right move and enable a combo to take your opponent by surprise!. . Choose your cards and master from 9 factions, each with their own specialty. Match your Master & cards together to create countless combos and tactics only your creativity can stop. Play your own way, come up with your own strategies and show off your skill in the arena!. . TRULY FAIR-TO-PLAY & BALANCED ONLINE MULTIPLAYER. We\u2019re committed to a fair experience in which only skill matters. In Minion Masters, you can easily earn, craft, or try to loot cards - and that\u2019s all you\u2019ll ever need to be competitive. Anyone can take on anyone, it all comes down to YOUR skill. . This card game offers countless free rewards to help you collect over 200 minions and spells with daily quests, special events and fun game modes. Earn new cards for free and without randomness with the free season pass!. FREE NEW EXPANSIONS & FREQUENT UPDATESExpect new cards, gameplay mechanics, adventures, skins, arenas, and much more with free regular expansions featuring the evolving story of the continent. . Minion Masters is consistently updated to ensure balanced gameplay and new content with 2 new cards every month. It\u2019s the result of close work between devs and the community - join the discord server and make your voice heard!. JOIN A GUILD, MEET PLAYERS, PLAY CO-OPTake part in something that matters! Join a guild, you will always be welcomed in the tavern! . Compete for your guild in Conquest Battles. Team up in 2v2, combine your decks to create the ultimate strategy and reach Contender rank together!. Meet players in a positive and active community. Follow streamers on Twitch, earn prizes with drops and link your account to appear in the arena and interact in real-time with chat commands!Massive new Co-op game from BetaDwarfWe're making a massive new co-op MMO game and will start invites for alpha testing soon, join now to get access!. FEATURE LIST . Ranked 1v1 and 2v2 full of action. Quick online battle games from 2 to 6 minutes. Beautiful graphics in this full 3D game. . Crazy modes: Draft, Mayhem, Adventures\u2026. 200+ Cards to collect from many different factions always at war. 13 awesome Masters each with 3 powers, and more to come. Customizable arenas, skins, emotes, guilds. . Story mode and an evolving story. Epic fantasy lore!. Guilds and Conquest battles. Loads of free rewards. Community tournaments. Twitch prizes and events. Constant stream of new features and balance tweaks. An excited dev team.", + "about_the_game": "Minion Masters: The realm's greatest Masters face off in a never-ending conflict for glory. Will you play Control, Aggressive, Swarm or Giant Minions? Choose a Master matching your playstyle and build the best deck to overthrow your opponents in short intense games!Join millions of players worldwide and discover one of the best ever rated free game on Steam! Minion Masters is an insanely simple - but challenging to master - Online Strategic & Dynamic game both for competitive and casual players.Play 1v1 duels or combine decks in 2v2 multiplayer, with full cross-play for Steam, Xbox, and more to come! Or embark on solo adventures through the different ages and conflicts of the continent. Discover the legends of the Crystal Elves, Empyreans, Zen-chi, and more!INNOVATIVE ONLINE FANTASY STRATEGY WITH RPG ELEMENTSHold bridges to level up and unlock your Master\u2019s powers, capable of changing the fate of a game - summon swarms of Scrats, draw from the Book of the Dead or enrage your minions! - Cards all have specific mechanics: make the right move and enable a combo to take your opponent by surprise!Choose your cards and master from 9 factions, each with their own specialty. Match your Master & cards together to create countless combos and tactics only your creativity can stop.Play your own way, come up with your own strategies and show off your skill in the arena!TRULY FAIR-TO-PLAY & BALANCED ONLINE MULTIPLAYERWe\u2019re committed to a fair experience in which only skill matters. In Minion Masters, you can easily earn, craft, or try to loot cards - and that\u2019s all you\u2019ll ever need to be competitive. Anyone can take on anyone, it all comes down to YOUR skill.This card game offers countless free rewards to help you collect over 200 minions and spells with daily quests, special events and fun game modes. Earn new cards for free and without randomness with the free season pass!FREE NEW EXPANSIONS & FREQUENT UPDATESExpect new cards, gameplay mechanics, adventures, skins, arenas, and much more with free regular expansions featuring the evolving story of the continent.Minion Masters is consistently updated to ensure balanced gameplay and new content with 2 new cards every month. It\u2019s the result of close work between devs and the community - join the discord server and make your voice heard! JOIN A GUILD, MEET PLAYERS, PLAY CO-OPTake part in something that matters! Join a guild, you will always be welcomed in the tavern! Compete for your guild in Conquest Battles. Team up in 2v2, combine your decks to create the ultimate strategy and reach Contender rank together!Meet players in a positive and active community. Follow streamers on Twitch, earn prizes with drops and link your account to appear in the arena and interact in real-time with chat commands!Massive new Co-op game from BetaDwarfWe're making a massive new co-op MMO game and will start invites for alpha testing soon, join now to get access!FEATURE LIST Ranked 1v1 and 2v2 full of actionQuick online battle games from 2 to 6 minutesBeautiful graphics in this full 3D game.Crazy modes: Draft, Mayhem, Adventures\u2026200+ Cards to collect from many different factions always at war13 awesome Masters each with 3 powers, and more to comeCustomizable arenas, skins, emotes, guilds...Story mode and an evolving storyEpic fantasy lore!Guilds and Conquest battlesLoads of free rewardsCommunity tournamentsTwitch prizes and eventsConstant stream of new features and balance tweaksAn excited dev team", + "short_description": "An addictive fast-paced hybrid of Card games & Tower-Defense. Play 1v1 - or bring a friend for 2v2 - and engage in epic online multiplayer battles full of innovative strategy and awesome plays! Collect 200+ cards with unique mechanics, all free!", + "genres": "Action", + "recommendations": 1426, + "score": 4.788202926300102 + }, + { + "type": "game", + "name": "The Elder Scrolls V: Skyrim Special Edition", + "detailed_description": "Creation Kit The Elder Scrolls V: Skyrim Anniversary Edition. The Anniversary Edition includes a decade's worth of content: the critically acclaimed core game, pre-existing and new Creation Club content, plus all three official add-ons: Dawnguard, Hearthfire, and Dragonborn. About the GameWinner of more than 200 Game of the Year Awards, Skyrim Special Edition brings the epic fantasy to life in stunning detail. The Special Edition includes the critically acclaimed game and add-ons with all-new features like remastered art and effects, volumetric god rays, dynamic depth of field, screen-space reflections, and more. Skyrim Special Edition also brings the full power of mods to the PC and consoles. New quests, environments, characters, dialogue, armor, weapons and more \u2013 with Mods, there are no limits to what you can experience.", + "about_the_game": "Winner of more than 200 Game of the Year Awards, Skyrim Special Edition brings the epic fantasy to life in stunning detail. The Special Edition includes the critically acclaimed game and add-ons with all-new features like remastered art and effects, volumetric god rays, dynamic depth of field, screen-space reflections, and more. Skyrim Special Edition also brings the full power of mods to the PC and consoles. New quests, environments, characters, dialogue, armor, weapons and more \u2013 with Mods, there are no limits to what you can experience.", + "short_description": "Winner of more than 200 Game of the Year Awards, Skyrim Special Edition brings the epic fantasy to life in stunning detail. The Special Edition includes the critically acclaimed game and add-ons with all-new features like remastered art and effects, volumetric god rays, dynamic depth of field, screen-space reflections, and more.", + "genres": "RPG", + "recommendations": 134509, + "score": 7.785103671078412 + }, + { + "type": "game", + "name": "Orwell: Keeping an Eye On You", + "detailed_description": "Season 2, Orwell Ignorance is Strength is out now!Check out the store page for more information. . About the GameBig Brother has arrived - and it\u2019s you. Investigate the lives of citizens to find those responsible for a series of terror attacks. Information from the internet, personal communications and private files are all accessible to you. But, be warned, the information you supply will have consequences\u2026. Orwell is a new governmental security program that has the power to survey the online presence of every person in The Nation. It can monitor all personal communications and access any computer. To preserve the privacy of citizens, human researchers examine the data Orwell finds and decide which pieces of information should be passed on to the security forces, and which should be rejected. . Selected from thousands of candidates, you are Orwell\u2019s first human researcher. And when a terror attack rocks the Nation\u2019s capital city of Bonton, Orwell, and you, are immediately put to the test. Starting with a single person of interest, you'll help the security forces build out and profile a network of potential culprits. . But are these people really terrorists? What does the information you reveal to Orwell say about them? What if you find out things about them that not even their loved ones know? What is the real price of maintaining the security that the Nation is yearning for?Key Features. Investigate the digital lives of citizens. Search web pages, scour through social media posts, dating site profiles, news articles and blogs to find those responsible for a series of terror attacks. . Invade the private lives of suspects. Listen in on chat communications, read personal emails, hack PCs, pull medical files, make connections. Find the information you need to know. . Determine the relevance of information. Only the information you provide will be seen by the security forces and acted upon. You decide what gets seen and what does not, influencing how the suspects will be perceived. . Secure the freedom of the Nation. Find the terrorists so the citizens of the Nation can sleep safe, knowing Orwell is watching over them. . MATURE CONTENT WARNING. Please note, Orwell includes mature language at multiple points throughout the game as well as mature themes and is not suitable for younger players.", + "about_the_game": "Big Brother has arrived - and it\u2019s you. Investigate the lives of citizens to find those responsible for a series of terror attacks. Information from the internet, personal communications and private files are all accessible to you. But, be warned, the information you supply will have consequences\u2026Orwell is a new governmental security program that has the power to survey the online presence of every person in The Nation. It can monitor all personal communications and access any computer. To preserve the privacy of citizens, human researchers examine the data Orwell finds and decide which pieces of information should be passed on to the security forces, and which should be rejected.Selected from thousands of candidates, you are Orwell\u2019s first human researcher. And when a terror attack rocks the Nation\u2019s capital city of Bonton, Orwell, and you, are immediately put to the test. Starting with a single person of interest, you'll help the security forces build out and profile a network of potential culprits.But are these people really terrorists? What does the information you reveal to Orwell say about them? What if you find out things about them that not even their loved ones know? What is the real price of maintaining the security that the Nation is yearning for?Key FeaturesInvestigate the digital lives of citizens. Search web pages, scour through social media posts, dating site profiles, news articles and blogs to find those responsible for a series of terror attacks.Invade the private lives of suspects. Listen in on chat communications, read personal emails, hack PCs, pull medical files, make connections. Find the information you need to know.Determine the relevance of information. Only the information you provide will be seen by the security forces and acted upon. You decide what gets seen and what does not, influencing how the suspects will be perceived.Secure the freedom of the Nation. Find the terrorists so the citizens of the Nation can sleep safe, knowing Orwell is watching over them.MATURE CONTENT WARNINGPlease note, Orwell includes mature language at multiple points throughout the game as well as mature themes and is not suitable for younger players.", + "short_description": "Big Brother has arrived - and it\u2019s you. Investigate the lives of citizens to find those responsible for a series of terror attacks. Information from the internet, personal communications and private files are all accessible to you. But, be warned, the information you supply will have consequences.", + "genres": "Adventure", + "recommendations": 7816, + "score": 5.909372429055926 + }, + { + "type": "game", + "name": "Tropico 6", + "detailed_description": "New DLC now available! \ud83d\ude80 Wishlist now! Buzz\"An interesting and vivacious playground for those who want some nation-building with their city simulators\" - Gamespot. \"It's a tropical vacation worth taking when you're looking for an in-depth city-builder with strong personality and a touch of humor.\" - IGN. \"Its entertaining and addictive.\" - Gamecrate. \"Tropico 6 will definitely cause you to stay up later than you should.\" - Game Revolution. \"Tropico 6 is the best entry in the series!\" - WccfTech. Discord. About the GameEl Presidente is back!. In times of political turmoil and social unrest, the people are calling for visionary leaders, who will steer the fate of their country with foresight and ingenuity. Prove yourself once again as a feared dictator or peace-loving statesman on the island state of Tropico and shape the fate of your very own banana republic through four distinctive eras. Face new challenges on the international stage and always keep the needs of your people in mind. . For the first time in the series, manage extensive archipelagos, build bridges to connect your islands and use new means of transportation and infrastructure. Send your Tropicans on raids to steal the wonders of the world, including the Statue of Liberty and the Eiffel Tower. Customize your palace at will and give election speeches from your balcony, to win the favor of your subjects. . . Play on large archipelagos for the first time in the series. Manage multiple islands at the same time and adapt to various new challenges. . . Send your agents on raids to foreign lands to steal world wonders and monuments, to add them to your collection. . . Build bridges, construct tunnels and transport your citizens and tourists in taxis, buses and aerial cable cars. Tropico 6 offers completely new transportation and infrastructure possibilities. . . Customize the looks of your palace at will and choose from various extras. . . Tropico 6 features a revised research system focusing on the political aspects of being the world\u2019s greatest dictator. . Election speeches are back! Address the people and make promises that you can\u2019t possibly keep. . . Online multiplayer for up to 4 players.Other recommended games from Kalypso Media", + "about_the_game": "El Presidente is back!In times of political turmoil and social unrest, the people are calling for visionary leaders, who will steer the fate of their country with foresight and ingenuity. Prove yourself once again as a feared dictator or peace-loving statesman on the island state of Tropico and shape the fate of your very own banana republic through four distinctive eras. Face new challenges on the international stage and always keep the needs of your people in mind. For the first time in the series, manage extensive archipelagos, build bridges to connect your islands and use new means of transportation and infrastructure. Send your Tropicans on raids to steal the wonders of the world, including the Statue of Liberty and the Eiffel Tower. Customize your palace at will and give election speeches from your balcony, to win the favor of your subjects.Play on large archipelagos for the first time in the series. Manage multiple islands at the same time and adapt to various new challenges.Send your agents on raids to foreign lands to steal world wonders and monuments, to add them to your collection.Build bridges, construct tunnels and transport your citizens and tourists in taxis, buses and aerial cable cars. Tropico 6 offers completely new transportation and infrastructure possibilities.Customize the looks of your palace at will and choose from various extras.Tropico 6 features a revised research system focusing on the political aspects of being the world\u2019s greatest dictator.Election speeches are back! Address the people and make promises that you can\u2019t possibly keep.Online multiplayer for up to 4 players.Other recommended games from Kalypso Media", + "short_description": "El Presidente is back! Prove yourself once again as a feared dictator or peace-loving statesman on the island state of Tropico and shape the fate of your very own banana republic through four distinctive eras.", + "genres": "Simulation", + "recommendations": 15719, + "score": 6.3699320419580685 + }, + { + "type": "game", + "name": "Planet Coaster", + "detailed_description": "Surprise, delight and thrill crowds as you build the theme park of your dreams. Build and design incredible coaster parks with unparalleled attention to detail and manage your park in a truly living world. . . Piece-by-Piece Construction: Planet Coaster makes a designer out of everyone. Lay paths, build scenery, customize rides and make everything in your park unique with piece-by-piece construction and over a thousand unique building components. . Landscape Sculpting: Play with nature and reshape the land beneath your feet. Sculpt the landscape to raise mountains, form lakes, dig caverns and even build islands in the sky, then weave coasters through your park above ground and below. . Total Authenticity: Recreate your favorite rides or leave the real world at the door. However you love to play, the most realistic rides and most realistic reactions from your guests make Planet Coaster the most authentic simulation ever. . . Simulation Evolved: The deepest park simulation in gaming history rewards your skills and makes management fun. Control every aspect of your guests\u2019 experience and watch as Planet Coaster\u2019s world reacts to your choices in an instant. . A Living World: Every park guest is an expressive individual who thinks, feels and explores your park with their own interests and desires. Together Planet Coaster\u2019s guests will tell you at a glance just how well your park is run. . Park Management: You\u2019re the boss with accessible controls that make management fun. Test your skills in a campaign of creative scenarios, or just build for fun and tweak your parks to surprise, delight and thrill your guests. . . Communal Creation: Planet Coaster links coaster fanatics and creators around the world with the Steam Workshop community hub. Trade scenery, rollercoasters and even entire parks with other players, and add the world\u2019s wildest creations to your own park. . Be Inspired: Discover new content from the world\u2019s best coaster park creators every day. Browse and download content from your favorite creators, or choose from the latest designs selected by the Planet Coaster dev team. . Share Your Creativity: Whether it\u2019s a magnificent ice cream shop or the world\u2019s most thrilling coaster, build it, name it and share it with the planet. Join a community of creators and see your designs appear in parks around the world.", + "about_the_game": "Surprise, delight and thrill crowds as you build the theme park of your dreams. Build and design incredible coaster parks with unparalleled attention to detail and manage your park in a truly living world.Piece-by-Piece Construction: Planet Coaster makes a designer out of everyone. Lay paths, build scenery, customize rides and make everything in your park unique with piece-by-piece construction and over a thousand unique building components. Landscape Sculpting: Play with nature and reshape the land beneath your feet. Sculpt the landscape to raise mountains, form lakes, dig caverns and even build islands in the sky, then weave coasters through your park above ground and below.Total Authenticity: Recreate your favorite rides or leave the real world at the door. However you love to play, the most realistic rides and most realistic reactions from your guests make Planet Coaster the most authentic simulation ever.Simulation Evolved: The deepest park simulation in gaming history rewards your skills and makes management fun. Control every aspect of your guests\u2019 experience and watch as Planet Coaster\u2019s world reacts to your choices in an instant.A Living World: Every park guest is an expressive individual who thinks, feels and explores your park with their own interests and desires. Together Planet Coaster\u2019s guests will tell you at a glance just how well your park is run.Park Management: You\u2019re the boss with accessible controls that make management fun. Test your skills in a campaign of creative scenarios, or just build for fun and tweak your parks to surprise, delight and thrill your guests. Communal Creation: Planet Coaster links coaster fanatics and creators around the world with the Steam Workshop community hub. Trade scenery, rollercoasters and even entire parks with other players, and add the world\u2019s wildest creations to your own park.Be Inspired: Discover new content from the world\u2019s best coaster park creators every day. Browse and download content from your favorite creators, or choose from the latest designs selected by the Planet Coaster dev team.Share Your Creativity: Whether it\u2019s a magnificent ice cream shop or the world\u2019s most thrilling coaster, build it, name it and share it with the planet. Join a community of creators and see your designs appear in parks around the world.", + "short_description": "Planet Coaster\u00ae - the future of coaster park simulation games has arrived! Surprise, delight and thrill incredible crowds as you build your coaster park empire - let your imagination run wild, and share your success with the world.", + "genres": "Action", + "recommendations": 49561, + "score": 7.126919376415357 + }, + { + "type": "game", + "name": "GTFO", + "detailed_description": "UPCOMING RUNDOWNS. JOIN OUR DISCORD. About the Game . Your team of prisoners is dropped into the Rundown when a new Work Order is issued by The Warden, the mysterious entity holding you captive. The Rundown is a series of expeditions, each one taking you deeper into a decayed research facility called The Complex. You descend level by level, scavenging tools and resources that help you survive in a perilous network of tunnels where gruesome creatures lurk in every shadow. Complete all the expeditions to fulfill the Work Order and clear the Rundown. . . GTFO is designed for prisoner teams of four, putting cooperation at the core of the experience. Bots can fill your lineup if you\u2019re short one or two players. They\u2019ll follow you through expeditions, sneak when you sneak, collect resources, and fight alongside you. They\u2019re a good fallback, but the level of communication and tactical combat in GTFO means it\u2019s best to play with people. . A strategy is necessary to clear the Rundown. Before you drop into The Complex, your team needs to decide what gear, boosters, and weapons to bring. You must also balance the team, identifying the function of each prisoner so that you know what to do when things go wrong. And they will. They always do. . Stealth and coordination are necessary to survive as you maneuver through The Complex. Many of the creatures of GTFO are suspended in a state of hibernation, so light, noise, and vibrations can easily wake up these Sleepers. And if one of them knows you\u2019re there, they all know. That\u2019s when things get messy. . You\u2019ll need heavy weaponry and a clear mind when the shit hits the fan. Check your line of fire, force them through bottlenecks, set up your kill zones and reload every chance you get. These creatures stop at nothing, and neither should you. Once the mayhem starts, you have no choice but to put every last one of them down. . . Clearing expeditions and Rundowns will reward you with new cosmetic gear. Wear it with pride, as it proves to your peers you\u2019ve been to hell and back. The Sleepers, on the other hand, will not care for a second. .", + "about_the_game": "Your team of prisoners is dropped into the Rundown when a new Work Order is issued by The Warden, the mysterious entity holding you captive. The Rundown is a series of expeditions, each one taking you deeper into a decayed research facility called The Complex. You descend level by level, scavenging tools and resources that help you survive in a perilous network of tunnels where gruesome creatures lurk in every shadow. Complete all the expeditions to fulfill the Work Order and clear the Rundown. GTFO is designed for prisoner teams of four, putting cooperation at the core of the experience. Bots can fill your lineup if you\u2019re short one or two players. They\u2019ll follow you through expeditions, sneak when you sneak, collect resources, and fight alongside you. They\u2019re a good fallback, but the level of communication and tactical combat in GTFO means it\u2019s best to play with people.A strategy is necessary to clear the Rundown. Before you drop into The Complex, your team needs to decide what gear, boosters, and weapons to bring. You must also balance the team, identifying the function of each prisoner so that you know what to do when things go wrong. And they will. They always do.Stealth and coordination are necessary to survive as you maneuver through The Complex. Many of the creatures of GTFO are suspended in a state of hibernation, so light, noise, and vibrations can easily wake up these Sleepers. And if one of them knows you\u2019re there, they all know. That\u2019s when things get messy.You\u2019ll need heavy weaponry and a clear mind when the shit hits the fan. Check your line of fire, force them through bottlenecks, set up your kill zones and reload every chance you get. These creatures stop at nothing, and neither should you. Once the mayhem starts, you have no choice but to put every last one of them down.Clearing expeditions and Rundowns will reward you with new cosmetic gear. Wear it with pride, as it proves to your peers you\u2019ve been to hell and back. The Sleepers, on the other hand, will not care for a second.", + "short_description": "GTFO is an extreme cooperative horror shooter that throws you from gripping suspense to explosive action in a heartbeat. Stealth, strategy, and teamwork are necessary to survive in your deadly, underground prison. Work together or die together.", + "genres": "Action", + "recommendations": 34934, + "score": 6.896363517386289 + }, + { + "type": "game", + "name": "State of Decay 2: Juggernaut Edition", + "detailed_description": "Juggernaut Edition. State of Decay 2: Juggernaut Edition re-imagines the popular survival game as a brand-new experience to welcome first-time players. and those who've come back from the dead. Available on Steam for the first time, this edition is packed with new and remastered content for the ultimate zombie survival experience. . Join over 10 million existing players and discover what Juggernaut Edition has to offer:. The base game plus all three add-on packs released to date, including the all-new Homecoming update:. \u2022 Homecoming: a full-size, fully remastered, open world version of Trumbull Valley for the core game, reintegrating the Mount Tanner and Fairfield regions to the map, and adding new sites to scavenge, along with new sights to behold. \u2022 Heartland: an massive story campaign set in a familiar town with new challenges. \u2022 Daybreak Pack: a test of teamwork with siege-style, \"survive the horde\" gameplay. \u2022 Independence Pack: a celebration of history that blows up zombies. with fireworks!. Remastered graphics and an upgraded engine featuring realistic fog effects. An expanded soundtrack with hours of new thematic musical arrangements. Providence Ridge: a brand-new open-world map full of forests, zombies, and mystery. Two-handed heavy weapons with new melee combat moves to bust zombie heads. A new introductory experience and improved controls to help you master the apocalypse. . and countless other improvements to the classic open-ended sandbox gameplay. About the GameState of Decay 2 is an open-world survival-fantasy game set just after the zombie apocalypse. Your small community of survivors seeks to rebuild a corner of civilization, and you get to make all the decisions about how that happens. . You decide who to recruit to your team, where to settle your community, how to fortify and upgrade your base, and when it\u2019s time to move to greener pastures. You select which survivor to bring along on a scavenging run for the food and ammo you need, and who you\u2019ll use to fight off the zombies attacking your base. You choose how you\u2019ll deal with other people who move into your town. Will you be friendly and welcoming. or will you aggressively defend your territory?. Every player\u2019s experience in the sandbox is unique. Each character in your community has their own special set of skills and traits, so no two communities are ever the same. The challenges you face also vary from game to game, based on who you recruit and the decisions you make along the way. . With co-op multiplayer support, you can visit your friends' communities and help them through a tough spot, bringing back rewards for your own communities later. Alternate game modes include a full 10-hour narrative campaign and a four-player zombie-slaughtering \"siege defense\" mode. . Undead Labs is proud to present our best-ever vision of the zombie apocalypse. Keep your eyes peeled and your weapons ready. This is one apocalypse you won't want to miss. . ACCESSIBILITY OPTIONS. Gameplay. Adjustable difficulty can be set to \u2018Green\u2019, \u2018Standard\u2019, \u2018Dread\u2019, \u2018Nightmare\u2019, or \u2018Lethal\u2019, and can be adjusted separately each for \u2018Action\u2019, \u2018Community\u2019, and \u2018Maps\u2019 . Adjustable aim assist, allowing the character to automatically lock on to the nearest enemy, can be set to \u2018None\u2019, \u2018Normal\u2019, or \u2018Maximum\u2019 . Game can be paused in single-player mode (pause is unavailable in multiplayer) . Audio. Volume controls can be adjusted for Music, Voice, and SFX audio. Adjustable audio output can be set to Surround, Stereo, Headphones or TV. Visual. Subtitles for spoken content can be set to On or Off. Subtitle text size can be scaled to 50%, 75%, 100%, 125%, or 150% . Gamma levels can be adjusted to increase or decrease in-game brightness, and is available prior to game start . Field of view can be adjusted between 40% and 100%. Motion blur can be set to Off, Low, or High. \u2018Reduce auto-camera movement\u2019 can be set to On or Off. HUD UI visibility can be set to On or Off. In-World Objective Icon visibility can be set to On or Off. UI prompts for Finisher Moves on zombies can be set to On or Off. Mini-map visibility can be set to On or Off. Mini-map rotation lock can be set to On or Off. Tooltip visibility can be set to On or Off. Notifications can be set to On or Off. Input. Input remapping for keyboard & mouse, and most controller buttons*. Controller vibration can be set to On or Off. \u2018Auto Camera Tracking on Foot\u2019 can be set to On or Off. \u2018Auto Camera Tracking in Vehicle\u2019 can be set to On or Off. \u2018Use camera to target interactions\u2019 can be set to \u2018Never\u2019, \u2018Always\u2019, or \u2018Only when using mouse\u2019. \u2018Aim on Movement Stick\u2019 can be set to On or Off. \u2018Rapid Button Tap\u2019 can be replaced with \u2018Hold Button Down\u2019. \u2018Hold to Aim\u2019 can be replaced with \u2018Aim Toggle\u2019. \u2018Remember Aim Zoom Level\u2019 can be set to On or Off. Reduce Auto Camera Movement can be set to On or Off. Adjustable sensitivity for camera movement and weapon aiming for controller joystick and mouse . Ability to invert camera X and Y axes for controller joystick and mouse. Ability to swap left and right controller joystick functionality. *For Xbox controllers: the right stick, \u2018view\u2019, and \u2018menu\u2019 buttons are not remappable. To move your character while also aiming a weapon, a mouse or controller joystick stick is required \u2013 this cannot be done with a keyboard only.", + "about_the_game": "State of Decay 2 is an open-world survival-fantasy game set just after the zombie apocalypse. Your small community of survivors seeks to rebuild a corner of civilization, and you get to make all the decisions about how that happens.You decide who to recruit to your team, where to settle your community, how to fortify and upgrade your base, and when it\u2019s time to move to greener pastures. You select which survivor to bring along on a scavenging run for the food and ammo you need, and who you\u2019ll use to fight off the zombies attacking your base. You choose how you\u2019ll deal with other people who move into your town. Will you be friendly and welcoming... or will you aggressively defend your territory?Every player\u2019s experience in the sandbox is unique. Each character in your community has their own special set of skills and traits, so no two communities are ever the same. The challenges you face also vary from game to game, based on who you recruit and the decisions you make along the way.With co-op multiplayer support, you can visit your friends' communities and help them through a tough spot, bringing back rewards for your own communities later. Alternate game modes include a full 10-hour narrative campaign and a four-player zombie-slaughtering \"siege defense\" mode.Undead Labs is proud to present our best-ever vision of the zombie apocalypse. Keep your eyes peeled and your weapons ready. This is one apocalypse you won't want to miss.ACCESSIBILITY OPTIONSGameplayAdjustable difficulty can be set to \u2018Green\u2019, \u2018Standard\u2019, \u2018Dread\u2019, \u2018Nightmare\u2019, or \u2018Lethal\u2019, and can be adjusted separately each for \u2018Action\u2019, \u2018Community\u2019, and \u2018Maps\u2019 Adjustable aim assist, allowing the character to automatically lock on to the nearest enemy, can be set to \u2018None\u2019, \u2018Normal\u2019, or \u2018Maximum\u2019 Game can be paused in single-player mode (pause is unavailable in multiplayer) AudioVolume controls can be adjusted for Music, Voice, and SFX audioAdjustable audio output can be set to Surround, Stereo, Headphones or TVVisualSubtitles for spoken content can be set to On or OffSubtitle text size can be scaled to 50%, 75%, 100%, 125%, or 150% Gamma levels can be adjusted to increase or decrease in-game brightness, and is available prior to game start Field of view can be adjusted between 40% and 100%Motion blur can be set to Off, Low, or High\u2018Reduce auto-camera movement\u2019 can be set to On or OffHUD UI visibility can be set to On or OffIn-World Objective Icon visibility can be set to On or OffUI prompts for Finisher Moves on zombies can be set to On or OffMini-map visibility can be set to On or OffMini-map rotation lock can be set to On or OffTooltip visibility can be set to On or OffNotifications can be set to On or OffInputInput remapping for keyboard & mouse, and most controller buttons*Controller vibration can be set to On or Off\u2018Auto Camera Tracking on Foot\u2019 can be set to On or Off\u2018Auto Camera Tracking in Vehicle\u2019 can be set to On or Off\u2018Use camera to target interactions\u2019 can be set to \u2018Never\u2019, \u2018Always\u2019, or \u2018Only when using mouse\u2019\u2018Aim on Movement Stick\u2019 can be set to On or Off\u2018Rapid Button Tap\u2019 can be replaced with \u2018Hold Button Down\u2019\u2018Hold to Aim\u2019 can be replaced with \u2018Aim Toggle\u2019\u2018Remember Aim Zoom Level\u2019 can be set to On or OffReduce Auto Camera Movement can be set to On or OffAdjustable sensitivity for camera movement and weapon aiming for controller joystick and mouse Ability to invert camera X and Y axes for controller joystick and mouseAbility to swap left and right controller joystick functionality*For Xbox controllers: the right stick, \u2018view\u2019, and \u2018menu\u2019 buttons are not remappable. To move your character while also aiming a weapon, a mouse or controller joystick stick is required \u2013 this cannot be done with a keyboard only.", + "short_description": "The dead have risen and civilization has fallen. Now it's up to you to gather survivors, scavenge for resources and build a community in a post-apocalyptic world \u2013 a world where you define what it means to survive in this ultimate zombie survival simulation.", + "genres": "Action", + "recommendations": 38277, + "score": 6.95660797026247 + }, + { + "type": "game", + "name": "ACE COMBAT\u2122 7: SKIES UNKNOWN", + "detailed_description": "ACE COMBAT\u2122 7: SKIES UNKNOWN - TOP GUN: Maverick Ultimate Edition. Contains the main game ACE COMBAT\u2122 7: SKIES UNKNOWN, the TOP GUN: Maverick Aircraft set, and the Season Pass. ACE COMBAT\u2122 7: SKIES UNKNOWN - TOP GUN: Maverick Edition. Contains the main game ACE COMBAT\u2122 7: SKIES UNKNOWN plus the TOP GUN: Maverick Aircraft Set. About the Game. Purchase ACE COMBAT\u2122 7: SKIES UNKNOWN and get the playable F-104C: Avril DLC as a bonus. . Become an ace pilot and soar through photorealistic skies with full 360 degree movement; down enemy aircraft and experience the thrill of engaging in realistic sorties! Aerial combat has never looked or felt better!. Project Aces aims to revolutionize the sky with this entry in the series, offering an experience so immersive it feels like you're piloting an actual aircraft! Weather and the environment affect your aircraft and the HUD, adding a sense of extreme realism never felt before in a flight combat game. Epic dogfights await!", + "about_the_game": "Purchase ACE COMBAT\u2122 7: SKIES UNKNOWN and get the playable F-104C: Avril DLC as a bonus.Become an ace pilot and soar through photorealistic skies with full 360 degree movement; down enemy aircraft and experience the thrill of engaging in realistic sorties! Aerial combat has never looked or felt better!Project Aces aims to revolutionize the sky with this entry in the series, offering an experience so immersive it feels like you're piloting an actual aircraft! Weather and the environment affect your aircraft and the HUD, adding a sense of extreme realism never felt before in a flight combat game. Epic dogfights await!", + "short_description": "Become an ace pilot and soar through photorealistic skies with full 360 degree movement; down enemy aircraft and experience the thrill of engaging in realistic sorties! Aerial combat has never looked or felt better!", + "genres": "Action", + "recommendations": 28180, + "score": 6.754733808048929 + }, + { + "type": "game", + "name": "Celeste", + "detailed_description": "Help Madeline survive her inner demons on her journey to the top of Celeste Mountain, in this super-tight, hand-crafted platformer from the creators of multiplayer classic TowerFall. . . A narrative-driven, single-player adventure like mom used to make, with a charming cast of characters and a touching story of self-discovery. A massive mountain teeming with 700+ screens of hardcore platforming challenges and devious secrets. Brutal B-side chapters to unlock, built for only the bravest mountaineers. IGF \u201cExcellence in Audio\u201d finalist, with over 2 hours of original music led by dazzling live piano and catchy synth beats. Pie. The controls are simple and accessible - simply jump, air-dash, and climb - but with layers of expressive depth to master, where every death is a lesson. Lightning-fast respawns keep you climbing as you uncover the mysteries of the mountain and brave its many perils. . This is it, Madeline. Just breathe. You can do this. . .", + "about_the_game": "Help Madeline survive her inner demons on her journey to the top of Celeste Mountain, in this super-tight, hand-crafted platformer from the creators of multiplayer classic TowerFall.A narrative-driven, single-player adventure like mom used to make, with a charming cast of characters and a touching story of self-discoveryA massive mountain teeming with 700+ screens of hardcore platforming challenges and devious secretsBrutal B-side chapters to unlock, built for only the bravest mountaineersIGF \u201cExcellence in Audio\u201d finalist, with over 2 hours of original music led by dazzling live piano and catchy synth beatsPieThe controls are simple and accessible - simply jump, air-dash, and climb - but with layers of expressive depth to master, where every death is a lesson. Lightning-fast respawns keep you climbing as you uncover the mysteries of the mountain and brave its many perils. This is it, Madeline. Just breathe. You can do this.", + "short_description": "Help Madeline survive her inner demons on her journey to the top of Celeste Mountain, in this super-tight platformer from the creators of TowerFall. Brave hundreds of hand-crafted challenges, uncover devious secrets, and piece together the mystery of the mountain.", + "genres": "Action", + "recommendations": 69901, + "score": 7.353608609734897 + }, + { + "type": "game", + "name": "Battlerite", + "detailed_description": "Battlerite\u200b \u200bis\u200b \u200ba\u200b \u200bPvP\u200b \u200barena\u200b \u200bbrawler\u200b \u200band\u200b \u200bthe\u200b \u200bspiritual\u200b \u200bsuccessor\u200b \u200bto\u200b \u200bthe critically\u200b \u200bacclaimed\u200b \u200bBloodline Champions.\u200b \u200bExperience\u200b \u200bthe\u200b \u200bunique\u200b \u200bcombination\u200b of a \u200b\u200btop\u200b-down\u200b \u200bshooter\u200b \u200bmeeting a \u200bfast\u200b-paced fighting\u200b \u200bgame and take \u200bpart\u200b \u200bin\u200b \u200bhighly\u200b \u200bcompetitive,\u200b \u200badrenaline-fueled\u200b \u200b2v2\u200b \u200band\u200b \u200b3v3\u200b \u200bbattles.\u200b \u200b. Engage\u200b \u200bin quick\u200b \u200band\u200b \u200bintense\u200b \u200baction\u200b \u200bas\u200b \u200byou\u200b \u200btake\u200b \u200bcontrol\u200b \u200bover\u200b \u200bone\u200b \u200bof\u200b many Champions,\u200b \u200beach\u200b \u200bwith unique abilities to master.\u200b \u200bWelcome\u200b \u200bto\u200b \u200ba\u200b \u200bworld\u200b \u200bwhere\u200b \u200bChampions\u200b \u200bdedicate\u200b \u200btheir\u200b \u200blives\u200b \u200bto\u200b \u200bthe Arena. . QUICK\u200b \u200bARENA\u200b \u200bACTION\u200b\u200b\u200bMaster the Arena\u200b \u200bin\u200b explosive\u200b \u200bbattles\u200b \u200bof reaction.\u200b Choose your Champion, team up with friends, and dive into combat - for glory awaits only those who seek it. PRECISE\u200b \u200bGAMEPLAY\u200b \u200bMOVEMENTAim skill-shots and dodge\u200b \u200bprojectiles\u200b \u200bwith\u200b \u200bthe\u200b \u200buse\u200b \u200bof\u200b \u200bWASD\u200b \u200bmovement\u200b \u200b& cursor\u200b-\u200bbased\u200b \u200baiming.\u200b Wield total control over your champion and execute massive attacks against opponents. PERFORM\u200b \u200bBATTLERITES\u200b\u200b\u200bGain\u200b \u200bstrength\u200b \u200band\u200b \u200bupgrade your abilities\u200b \u200busing\u200b \u200brites.\u200b Select \u200byour\u200b \u200brites\u200b \u200bto strategically\u200b \u200bcustomize\u200b \u200byour\u200b \u200bplay\u200b \u200bstyle. ACCOUNT\u200b \u200bCUSTOMIZATION\u200b\u200bShow\u200b \u200boff\u200b \u200byour\u200b \u200bskills\u200b \u200bin\u200b \u200bstyle.\u200b \u200bFrom\u200b \u200bweapons\u200b and outfits \u200bto\u200b \u200bvictory\u200b \u200bstances, there\u2019s\u200b \u200ba\u200b \u200bhuge\u200b \u200bvariety\u200b \u200bof\u200b \u200bcosmetic\u200b \u200bcustomizations\u200b \u200bto\u200b \u200bmake\u200b \u200byou\u200b \u200bstand\u200b \u200bout\u200b \u200bfrom\u200b \u200bthe\u200b \u200bcrowd. .", + "about_the_game": "Battlerite\u200b \u200bis\u200b \u200ba\u200b \u200bPvP\u200b \u200barena\u200b \u200bbrawler\u200b \u200band\u200b \u200bthe\u200b \u200bspiritual\u200b \u200bsuccessor\u200b \u200bto\u200b \u200bthe critically\u200b \u200bacclaimed\u200b \u200bBloodline Champions.\u200b \u200bExperience\u200b \u200bthe\u200b \u200bunique\u200b \u200bcombination\u200b of a \u200b\u200btop\u200b-down\u200b \u200bshooter\u200b \u200bmeeting a \u200bfast\u200b-paced fighting\u200b \u200bgame and take \u200bpart\u200b \u200bin\u200b \u200bhighly\u200b \u200bcompetitive,\u200b \u200badrenaline-fueled\u200b \u200b2v2\u200b \u200band\u200b \u200b3v3\u200b \u200bbattles.\u200b \u200bEngage\u200b \u200bin quick\u200b \u200band\u200b \u200bintense\u200b \u200baction\u200b \u200bas\u200b \u200byou\u200b \u200btake\u200b \u200bcontrol\u200b \u200bover\u200b \u200bone\u200b \u200bof\u200b many Champions,\u200b \u200beach\u200b \u200bwith unique abilities to master.\u200b \u200bWelcome\u200b \u200bto\u200b \u200ba\u200b \u200bworld\u200b \u200bwhere\u200b \u200bChampions\u200b \u200bdedicate\u200b \u200btheir\u200b \u200blives\u200b \u200bto\u200b \u200bthe Arena. QUICK\u200b \u200bARENA\u200b \u200bACTION\u200b\u200b\u200bMaster the Arena\u200b \u200bin\u200b explosive\u200b \u200bbattles\u200b \u200bof reaction.\u200b Choose your Champion, team up with friends, and dive into combat - for glory awaits only those who seek it. PRECISE\u200b \u200bGAMEPLAY\u200b \u200bMOVEMENTAim skill-shots and dodge\u200b \u200bprojectiles\u200b \u200bwith\u200b \u200bthe\u200b \u200buse\u200b \u200bof\u200b \u200bWASD\u200b \u200bmovement\u200b \u200b& cursor\u200b-\u200bbased\u200b \u200baiming.\u200b Wield total control over your champion and execute massive attacks against opponents. PERFORM\u200b \u200bBATTLERITES\u200b\u200b\u200bGain\u200b \u200bstrength\u200b \u200band\u200b \u200bupgrade your abilities\u200b \u200busing\u200b \u200brites.\u200b Select \u200byour\u200b \u200brites\u200b \u200bto strategically\u200b \u200bcustomize\u200b \u200byour\u200b \u200bplay\u200b \u200bstyle. ACCOUNT\u200b \u200bCUSTOMIZATION\u200b\u200bShow\u200b \u200boff\u200b \u200byour\u200b \u200bskills\u200b \u200bin\u200b \u200bstyle.\u200b \u200bFrom\u200b \u200bweapons\u200b and outfits \u200bto\u200b \u200bvictory\u200b \u200bstances, there\u2019s\u200b \u200ba\u200b \u200bhuge\u200b \u200bvariety\u200b \u200bof\u200b \u200bcosmetic\u200b \u200bcustomizations\u200b \u200bto\u200b \u200bmake\u200b \u200byou\u200b \u200bstand\u200b \u200bout\u200b \u200bfrom\u200b \u200bthe\u200b \u200bcrowd.", + "short_description": "BATTLERITE\u200b \u200bis\u200b \u200ban\u200b \u200baction-packed\u200b \u200bteam\u200b \u200barena\u200b \u200bbrawler.\u200b \u200bExperience\u200b \u200bthe\u200b \u200bunique\u200b \u200bcombination\u200b \u200bof\u200b top-down\u200b \u200bshooter\u200b meets\u200b \u200bfast-paced\u200b \u200bfighting\u200b \u200bgame and challenge \u200bfriends\u200b \u200band\u200b foes\u200b \u200bin\u200b \u200ba\u200b \u200bbattle\u200b \u200bof reaction. The Arena awaits!", + "genres": "Action", + "recommendations": 21569, + "score": 6.5784923408493015 + }, + { + "type": "game", + "name": "Foxhole", + "detailed_description": "Check out other games from Siege Camp is a massively multiplayer game where thousands of players shape the outcome of a persistent online war that lasts for weeks. Players ARE the content in this sandbox war game. Every individual soldier is a player that contributes to the war effort through logistics, base building, reconnaissance, combat, and more. . Key Features . Massively Multiplayer Warfare - Thousands of players connect to the same world and fight in a persistent war that lasts for weeks. Immerse yourself in a sandbox that includes hundreds of hand crafted towns, villages, and other areas of interest. . Logistics - Comprehensive logistics game where every bullet, weapon, vehicle, and drop of fuel is produced and supplied by real players. Win battles by cutting off supply lines or sabotaging infrastructure behind enemy lines. . . Trench Networks - Fortify your front line with trench lines and bunker networks. Build underground bases with ammunition storage, engine rooms, intelligence centers, and artillery emplacements. . Weather System - A fully dynamic weather system that simulates snow and rain storms. Weather can have a profound impact on the battlefield, freezing over rivers, disabling equipment, and limiting artillery effectiveness. . . No Man\u2019s Land - Unleash devastating artillery bombardments that can permanently level towns and transform landscapes into a desolate no man's land. . Tank Combat - Dozens of tank classes and variants supporting tank crews with gunner, commander, and engineer roles. Tanks can be tracked, have their fuel tanks ruptured, or be disabled and feature an armor system with penetration and deflection mechanics. . . Amphibious Warfare - Launch cross sea beach invasions to claim territory on distant shores. Amphibious vehicles include Gunboats, Cargo Ships, Barges, Landing Craft and more. . Train System - Players can design and build large scale railway systems, enabling supplies, vehicles, and other equipment to be hauled over long distances across the persistent world. . . Facilities -Construct and manage industrial bases that can be developed into mass production centers or shipping ports servicing hundreds of logistics players every day. .", + "about_the_game": "Check out other games from Siege Camp is a massively multiplayer game where thousands of players shape the outcome of a persistent online war that lasts for weeks. Players ARE the content in this sandbox war game. Every individual soldier is a player that contributes to the war effort through logistics, base building, reconnaissance, combat, and more. Key Features Massively Multiplayer Warfare - Thousands of players connect to the same world and fight in a persistent war that lasts for weeks. Immerse yourself in a sandbox that includes hundreds of hand crafted towns, villages, and other areas of interest.Logistics - Comprehensive logistics game where every bullet, weapon, vehicle, and drop of fuel is produced and supplied by real players. Win battles by cutting off supply lines or sabotaging infrastructure behind enemy lines.Trench Networks - Fortify your front line with trench lines and bunker networks. Build underground bases with ammunition storage, engine rooms, intelligence centers, and artillery emplacements.Weather System - A fully dynamic weather system that simulates snow and rain storms. Weather can have a profound impact on the battlefield, freezing over rivers, disabling equipment, and limiting artillery effectiveness.No Man\u2019s Land - Unleash devastating artillery bombardments that can permanently level towns and transform landscapes into a desolate no man's land.Tank Combat - Dozens of tank classes and variants supporting tank crews with gunner, commander, and engineer roles. Tanks can be tracked, have their fuel tanks ruptured, or be disabled and feature an armor system with penetration and deflection mechanics.Amphibious Warfare - Launch cross sea beach invasions to claim territory on distant shores. Amphibious vehicles include Gunboats, Cargo Ships, Barges, Landing Craft and more.Train System - Players can design and build large scale railway systems, enabling supplies, vehicles, and other equipment to be hauled over long distances across the persistent world.Facilities -Construct and manage industrial bases that can be developed into mass production centers or shipping ports servicing hundreds of logistics players every day.", + "short_description": "Foxhole is a massively multiplayer game where thousands of players shape the outcome of a persistent online war. Every individual soldier is a player that contributes to the war effort through logistics, base building, reconnaissance, combat, and more.", + "genres": "Action", + "recommendations": 27868, + "score": 6.747394582192996 + }, + { + "type": "game", + "name": "Last Man Standing", + "detailed_description": "Last Man Standing is an adrenaline fueled non-stop shoot out where players must outwit, outgun and outplay opponents to ultimately be crowned the Last Man Standing in a massive dynamic warzone. Players are thrown into the battlefield with up to 100 other players fighting each other and searching the environment for weaponry and attachments to enhance your tactical style and get the edge in competition modes. . Earn rewards, compete for prizes and fight for glory or death - this is Ultimate BATTLE ROYALE!WEAPONS and ATTACHMENTSYou'll find no shortage of ways to slay your competition with more than 30 weapons ranging from pistols, to shotguns, SMG's, LMG's, Assault Rifles, Sniper Rifles and even a rocket launcher. Game also offers over a dozen of weapon attachments that can help you customize the way your weapon handles and suit it to fit your playstyle. Look for the special supply drops that periodically occur during game play to secure most powerful weapons and attachments.ENDLESS CUSTOMIZATIONSEarn vanity crates each time your character levels up by playing. Use the gear you find in those crates to customize your character with over 329+ unique taunt emotes, character cosmetic items and badass gun skins.COMPETE LIKE A PROWe have designed the competitive system to allow the opportunity for our most active and successful players to earn a living by simply playing Last Man Standing, participating in our seasonal and monthly tournaments as well as streaming Last Man Standing. . We're taking the competitive aspect of the game to the next level by introducing monthly competitions available to all of our players. Participating in these competitive events and placing in the Top Tier of players will not only earn you real cash prizes but also encourages a healthy competitive Battle Royale community unlike anywhere else. At the end of each season the top ranking players will be given the chance to participate in an Invitational Elimination Style tournament with a grand cash prize so make sure to get as much practice as you can!OPEN DEVELOPMENTLast Man Standing is being developed directly based on community feedback and we've set up our forums and community pages to stream line this community-developer interaction.", + "about_the_game": "Last Man Standing is an adrenaline fueled non-stop shoot out where players must outwit, outgun and outplay opponents to ultimately be crowned the Last Man Standing in a massive dynamic warzone. Players are thrown into the battlefield with up to 100 other players fighting each other and searching the environment for weaponry and attachments to enhance your tactical style and get the edge in competition modes. Earn rewards, compete for prizes and fight for glory or death - this is Ultimate BATTLE ROYALE!WEAPONS and ATTACHMENTSYou'll find no shortage of ways to slay your competition with more than 30 weapons ranging from pistols, to shotguns, SMG's, LMG's, Assault Rifles, Sniper Rifles and even a rocket launcher. Game also offers over a dozen of weapon attachments that can help you customize the way your weapon handles and suit it to fit your playstyle. Look for the special supply drops that periodically occur during game play to secure most powerful weapons and attachments.ENDLESS CUSTOMIZATIONSEarn vanity crates each time your character levels up by playing. Use the gear you find in those crates to customize your character with over 329+ unique taunt emotes, character cosmetic items and badass gun skins.COMPETE LIKE A PROWe have designed the competitive system to allow the opportunity for our most active and successful players to earn a living by simply playing Last Man Standing, participating in our seasonal and monthly tournaments as well as streaming Last Man Standing.We're taking the competitive aspect of the game to the next level by introducing monthly competitions available to all of our players. Participating in these competitive events and placing in the Top Tier of players will not only earn you real cash prizes but also encourages a healthy competitive Battle Royale community unlike anywhere else. At the end of each season the top ranking players will be given the chance to participate in an Invitational Elimination Style tournament with a grand cash prize so make sure to get as much practice as you can!OPEN DEVELOPMENTLast Man Standing is being developed directly based on community feedback and we've set up our forums and community pages to stream line this community-developer interaction.", + "short_description": "The Ultimate BATTLE ROYALE! Sharpen your skills and kill everyone in your way as you hunt for guns, gear and glory in a massive battlefield where only ONE can be crowned the LAST MAN STANDING. Earn cash prizes in a monthly competitions,", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "ORBITAL", + "detailed_description": "Special Offer About the GameThe game is a simple but exciting arcade. You have to control the satellite, one of the few planets in the solar system. Destroying enemies you get points, thereby to set new records!. #Nice graphics . #Good soundtrack. #Simple but addictive gameplay. The game is perfect after a hard day!", + "about_the_game": "The game is a simple but exciting arcade. You have to control the satellite, one of the few planets in the solar system. Destroying enemies you get points, thereby to set new records!\r\n\r\n #Nice graphics \r\n#Good soundtrack\r\n#Simple but addictive gameplay\r\n\r\nThe game is perfect after a hard day!", + "short_description": "The solar system is in danger! Millions of meteorites and alien spaceships from other systems that want to take over the world! Can you stop this invasion? You will save you planet?", + "genres": "Casual", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Totally Accurate Battle Simulator", + "detailed_description": "Be the leader of red and blue wobblers from ancient lands, spooky places, and fantasy worlds. Watch them fight in simulations made with the wobbliest physics system ever created. . When you grow tired of the 100+ wobblers at your disposal you can make new ones in the unit creator. . You can also send wobblers to fight your friends or strangers in online multiplayer!. Features:Campaigns . Multiplayer. Workshop. Unit, map and faction Creator. Campaign and battle creator. Sandbox mode. Unit Possession. A bunch of silly units. Custom content and workshop: Unit and faction Creator. Campaign and battle creator. In-game workshop.", + "about_the_game": "Be the leader of red and blue wobblers from ancient lands, spooky places, and fantasy worlds. Watch them fight in simulations made with the wobbliest physics system ever created. When you grow tired of the 100+ wobblers at your disposal you can make new ones in the unit creator. You can also send wobblers to fight your friends or strangers in online multiplayer!Features:Campaigns MultiplayerWorkshopUnit, map and faction CreatorCampaign and battle creatorSandbox modeUnit PossessionA bunch of silly unitsCustom content and workshop: Unit and faction CreatorCampaign and battle creatorIn-game workshop", + "short_description": "Be the leader of wobblers from ancient lands, spooky places, and fantasy worlds. Watch them fight in simulations made with the wobbliest physics system ever created, make your own wobblers in the unit creator and send your army off to fight your friends in multiplayer.", + "genres": "Indie", + "recommendations": 102028, + "score": 7.602904792460778 + }, + { + "type": "game", + "name": "BIGFOOT", + "detailed_description": "JOIN OUR COMMUNITY . . Contact Information. Support:. @mail: support@cyberlightgs.com. Cooperation:. @mail: partner@cyberlightgs.com. About the Game. BIGFOOT is a survival horror game about hunting Bigfoot. There are 2 modes available: you can play against Bigfoot controlled by AI, or another player can play as the monster. . Eyewitnesses often mention its enormous size, incredible strength, and elusiveness. For many years, researchers searched for him, but no one could provide evidence of his existence. . You are a Bigfoot hunter with an important mission: to put an end to rumours once and for all and prove to yourself that Bigfoot is not just a myth or an invention of the mind. His existence is real, real enough to make your blood run cold. Collect ammunition, study the terrain, and defend yourself from predators. You must use everything available to you to avoid becoming the bottom link of the food chain and to survive the wilderness of the American wildlife sanctuaries. Playing as Hunter. Gather a team of Bigfoot hunters among your friends or go alone. . Arm yourself with the most modern equipment, your only chance to fight off Bigfoot. . Use the tools at hand and your own cunning to increase your chances of survival. . Remember, there are other predators in dark forests. . Engage in a fight with an ancient primate, but remember that sometimes the hunter becomes the hunted. . Playing as Bigfoot. People have begun to trespass too much; protect your territory from uninvited guests. . Get food to become stronger. . Use the skills of a predator and unique abilities to hunt people. . Darkness is your friend, fear binds the hearts of your enemies. . Arrange ambushes and set traps; your victims will not be safe from you. . Or just rip out the road sign and charge into battle!. Features. Several US national parks to explore. . Single Player mode. . Online co-op with up to 4 players in the mode against Bigfoot under the control of AI. . Online co-op with up to 5 players in the mode against Bigfoot under the player's control. . The game is being developed on Unreal Engine 4. . Additional information about the game is available at Contact Information. Support:. @mail: support@cyberlightgs.com. Cooperation:. @mail: partner@cyberlightgs.com", + "about_the_game": "BIGFOOT is a survival horror game about hunting Bigfoot. There are 2 modes available: you can play against Bigfoot controlled by AI, or another player can play as the monster.Eyewitnesses often mention its enormous size, incredible strength, and elusiveness. For many years, researchers searched for him, but no one could provide evidence of his existence.You are a Bigfoot hunter with an important mission: to put an end to rumours once and for all and prove to yourself that Bigfoot is not just a myth or an invention of the mind... His existence is real, real enough to make your blood run cold. Collect ammunition, study the terrain, and defend yourself from predators. You must use everything available to you to avoid becoming the bottom link of the food chain and to survive the wilderness of the American wildlife sanctuaries.Playing as HunterGather a team of Bigfoot hunters among your friends or go alone.Arm yourself with the most modern equipment, your only chance to fight off Bigfoot.Use the tools at hand and your own cunning to increase your chances of survival.Remember, there are other predators in dark forests.Engage in a fight with an ancient primate, but remember that sometimes the hunter becomes the hunted.Playing as BigfootPeople have begun to trespass too much; protect your territory from uninvited guests.Get food to become stronger.Use the skills of a predator and unique abilities to hunt people.Darkness is your friend, fear binds the hearts of your enemies.Arrange ambushes and set traps; your victims will not be safe from you.Or just rip out the road sign and charge into battle!FeaturesSeveral US national parks to explore.Single Player mode.Online co-op with up to 4 players in the mode against Bigfoot under the control of AI.Online co-op with up to 5 players in the mode against Bigfoot under the player's control.The game is being developed on Unreal Engine 4.Additional information about the game is available at InformationSupport:@mail: support@cyberlightgs.comCooperation:@mail: partner@cyberlightgs.com", + "short_description": "You are a Bigfoot hunter with an important mission: to put an end to rumours once and for all and prove to yourself that Bigfoot is not just a myth or an invention of the mind...", + "genres": "Action", + "recommendations": 13106, + "score": 6.250092414784223 + }, + { + "type": "game", + "name": "Evolvation", + "detailed_description": "A Game developed by a Two-Man-Army. Created in Amsterdam by Eric Ruts and Jacob Kooijman. Evolvation is a class based and fast paced multiplayer arena space flying shooter.Class based multiplayer action. With classes like Highspeed, Fighter, Tank, Stealth and Support.Extensive upgrading system for customized spaceships. Thousands of possible combinations in the Hangar.Instant multiplayer Action. An arena-like multiplayer space flying shooter which never stops to have action. It is a game which does not require extensive game hours in order to keep up with your friends. But still some amazing perks can be acquired by gaining experience points.Perfect game to play with Friends. Host or join a game in a split of a second.Join us at Discord. Join the community to play, help developing or whatever you would like to do. We are establishing a great community with people help translating, making 3D models, composite music, host their own servers etc. Join the discord via the following link: the game. We hope to see you in game. The game is still under heavy development but already fun to play. Feel free to let us know how we can improve the game or contribute via the Discord server.", + "about_the_game": "A Game developed by a Two-Man-ArmyCreated in Amsterdam by Eric Ruts and Jacob Kooijman. Evolvation is a class based and fast paced multiplayer arena space flying shooter.Class based multiplayer actionWith classes like Highspeed, Fighter, Tank, Stealth and Support.Extensive upgrading system for customized spaceshipsThousands of possible combinations in the Hangar.Instant multiplayer ActionAn arena-like multiplayer space flying shooter which never stops to have action. It is a game which does not require extensive game hours in order to keep up with your friends. But still some amazing perks can be acquired by gaining experience points.Perfect game to play with FriendsHost or join a game in a split of a second.Join us at DiscordJoin the community to play, help developing or whatever you would like to do. We are establishing a great community with people help translating, making 3D models, composite music, host their own servers etc. Join the discord via the following link: the gameWe hope to see you in game. The game is still under heavy development but already fun to play. Feel free to let us know how we can improve the game or contribute via the Discord server.", + "short_description": "Evolvation is a casual multiplayer and fast-paced and class based space flying shooter developed by a two-man-army (Eric and Jacob) from Amsterdam. Classes are: Highspeed, Fighter, Stealth, Support and Tank. Each class has its own special ability which provides a dynamic gameplay.", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Glass Masquerade", + "detailed_description": "Want for more? About the GameWelcome to Glass Masquerade - an artistic puzzle game inspired by Art Deco & stained glass artisans of the 20th century. You need to combine hidden glass pieces to unveil clocks and themes exhibited by various cultures of the world at the 'International Times Exhibition' - an interactive electronic show. . 25 countries attending:. Argentina, Australia, Brazil, Britain, Canada, China, Egypt, France, Germany, Greece, Greenland, Iceland, India, Indonesia, Iran, Italy, Japan, Madagascar, Mexico, Mongolia, Portugal, Russia, Sweden, Tanzania, USA. This journey around the world will take only 3-4 hours of your time. All exhibits have been carefully crafted for your eyes' joy and pleasure - don't just pass by!SOUNDTRACK - DELUXE EDITIONIf you'd like to support composer Nikita Sevalnev, Deluxe Edition of the soundtrack for the game (with extended Map Theme) can be purchased on his official website: ", + "about_the_game": "Welcome to Glass Masquerade - an artistic puzzle game inspired by Art Deco & stained glass artisans of the 20th century. You need to combine hidden glass pieces to unveil clocks and themes exhibited by various cultures of the world at the 'International Times Exhibition' - an interactive electronic show.25 countries attending:Argentina, Australia, Brazil, Britain, Canada, China, Egypt, France, Germany, Greece, Greenland, Iceland, India, Indonesia, Iran, Italy, Japan, Madagascar, Mexico, Mongolia, Portugal, Russia, Sweden, Tanzania, USAThis journey around the world will take only 3-4 hours of your time. All exhibits have been carefully crafted for your eyes' joy and pleasure - don't just pass by!SOUNDTRACK - DELUXE EDITIONIf you'd like to support composer Nikita Sevalnev, Deluxe Edition of the soundtrack for the game (with extended Map Theme) can be purchased on his official website: ", + "short_description": "Welcome to Glass Masquerade - an artistic puzzle game inspired by Art Deco & stained glass artisans of the 20th century. You need to combine hidden glass pieces to unveil clocks and themes exhibited by various cultures of the world at the 'International Times Exhibition' - an interactive electronic show.", + "genres": "Casual", + "recommendations": 4640, + "score": 5.565669165319813 + }, + { + "type": "game", + "name": "Streets of Rogue", + "detailed_description": "Wishlist the upcoming sequel About the GameStreets of Rogue is a rogue-lite about player choice, freedom, and anarchic fun. The game takes inspiration from fast-paced top-down rogue-lites like Binding of Isaac and Nuclear Throne, and adds free-form, experimentation-driven, emergent gameplay elements of RPGs like Deus Ex. . Rather than taking place in a dungeon, the game is set in a functioning, procedurally generated city, where complex AI informs denizens from all walks of life, who are just trying to get by in their daily activities. . In order to progress, the player will need to accomplish specific mission goals in any way they see fit through use of their special character traits, items, and the environment. . . Will you play as a soldier who shoots first and asks questions later?. A stealthy doctor who uses chloroform and tranquilizer darts to silently take down the opposition?. A genial bartender who can talk his way past the most intimidating of guards?. Or how about a hyper-intelligent gorilla, rescuing other caged gorillas to form a small mobilized gorilla army?. The Mighty Feature-List. Play the game YOUR way! Don\u2019t want to kill anybody? That\u2019s cool! Want to hack computers? Got ya covered!. Random world generation and TOTALLY EXTREME gameplay variety means you can play for 600 hours and not get bored! Seriously though, go outside!!!. Super-advanced artificial intelligence that won\u2019t put up with your crap! Outsmart these virtual humans and feel superior to your computer!. Play as over 20 (and growing!) wildly different types of characters! Bartender, scientist, hacker, gorilla \u2014 hey, your job is probably in there too!. Stupidly huge variety of items! Shrink rays, hypnotizing devices, boomboxes, bear traps, food processors. Oh, and guns too. . 4-Player online and local cooperative modes lets you brutalize goons AND loneliness!. Lead a gang, free slaves, drink beer, gib ghosts, become a vampire, shrink people and stomp on them. The most insanely varied game ever made.", + "about_the_game": "Streets of Rogue is a rogue-lite about player choice, freedom, and anarchic fun. The game takes inspiration from fast-paced top-down rogue-lites like Binding of Isaac and Nuclear Throne, and adds free-form, experimentation-driven, emergent gameplay elements of RPGs like Deus Ex.Rather than taking place in a dungeon, the game is set in a functioning, procedurally generated city, where complex AI informs denizens from all walks of life, who are just trying to get by in their daily activities.In order to progress, the player will need to accomplish specific mission goals in any way they see fit through use of their special character traits, items, and the environment.Will you play as a soldier who shoots first and asks questions later?A stealthy doctor who uses chloroform and tranquilizer darts to silently take down the opposition?A genial bartender who can talk his way past the most intimidating of guards?Or how about a hyper-intelligent gorilla, rescuing other caged gorillas to form a small mobilized gorilla army?The Mighty Feature-ListPlay the game YOUR way! Don\u2019t want to kill anybody? That\u2019s cool! Want to hack computers? Got ya covered!Random world generation and TOTALLY EXTREME gameplay variety means you can play for 600 hours and not get bored! Seriously though, go outside!!!Super-advanced artificial intelligence that won\u2019t put up with your crap! Outsmart these virtual humans and feel superior to your computer!Play as over 20 (and growing!) wildly different types of characters! Bartender, scientist, hacker, gorilla \u2014 hey, your job is probably in there too!Stupidly huge variety of items! Shrink rays, hypnotizing devices, boomboxes, bear traps, food processors.. Oh, and guns too.4-Player online and local cooperative modes lets you brutalize goons AND loneliness!Lead a gang, free slaves, drink beer, gib ghosts, become a vampire, shrink people and stomp on them. The most insanely varied game ever made.", + "short_description": "Fight, sneak, and hack your way through randomly generated cities. It's like Nuclear Throne meets Deus Ex, mixed with the anarchy of GTA. Rogue-lite meets immersive sim, and goes completely insane.", + "genres": "Action", + "recommendations": 13855, + "score": 6.2867270729003994 + }, + { + "type": "game", + "name": "SCUM", + "detailed_description": "Digital Deluxe Edition. The SCUM Supporter Pack is a bundle of extra goodies for the people who want to go another extra mile to support SCUM developer Gamepires. All items are purely for visual purpose and do not affect game play in any impactful way. More items will be added to the supporter pack as we progress through the Early Access period of SCUM. The SCUM Supporter Pack includes the following digital items:. - Unique blue glowing BCU. - SCUM developer undershirt. - Exclusive skull tattoo. (Head, and left arm). - Mini Game Design Document. So you can see how SCUM was made from the beginning. . - Templates for our orange and black t-shirts so you can print them out for yourself. . - Mystery prison pocket item. How to claim it? You'll figure it out. . UPDATE 1. - Nice Watch (in-game watch). UPDATE 2. - 2 inches in length. UPDATE 3. - Willy Warmer. UPDATE 4. - Whistling. About the Game. The world\u2019s unquenchable need for entertainment has turned towards bloodlust as entertainment behemoth TEC1 is set to premiere season two of its television sensation SCUM. This new season moves the contest from the rugged, enclosed indoor arenas to the lush forests, rolling fields, and rugged terrains of TEC1\u2019\u2019s own private SCUM Island. Both fan favorites and new prisoners will clash in a ruthless war of survival while battling for the support of viewers, producers, and corporate sponsors for fame, gifts, and a chance of life after death. . SCUM aims to evolve the multiplayer open world survival game with unprecedented levels of character customization, control and progression, where knowledge and skills are the ultimate weapons for long-term survival. Combining the methodical planning and management of hardcore survival with optional PvP \u2018network events\u2019 available to everyone at anytime, SCUM strikes a unique balance between complex simulation and intense action in the next generation of survival game. . SCUM is built with Unreal Engine 4 and will expand throughout the Early Access period. Fans can follow details on development with weekly dev updates on scumgame.com and on Twitter @SCUMgame. . FEATURES [ALPHA]. Complex Simulation: SCUM utilizes dozens of complex systems to allow players to go as deep as they choose into the management of their character. Players can delve into the minutia of the survival experience through systems controlling their character\u2019s metabolism, inertia during movement, and even how fast layers of clothing dry on and off the body. The devil is in the details. . . Massive Landscape: Traverse and explore 225 sq km of terrain that includes dense forests, picturesque beaches, serene fields, abandoned towns, and rundown airfields. Each location telling it's own story and filled with wildlife and dangers.The massive terrain can be traversed by foot, land vehicles, boats or aircraft. . . PvP Network Events: Enter TEC1\u2019s ongoing network events with a click of a button and be whisked to enclosed areas of the island for white-knuckle PvP gameplay. Volunteer for an event and be pitted against other prisoners with fame points and high value loot on the line for those that survive. . . Expanding Gameplay: While the current version of SCUM already includes basic crafting, combat, and customization systems, the featureset and gameplay will continually expand to include more advanced mechanics, more variety in gameplay, and a metanarrative for players to complete missions with hopes of one day getting off the island. . . Online Multiplayer: Survive with up to 64 players per server with the option to rent your own server right from the in-game menu. . . EARLY ACCESS ROADMAP. . FEATURES IN CURRENT GAME. The following features are available in the game as it is available now. Please continue to check this area and the Steam forums for updates to features and additions through the Early Access period. . Multiplayer & Single Player Support. Network Events [Deathmatch, Team Deathmatch, Cargo Assault]. NPCs [Drones, Sentry Robots, Puppets, Traders]. Domestic and Wild Animals. Advanced weather and Day/Time Simulation. Multiple environment types from the snowy mountain, across the green woodlands to the sunny coastlines. . Advanced realistic Metabolism System. Inventory System. In depth RPG Character Customization. Basic Visual Character Customization [Tattoos]. Character Leveling System [Experience Points]. Basic Crafting System [Skill Based]. Basic Movement System + Vaulting. Basic Combat System [Unarmed, Melee Weapons, Firearms]. Fully Realistic Bullet Physics. Diverse weapons arsenal with specific weapon maintenance system. . Weapon attachments . Animal Tracking and Hunting System. Advanced fishing system. Fame Point System. Economy system. Squad system. Basic Shelter Respawn System. Voice Chat. Functional Vehicles on Land, Sea and Air. Vehicular combat. Fortifications and Base building. Advanced Archery. Numerous and diverse POIs from big Cities to small factories. . Safe zones with outposts. . FEATURES PLANNED FOR VERSION 1.0. The following features are not yet in SCUM and are planned as a part of the Early Access period. The timing and depth of these features are subject to change base on community feedback and development realities. . Metanarrative Gameplay [Primary / Secondary Missions, Side Quests, End Game Content]. Advanced Visual Character Customization. Advanced Combat System [Martial Arts + Improved Weapons Control and Movement]. All Soft Skills and Skill Levels Fully Implemented. Advanced Crafting System. Rebellion Experience System. Advanced NPC and Animal AI . Additional NPC and Wildlife Sets. Advanced Team Mechanics. Additional Network Events. Advanced Fame Point System. Additional Weapons and Gear. Ongoing Optimization.", + "about_the_game": "The world\u2019s unquenchable need for entertainment has turned towards bloodlust as entertainment behemoth TEC1 is set to premiere season two of its television sensation SCUM. This new season moves the contest from the rugged, enclosed indoor arenas to the lush forests, rolling fields, and rugged terrains of TEC1\u2019\u2019s own private SCUM Island. Both fan favorites and new prisoners will clash in a ruthless war of survival while battling for the support of viewers, producers, and corporate sponsors for fame, gifts, and a chance of life after death.SCUM aims to evolve the multiplayer open world survival game with unprecedented levels of character customization, control and progression, where knowledge and skills are the ultimate weapons for long-term survival. Combining the methodical planning and management of hardcore survival with optional PvP \u2018network events\u2019 available to everyone at anytime, SCUM strikes a unique balance between complex simulation and intense action in the next generation of survival game. SCUM is built with Unreal Engine 4 and will expand throughout the Early Access period. Fans can follow details on development with weekly dev updates on scumgame.com and on Twitter @SCUMgame.FEATURES [ALPHA]Complex Simulation: SCUM utilizes dozens of complex systems to allow players to go as deep as they choose into the management of their character. Players can delve into the minutia of the survival experience through systems controlling their character\u2019s metabolism, inertia during movement, and even how fast layers of clothing dry on and off the body. The devil is in the details...Massive Landscape: Traverse and explore 225 sq km of terrain that includes dense forests, picturesque beaches, serene fields, abandoned towns, and rundown airfields. Each location telling it's own story and filled with wildlife and dangers.The massive terrain can be traversed by foot, land vehicles, boats or aircraft.PvP Network Events: Enter TEC1\u2019s ongoing network events with a click of a button and be whisked to enclosed areas of the island for white-knuckle PvP gameplay. Volunteer for an event and be pitted against other prisoners with fame points and high value loot on the line for those that survive.Expanding Gameplay: While the current version of SCUM already includes basic crafting, combat, and customization systems, the featureset and gameplay will continually expand to include more advanced mechanics, more variety in gameplay, and a metanarrative for players to complete missions with hopes of one day getting off the island...Online Multiplayer: Survive with up to 64 players per server with the option to rent your own server right from the in-game menu. EARLY ACCESS ROADMAPFEATURES IN CURRENT GAMEThe following features are available in the game as it is available now. Please continue to check this area and the Steam forums for updates to features and additions through the Early Access period.Multiplayer & Single Player SupportNetwork Events [Deathmatch, Team Deathmatch, Cargo Assault]NPCs [Drones, Sentry Robots, Puppets, Traders]Domestic and Wild AnimalsAdvanced weather and Day/Time SimulationMultiple environment types from the snowy mountain, across the green woodlands to the sunny coastlines.Advanced realistic Metabolism SystemInventory SystemIn depth RPG Character CustomizationBasic Visual Character Customization [Tattoos]Character Leveling System [Experience Points]Basic Crafting System [Skill Based]Basic Movement System + VaultingBasic Combat System [Unarmed, Melee Weapons, Firearms]Fully Realistic Bullet PhysicsDiverse weapons arsenal with specific weapon maintenance system.Weapon attachments Animal Tracking and Hunting SystemAdvanced fishing systemFame Point SystemEconomy systemSquad systemBasic Shelter Respawn SystemVoice ChatFunctional Vehicles on Land, Sea and AirVehicular combatFortifications and Base buildingAdvanced ArcheryNumerous and diverse POIs from big Cities to small factories.Safe zones with outpostsFEATURES PLANNED FOR VERSION 1.0The following features are not yet in SCUM and are planned as a part of the Early Access period. The timing and depth of these features are subject to change base on community feedback and development realities. Metanarrative Gameplay [Primary / Secondary Missions, Side Quests, End Game Content]Advanced Visual Character CustomizationAdvanced Combat System [Martial Arts + Improved Weapons Control and Movement]All Soft Skills and Skill Levels Fully ImplementedAdvanced Crafting SystemRebellion Experience SystemAdvanced NPC and Animal AI Additional NPC and Wildlife SetsAdvanced Team MechanicsAdditional Network EventsAdvanced Fame Point SystemAdditional Weapons and GearOngoing Optimization", + "short_description": "SCUM aims to evolve the multiplayer open world survival game with unprecedented levels of character customization, control and progression, where knowledge and skills are the ultimate weapons for long-term survival.", + "genres": "Action", + "recommendations": 73558, + "score": 7.38722507081452 + }, + { + "type": "game", + "name": "My Summer Car", + "detailed_description": "MY SUMMER CAR is the ultimate car owning, building, fixing, tuning, maintenance AND permadeath life survival simulator. You start the game with hundreds of loose parts and assemble both car and engine. Not only you need to maintain your car, but yourself as well. Sausages, beer and sleeping will do just fine. . If everything goes well, you have a working car which you can use for various 1990's Finnish countryside summer activities. Basically doing stupid things under influence of alcohol. After you have gathered extra money from various random jobs, you can start to tune and upgrade the car with parts ordered via snail mail. You can turn the car into a obnoxious bass-boom disco machine. or into a rally car to participate rally competitions. or just fix it into perfect factory condition. Of course car also needs to pass the inspection or you might get into trouble with police. . Not only you have access to one car, but also several other cars and vehicles which you can use. (Mostly useful to get groceries and for towing the project car from some ditch, again). . Warning, this game is not for fainted heart. Severe car fever is required to play this properly due to it's meticulous approach on car building. . Full car assembly with over hundred parts . Detailed driving and engine simulation . Various other vehicles, cars and boat to use and drive . Dozens of kilometers worth of dirt and paved roads with AI traffic . Random paying jobs to cover food, beverage and fuel expenses . Rally event to participate in . Permanent death . Sauna bathing. 90's Finnish summer! . Support for steering wheel and shifter controllers . Much more!.", + "about_the_game": "MY SUMMER CAR is the ultimate car owning, building, fixing, tuning, maintenance AND permadeath life survival simulator. You start the game with hundreds of loose parts and assemble both car and engine. Not only you need to maintain your car, but yourself as well. Sausages, beer and sleeping will do just fine. If everything goes well, you have a working car which you can use for various 1990's Finnish countryside summer activities. Basically doing stupid things under influence of alcohol. After you have gathered extra money from various random jobs, you can start to tune and upgrade the car with parts ordered via snail mail. You can turn the car into a obnoxious bass-boom disco machine.... or into a rally car to participate rally competitions... or just fix it into perfect factory condition. Of course car also needs to pass the inspection or you might get into trouble with police. Not only you have access to one car, but also several other cars and vehicles which you can use. (Mostly useful to get groceries and for towing the project car from some ditch, again). Warning, this game is not for fainted heart. Severe car fever is required to play this properly due to it's meticulous approach on car building. Full car assembly with over hundred parts Detailed driving and engine simulation Various other vehicles, cars and boat to use and drive Dozens of kilometers worth of dirt and paved roads with AI traffic Random paying jobs to cover food, beverage and fuel expenses Rally event to participate in Permanent death Sauna bathing90's Finnish summer! Support for steering wheel and shifter controllers Much more!", + "short_description": "My Summer Car is the ultimate car owning, building, fixing, tuning, maintenance AND permadeath life survival simulator. You start the game with hundreds of loose parts and assemble both car and engine.", + "genres": "Indie", + "recommendations": 50996, + "score": 7.145735373090418 + }, + { + "type": "game", + "name": "theHunter: Call of the Wild\u2122", + "detailed_description": "LATEST DLC LATEST DLC Latest Publisher Release About the GameDiscover an atmospheric hunting game like no other in this realistic, stunning open world \u2013 regularly updated in collaboration with the community. Immerse yourself in the single player campaign, or share the ultimate hunting experience with friends. . Roam freely across meticulously crafted environments and explore a diverse range of regions and biomes, each with its own unique flora and fauna. Experience the intricacies of complex animal behavior, dynamic weather events, full day and night cycles, simulated ballistics, highly realistic acoustics, and scents carried by the wind. . Select from a variety of weapons, ammunition, and equipment to create the ultimate hunting experience. With a diverse range of wildlife, including Jackrabbits, Mallard Ducks, Black Bears, Elk, and Moose, you will need to strategically match prey to weaponry to successfully track, lure, and ambush animals based on their unique behavior and environment. . Developed in close collaboration with the community, theHunter: Call of the Wild offers a wealth of paid and free content, including reserves, hunting equipment, weapon packs, and trophy lodges. With new content and updates regularly added, players can look forward to a constantly evolving experience. . Every hunt has a unique story to tell. Immortalize your tales of triumph from the Layton Lake and Hirschfelden reserves by displaying your most prized trophies in your spacious Trophy Lodge, or relax by the fireplace as you plan your next hunt. . Experience online multiplayer for up to eight players in breathtaking hunting reserves. Collaborate and strategize with friends, or compete to take down the most impressive trophy. You can access any paid DLC reserve as long as one member of your hunting party owns it.", + "about_the_game": "Discover an atmospheric hunting game like no other in this realistic, stunning open world \u2013 regularly updated in collaboration with the community. Immerse yourself in the single player campaign, or share the ultimate hunting experience with friends.Roam freely across meticulously crafted environments and explore a diverse range of regions and biomes, each with its own unique flora and fauna. Experience the intricacies of complex animal behavior, dynamic weather events, full day and night cycles, simulated ballistics, highly realistic acoustics, and scents carried by the wind. Select from a variety of weapons, ammunition, and equipment to create the ultimate hunting experience. With a diverse range of wildlife, including Jackrabbits, Mallard Ducks, Black Bears, Elk, and Moose, you will need to strategically match prey to weaponry to successfully track, lure, and ambush animals based on their unique behavior and environment.Developed in close collaboration with the community, theHunter: Call of the Wild offers a wealth of paid and free content, including reserves, hunting equipment, weapon packs, and trophy lodges. With new content and updates regularly added, players can look forward to a constantly evolving experience.Every hunt has a unique story to tell. Immortalize your tales of triumph from the Layton Lake and Hirschfelden reserves by displaying your most prized trophies in your spacious Trophy Lodge, or relax by the fireplace as you plan your next hunt. Experience online multiplayer for up to eight players in breathtaking hunting reserves. Collaborate and strategize with friends, or compete to take down the most impressive trophy. You can access any paid DLC reserve as long as one member of your hunting party owns it.", + "short_description": "Discover an atmospheric hunting game like no other in this realistic, stunning open world \u2013 regularly updated in collaboration with the community. Immerse yourself in the single player campaign, or share the ultimate hunting experience with friends.", + "genres": "Adventure", + "recommendations": 114653, + "score": 7.679811728218258 + }, + { + "type": "game", + "name": "DUSK", + "detailed_description": "DUSK reintroduces you to a world where butchery and bloodshed must be mastered. if you're to survive 'til dawn. Inspired by Doom, Quake, Blood, Heretic, Hexen, Half-Life, Redneck Rampage and all your '90s favorites, while featuring a soundtrack by metal music mastermind Andrew Hulshult. . In three distinct campaign episodes hand-crafted from straight outta the '90s, players will battle through an onslaught of mystical backwater cultists, possessed militants and even darker forces and attempt to discover just what lurks beneath the Earth. Featuring a vast arsenal of badass weaponry including sickles, swords, crossbows, rifles, dual-wielded and double barreled shotguns and incredibly necessary grenade and rocket launchers, DUSK brings unapologetic retro action from start to finish. . In addition to the main campaign, DUSK features an Endless Survival Mode, putting you front and center against wave after wave of merciless enemies. . And for those looking for an extra challenge, DUSK also offers the chance to go head to head online to battle your friends in DUSKWorld arena multiplayer, where darkness hosts the worst of humanity in surprising new ways.", + "about_the_game": "DUSK reintroduces you to a world where butchery and bloodshed must be mastered... if you're to survive 'til dawn. Inspired by Doom, Quake, Blood, Heretic, Hexen, Half-Life, Redneck Rampage and all your '90s favorites, while featuring a soundtrack by metal music mastermind Andrew Hulshult.In three distinct campaign episodes hand-crafted from straight outta the '90s, players will battle through an onslaught of mystical backwater cultists, possessed militants and even darker forces and attempt to discover just what lurks beneath the Earth. Featuring a vast arsenal of badass weaponry including sickles, swords, crossbows, rifles, dual-wielded and double barreled shotguns and incredibly necessary grenade and rocket launchers, DUSK brings unapologetic retro action from start to finish.In addition to the main campaign, DUSK features an Endless Survival Mode, putting you front and center against wave after wave of merciless enemies. And for those looking for an extra challenge, DUSK also offers the chance to go head to head online to battle your friends in DUSKWorld arena multiplayer, where darkness hosts the worst of humanity in surprising new ways...", + "short_description": "Battle through an onslaught of mystical backwater cultists, possessed militants & even darker forces as you attempt to discover just what lurks beneath the Earth in this retro FPS inspired by the '90s legends.", + "genres": "Action", + "recommendations": 16708, + "score": 6.410154094010196 + }, + { + "type": "game", + "name": "NieR:Automata\u2122", + "detailed_description": "NieR:Automata\u2122 Game of the YoRHa Edition. The NieR:Automata\u2122 Game of the YoRHa Edition includes the game itself and comes packed with DLC and bonus content for the full experience of the award-winning post-apocalyptic action RPG, including:. 3C3C1D119440927 DLC*. Valve Character Accessory. Cardboard Pod Skin. Retro Grey Pod Skin. Retro Red Pod Skin. Grimoire Weiss Pod. Machine Mask Accessory. Exclusive set of wallpapers in the following sizes: 1024 x 768, 1280 x 1024, 1920 x 1080, 2560 x 1600. *To enjoy this content you will need to have progressed a certain way into the main story of the game. There are also some scenes during the progression of the main game scenario in which this content cannot be accessed. Featured DLC. The NieR: Automata 3C3C1D119440927 DLC is out now and includes three new colosseums to challenge, plus additional sub-quests. Upon completion of these quests, players can earn various rewards including new costumes from NieR: Replicant, new equipment and cosmetic accessories such as masks, hairspray that change the color of your character, records that add special music tracks to the players\u2019 jukebox and much more!. Reviews & Accolades9/10 \"Don\u2019t miss this\" \u2013 VideoGamer. 10/10 \"One of the best games I\u2019ve ever played\" \u2013 RPGSite. 4/5 \"Pure genius\" \u2013 Trusted Reviews. 9/10 \"One of the most interesting and unique games you\u2019ll play this year\" \u2013 God is a Geek. 9/10 \"Classic Platinum action combined with a deep role-playing system\" \u2013 Metro. About the Game . NieR: Automata tells the story of androids 2B, 9S and A2 and their battle to reclaim the machine-driven dystopia overrun by powerful machines. . Humanity has been driven from the Earth by mechanical beings from another world. In a final effort to take back the planet, the human resistance sends a force of android soldiers to destroy the invaders. Now, a war between machines and androids rages on. A war that could soon unveil a long-forgotten truth of the world. . Key Features:. Action-Packed Battles \u2013 Players will switch between using melee and ranged attacks in battle against hordes of enemies and challenging bosses across a variety of open field maps. The tight controls and incredibly fluid combat are simple to learn for newcomers while offering plenty of depth for more experienced action gamers. Players can perform high-speed battle actions\u2014combining light and heavy attacks\u2014and switch through an arsenal of weaponry while evading enemies with speed and style. . Beautifully Desolate Open-World \u2013 The game seamlessly joins together hauntingly beautiful vistas and locations with no area loading. The environments are rendered in 60fps and contain a wealth of sub-events in addition to the main storyline. . Masterfully Crafted Story and Characters \u2013 NieR: Automata tells the story of androids 2B, 9S and A2 and their ferocious battle to reclaim a machine-driven dystopia overrun by powerful weapons known as machine lifeforms. . Elements of an RPG \u2013 Players will obtain a variety of weapon types, level up in battle, learn new combat skills, and customise a loadout that caters to their playstyle. . Utilise the Pod Support System to Assist In and Outside of Battle \u2013 Pods can attack the enemy in both manual and lock-on modes. They can also assist outside of battle, such as allowing the player to glide through the air. Pods can be enhanced throughout the game, with upgrades including new attack methods and variations. . \u201cAuto Mode\u201d Available for Beginners \u2013 Novice players can elect \u201cAuto Mode\u201d for easy attacks and evasions.", + "about_the_game": " Automata tells the story of androids 2B, 9S and A2 and their battle to reclaim the machine-driven dystopia overrun by powerful machines.Humanity has been driven from the Earth by mechanical beings from another world. In a final effort to take back the planet, the human resistance sends a force of android soldiers to destroy the invaders. Now, a war between machines and androids rages on... A war that could soon unveil a long-forgotten truth of the world.Key Features:Action-Packed Battles \u2013 Players will switch between using melee and ranged attacks in battle against hordes of enemies and challenging bosses across a variety of open field maps. The tight controls and incredibly fluid combat are simple to learn for newcomers while offering plenty of depth for more experienced action gamers. Players can perform high-speed battle actions\u2014combining light and heavy attacks\u2014and switch through an arsenal of weaponry while evading enemies with speed and style. Beautifully Desolate Open-World \u2013 The game seamlessly joins together hauntingly beautiful vistas and locations with no area loading. The environments are rendered in 60fps and contain a wealth of sub-events in addition to the main storyline. Masterfully Crafted Story and Characters \u2013 NieR: Automata tells the story of androids 2B, 9S and A2 and their ferocious battle to reclaim a machine-driven dystopia overrun by powerful weapons known as machine lifeforms.Elements of an RPG \u2013 Players will obtain a variety of weapon types, level up in battle, learn new combat skills, and customise a loadout that caters to their playstyle.Utilise the Pod Support System to Assist In and Outside of Battle \u2013 Pods can attack the enemy in both manual and lock-on modes. They can also assist outside of battle, such as allowing the player to glide through the air. Pods can be enhanced throughout the game, with upgrades including new attack methods and variations.\u201cAuto Mode\u201d Available for Beginners \u2013 Novice players can elect \u201cAuto Mode\u201d for easy attacks and evasions.", + "short_description": "NieR: Automata tells the story of androids 2B, 9S and A2 and their battle to reclaim the machine-driven dystopia overrun by powerful machines.", + "genres": "Action", + "recommendations": 85964, + "score": 7.489967629292774 + }, + { + "type": "game", + "name": "Satisfactory", + "detailed_description": "Join our Discord. About the GameSatisfactory is a first-person open-world factory building game with a dash of exploration and combat. Play alone or with friends, explore an alien planet, create multi-story factories, and enter conveyor belt heaven!ConstructConquer nature by building massive factories across the land. Expand wherever and however you want. The planet is filled with valuable natural resources just waiting to be utilized. As an employee of FICSIT it\u2019s your duty to make sure they come to good use.AutomateConstruct your factories with gracious perfection or build intricate webs of conveyor belts to supply all your needs. Automate trucks and trains to reach your faraway outposts and be sure to handle liquids properly by transporting them in pipes. It\u2019s all about minimizing manual labour!Explore & ExploitVenture on expeditions to search for new materials and be sure to put everything to good use. Nature is yours to harvest! You have vehicles, jetpacks, jump pads and more at your disposal to make the exploration easier. Equip the proper safety gear as well, just in case you run into the local wildlife.FEATURES\u2022\tOpen World: Explore the huge (30km2) alien planet that is Massage-2(AB)b with its unique fauna and creatures. \u2022\tCo-Op: Build a factory yourself or share the joy with your friends. Up to you!. \u2022\tFactory Building: Experience building a huge factory from a first-person perspective. Automate and optimize it to perfection for your personal satisfaction. \u2022\tCustomization: Customize your factory to your own liking. Build at high altitudes or over wide plains, there is almost no limits in the making of your tailor-made factory. \u2022\tVehicles: Travel the world with class. Use jump pads, factory carts, jetpacks, hypertubes, trucks or trains. The choice is yours!", + "about_the_game": "Satisfactory is a first-person open-world factory building game with a dash of exploration and combat. Play alone or with friends, explore an alien planet, create multi-story factories, and enter conveyor belt heaven!ConstructConquer nature by building massive factories across the land. Expand wherever and however you want. The planet is filled with valuable natural resources just waiting to be utilized. As an employee of FICSIT it\u2019s your duty to make sure they come to good use.AutomateConstruct your factories with gracious perfection or build intricate webs of conveyor belts to supply all your needs. Automate trucks and trains to reach your faraway outposts and be sure to handle liquids properly by transporting them in pipes. It\u2019s all about minimizing manual labour!Explore & ExploitVenture on expeditions to search for new materials and be sure to put everything to good use. Nature is yours to harvest! You have vehicles, jetpacks, jump pads and more at your disposal to make the exploration easier. Equip the proper safety gear as well, just in case you run into the local wildlife.FEATURES\u2022\tOpen World: Explore the huge (30km2) alien planet that is Massage-2(AB)b with its unique fauna and creatures.\u2022\tCo-Op: Build a factory yourself or share the joy with your friends. Up to you!\u2022\tFactory Building: Experience building a huge factory from a first-person perspective. Automate and optimize it to perfection for your personal satisfaction.\u2022\tCustomization: Customize your factory to your own liking. Build at high altitudes or over wide plains, there is almost no limits in the making of your tailor-made factory. \u2022\tVehicles: Travel the world with class. Use jump pads, factory carts, jetpacks, hypertubes, trucks or trains. The choice is yours!", + "short_description": "Satisfactory is a first-person open-world factory building game with a dash of exploration and combat. Play alone or with friends, explore an alien planet, create multi-story factories, and enter conveyor belt heaven!", + "genres": "Adventure", + "recommendations": 117835, + "score": 7.697858096163214 + }, + { + "type": "game", + "name": "For The King", + "detailed_description": "For The King II has been revealed! Join our Discord channel. About the GameThe King is dead, murdered by an unknown assailant. Now the once peaceful kingdom of Fahrul is in chaos. . With nowhere left to turn and stretched beyond her means, the queen has put out a desperate plea to the citizens of the land to rise-up and help stem the tide of impending doom. Will you brave the relentless elements, fight the wicked creatures, sail the seas and delve into the dark underworld? None before you have returned from their journey. Can you be the one to put an end to the Chaos? . For The King is a challenging blend of Strategy, JRPG Combat, and Roguelike elements.Unique Dice-Roll Inspired Combat System. . Fight and die as a party in fast paced and brutal turn-based combat using a unique slot system for attacks and special abilities. Find and gather herbs for your trusty pipe to heal your wounds and cure your maladies. Set up safe camps or brave the horrors that nightfall brings.Rogue-lite Replayability. . Every playthrough is made unique with procedurally generated maps, quests, loots and events for you to tackle. Use Lore between playthroughs to purchase Weapons, Items, NPCs, Classes, Events, and more!Multiple ways to play. . Play either single player, local co-operative play, or online co-operative play. Choose to split your party up and cover more ground or stick together for protection! A sound strategy can mean the difference between life and death.Plethora of additional content. . For The King for features all released expansion content including Dungeon Crawl, Frozen Expanse Adventure, Gold Rush Un-Cooperative Mode, Into The Deep and More!. Just remember adventurer, you do this not for the riches or fame but for your village, for your realm, For The King!", + "about_the_game": "The King is dead, murdered by an unknown assailant. Now the once peaceful kingdom of Fahrul is in chaos.With nowhere left to turn and stretched beyond her means, the queen has put out a desperate plea to the citizens of the land to rise-up and help stem the tide of impending doom. Will you brave the relentless elements, fight the wicked creatures, sail the seas and delve into the dark underworld? None before you have returned from their journey. Can you be the one to put an end to the Chaos? For The King is a challenging blend of Strategy, JRPG Combat, and Roguelike elements.Unique Dice-Roll Inspired Combat SystemFight and die as a party in fast paced and brutal turn-based combat using a unique slot system for attacks and special abilities. Find and gather herbs for your trusty pipe to heal your wounds and cure your maladies. Set up safe camps or brave the horrors that nightfall brings.Rogue-lite ReplayabilityEvery playthrough is made unique with procedurally generated maps, quests, loots and events for you to tackle. Use Lore between playthroughs to purchase Weapons, Items, NPCs, Classes, Events, and more!Multiple ways to playPlay either single player, local co-operative play, or online co-operative play. Choose to split your party up and cover more ground or stick together for protection! A sound strategy can mean the difference between life and death.Plethora of additional contentFor The King for features all released expansion content including Dungeon Crawl, Frozen Expanse Adventure, Gold Rush Un-Cooperative Mode, Into The Deep and More!Just remember adventurer, you do this not for the riches or fame but for your village, for your realm, For The King!", + "short_description": "For The King is a strategic RPG that blends tabletop and roguelike elements in a challenging adventure that spans the realms. Set off on a single player experience or play cooperatively both online and locally.", + "genres": "Adventure", + "recommendations": 24460, + "score": 6.66140798512354 + }, + { + "type": "game", + "name": "Warhammer 40,000: Inquisitor - Martyr", + "detailed_description": "Sororitas Class DLC out now! About the GameA STORY-DRIVEN SINGLE PLAYER CAMPAIGNFar from the guiding light of the God-Emperor, torn apart by the foul tempests that distort reality, the Caligari Sector is slowly rotting away from the inside, tainted by the Chaos Gods. Purge the unclean with the most powerful agents of the Imperium!. . Warhammer 40,000: Inquisitor \u2013 Martyr is grim action-RPG set in the violent 41st millennium, when the galaxy is at constant war. Become a mighty Inquisitor and carry out the Emperor\u2019s will. Choose one of the multiple classes and take part in brutal combat encounters: embark on a huge variety of missions with your fellow agents and fight through the single-player story campaign set on a haunted fortress-monastery which hides a terrible secret from the past of the Inquisition.THE NEXT MILESTONE IN THE EVOLUTION OF ARPGS. The first Action-RPG set in the grim future of the 41st Millennium takes the genre to its next level: an open-world sandbox game with a persistent universe with a huge variety of missions, tactical, brutal combat encounters in destructible environments and a storyline influenced by the community of players. Use the cover system for tactical advantage, perform executions in epic boss battles and become a Protector of any solar systems with your glorious actions!INQUISITORS: SECRET AGENTS AND SPECIALISTS. Forge your own playstyle with different character classes and specializations: hold your ground with the Crusader Inquisitor while enemies close in on you, bring in your finesse and cunning with the Death Cult Assassin background, or use the unspeakable powers of the Warp with the Primaris Psyker background. Choose from three specializations for each classes that fit your playstyle.TRAVERSE A WHOLE GALACTIC SECTOR. Explore the Star Map of the vast Caligari Sector, travel in different subsectors and explore an immense amount of solar systems, visit a growing number of unique points of interests: investigate on different planets with distinctive terrain conditions, fight your way through corridors of infested Void Stations, abandoned Star Forts and other diverse environments!FIGHT THE CORRUPTION TOGETHER. You can go solo as a lonely Inquisitor, but you can also assemble a team of your friends! Play missions in co-operative mode with up to 4 team members, blast away your foes together claiming great rewards, and form Cabals to gather your close allies! Inquisitorial Cabals are groups of Inquisitors working together. Cabals can progress just like characters do, and being a member can often grant special missions. The Inquisition has a lot of different factions with different agendas, and Cabals sometimes clash with each other in the shadows.IMPROVE YOUR WEAPONS, CRAFT MISSIONS AND TWEAK YOUR SKILLS. Looking for a specific loot or reward? Use Uther\u2019s Tarot to set the conditions of your next mission, collect Blueprints and use Crafting to improve your equipment, and use the Inoculator to fine-tune your different skills. Choose your loadout to your advantage for each mission!A LIVING, EXPANDING WORLD. Warhammer 40,000: Inquisitor \u2013 Martyr is an ever-growing, long-lasting experience. Expansions and regular free updates will introduce new enemy factions, new terrain settings, new missions and mission types, new story-driven investigations and new gameplay features. Chapters are big, free updates that will introduce longer story arcs in which players can shape the persistent world of the Caligari sector with their actions. Global Events and Chapters ensure new challenges \u2013 there\u2019s always something new to explore or to collect!", + "about_the_game": "A STORY-DRIVEN SINGLE PLAYER CAMPAIGNFar from the guiding light of the God-Emperor, torn apart by the foul tempests that distort reality, the Caligari Sector is slowly rotting away from the inside, tainted by the Chaos Gods. Purge the unclean with the most powerful agents of the Imperium!Warhammer 40,000: Inquisitor \u2013 Martyr is grim action-RPG set in the violent 41st millennium, when the galaxy is at constant war. Become a mighty Inquisitor and carry out the Emperor\u2019s will. Choose one of the multiple classes and take part in brutal combat encounters: embark on a huge variety of missions with your fellow agents and fight through the single-player story campaign set on a haunted fortress-monastery which hides a terrible secret from the past of the Inquisition.THE NEXT MILESTONE IN THE EVOLUTION OF ARPGSThe first Action-RPG set in the grim future of the 41st Millennium takes the genre to its next level: an open-world sandbox game with a persistent universe with a huge variety of missions, tactical, brutal combat encounters in destructible environments and a storyline influenced by the community of players. Use the cover system for tactical advantage, perform executions in epic boss battles and become a Protector of any solar systems with your glorious actions!INQUISITORS: SECRET AGENTS AND SPECIALISTSForge your own playstyle with different character classes and specializations: hold your ground with the Crusader Inquisitor while enemies close in on you, bring in your finesse and cunning with the Death Cult Assassin background, or use the unspeakable powers of the Warp with the Primaris Psyker background. Choose from three specializations for each classes that fit your playstyle.TRAVERSE A WHOLE GALACTIC SECTORExplore the Star Map of the vast Caligari Sector, travel in different subsectors and explore an immense amount of solar systems, visit a growing number of unique points of interests: investigate on different planets with distinctive terrain conditions, fight your way through corridors of infested Void Stations, abandoned Star Forts and other diverse environments!FIGHT THE CORRUPTION TOGETHERYou can go solo as a lonely Inquisitor, but you can also assemble a team of your friends! Play missions in co-operative mode with up to 4 team members, blast away your foes together claiming great rewards, and form Cabals to gather your close allies! Inquisitorial Cabals are groups of Inquisitors working together. Cabals can progress just like characters do, and being a member can often grant special missions. The Inquisition has a lot of different factions with different agendas, and Cabals sometimes clash with each other in the shadows.IMPROVE YOUR WEAPONS, CRAFT MISSIONS AND TWEAK YOUR SKILLSLooking for a specific loot or reward? Use Uther\u2019s Tarot to set the conditions of your next mission, collect Blueprints and use Crafting to improve your equipment, and use the Inoculator to fine-tune your different skills. Choose your loadout to your advantage for each mission!A LIVING, EXPANDING WORLDWarhammer 40,000: Inquisitor \u2013 Martyr is an ever-growing, long-lasting experience. Expansions and regular free updates will introduce new enemy factions, new terrain settings, new missions and mission types, new story-driven investigations and new gameplay features. Chapters are big, free updates that will introduce longer story arcs in which players can shape the persistent world of the Caligari sector with their actions. Global Events and Chapters ensure new challenges \u2013 there\u2019s always something new to explore or to collect!", + "short_description": "Enter the Chaos-infested Caligari Sector and purge the unclean with the most powerful agents of the Imperium of Man! W40k: Inquisitor \u2013 Martyr is a grim Action-RPG featuring multiple classes of the Inquisition who will carry out the Emperor\u2019s will.", + "genres": "Action", + "recommendations": 15392, + "score": 6.356074422040732 + }, + { + "type": "game", + "name": "Argo", + "detailed_description": "Jump straight into combat in this official standalone FREE total conversion of Arma 3. Argo is a hardcore tactical first-person shooter, in which you fight across unrestricted terrain, and where a single bullet is all it takes. Master your craft to rank up and become (in)famous on the battlefield.Key Features in Argo. Clouds vs Flames - Take on the role of a mercenary and be contracted by one of two rival factions. Start out as a rookie operator and gain experience to unlock new weapons, attachments, and gear. . Malden 2035 - Be deployed to the 62 km\u00b2 Mediterranean island of Malden - a modern re-imagination of a classic Bohemia Interactive terrain. Ranging from dense urban areas, to wide open plains, and other unique points of interests, Malden features a variety of combat zones that have been built to provide an optimal experience for each game mode. . 3 Competitive Game Modes - Compete as part of a 5-man unit across 3 different competitive game modes. In Clash, two units battle over territory in a series of combat engagements. In Link, the objective is to capture a chain of points before the enemy takes control. Raid tasks one unit to find a data terminal while the other unit needs to defend the three possible locations. . Combat Patrol Co-op Mode - Team up with up to 10 hired guns, and fight against AI opponents in an open-world setting. Thanks to the randomized objectives and procedural generation of enemy forces, each session of Combat Patrol is different. Success depends on your ability to plan, work together, and adapt to new challenges. . 3D Scenario Editor - Build and play your own missions using a built-in Scenario Editor. With its intuitive interface, you can place entities, assign waypoints, set triggers, and much more, in just a few simple steps. Creating your own content is more fun than ever before. Arma 3If you like Argo, then also be sure to check out Arma 3! Bearing many similarities to Argo, Arma 3 offers a truly authentic combat experience in a massive military sandbox. Defeat your enemy on richly detailed, open-world battlefields - stretching hundreds of kilometers. Head into combat on foot, drive armored vehicles, or take to the skies in helicopters and jets. Deploying a wide variety of single- and multiplayer content, over 20 vehicles and 40 weapons, limitless opportunities for content creation, and more than 3 million players, Arma 3 is the premier military game on PC.Bohemia IncubatorArgo was originally released as part of Bohemia Incubator in the form of the \"Project Argo\" prototype. Bohemia Incubator is a label for experimental Bohemia Interactive games that are made available to the public early in their development. Find out more at and learn how you can help shape our future.", + "about_the_game": "Jump straight into combat in this official standalone FREE total conversion of Arma 3. Argo is a hardcore tactical first-person shooter, in which you fight across unrestricted terrain, and where a single bullet is all it takes. Master your craft to rank up and become (in)famous on the battlefield.Key Features in ArgoClouds vs Flames - Take on the role of a mercenary and be contracted by one of two rival factions. Start out as a rookie operator and gain experience to unlock new weapons, attachments, and gear.Malden 2035 - Be deployed to the 62 km\u00b2 Mediterranean island of Malden - a modern re-imagination of a classic Bohemia Interactive terrain. Ranging from dense urban areas, to wide open plains, and other unique points of interests, Malden features a variety of combat zones that have been built to provide an optimal experience for each game mode.3 Competitive Game Modes - Compete as part of a 5-man unit across 3 different competitive game modes. In Clash, two units battle over territory in a series of combat engagements. In Link, the objective is to capture a chain of points before the enemy takes control. Raid tasks one unit to find a data terminal while the other unit needs to defend the three possible locations.Combat Patrol Co-op Mode - Team up with up to 10 hired guns, and fight against AI opponents in an open-world setting. Thanks to the randomized objectives and procedural generation of enemy forces, each session of Combat Patrol is different. Success depends on your ability to plan, work together, and adapt to new challenges.3D Scenario Editor - Build and play your own missions using a built-in Scenario Editor. With its intuitive interface, you can place entities, assign waypoints, set triggers, and much more, in just a few simple steps. Creating your own content is more fun than ever before.Arma 3If you like Argo, then also be sure to check out Arma 3! Bearing many similarities to Argo, Arma 3 offers a truly authentic combat experience in a massive military sandbox. Defeat your enemy on richly detailed, open-world battlefields - stretching hundreds of kilometers. Head into combat on foot, drive armored vehicles, or take to the skies in helicopters and jets. Deploying a wide variety of single- and multiplayer content, over 20 vehicles and 40 weapons, limitless opportunities for content creation, and more than 3 million players, Arma 3 is the premier military game on PC.Bohemia IncubatorArgo was originally released as part of Bohemia Incubator in the form of the \"Project Argo\" prototype. Bohemia Incubator is a label for experimental Bohemia Interactive games that are made available to the public early in their development. Find out more at and learn how you can help shape our future.", + "short_description": "Jump straight into combat in this official standalone FREE total conversion of Arma 3. Argo is a hardcore tactical first-person shooter, in which you fight across unrestricted terrain, and where a single bullet is all it takes. Master your craft to rank up and become (in)famous on the battlefield.", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Life is Strange 2", + "detailed_description": "Reviews & Accolades\". one of the best stories in video games. It tackles a lot and handles all of it with grace. It\u2019s emotional, evocative, heartwarming, and heartbreaking.\". 10/10 - Gaming Trend. \"I knew going in that this was going to be a rough journey. What I didn't know was how incredibly sensitively handled and well-told this traumatizing tale would be.\". 5/5 - TheGamer. \"Life is Strange 2 has been quietly weaving a powerful and sincere narrative experience that admirably carries on the series' legacy.\". 8.5/10 - Game Informer. \"Absolutely stellar\". 5/5 - Trusted Reviews. \"Atmospheric. Gorgeous. Hard to forget.\". 4.5/5 - GamesRadar+. \"The most important game of 2019.\". VG247. \"A series that continues to deliver on its high expectations.\". 9.5/10 - Wccftech. Life is Strange 2 - Episode 5. The Diaz brothers have reached the end of the road. Every choice Sean made on their journey, every lesson Daniel learned, it all led to this. Can the brothers stay together and survive this brutal final chapter. or will the world tear them apart?. Life is Strange 2 - Episode 4. Sean wakes in hospital, gravely wounded by the incident in California, to find Daniel still missing. Picking up his brother's trail in the desert heat of Nevada, will Sean\u2019s faith in Daniel be rewarded. or is the young wolf lost forever?. Life is Strange 2 - Episode 3. Sean and Daniel's dangerous journey to Mexico continues. Reunited with Cassidy and Finn, the brothers find illegal work - and sanctuary - in a Californian forest. Life is Strange 2 - Episode 2. The two brothers continue their journey into the winter months and struggle against the cold. As Daniel gradually falls ill, Sean decides they must make their way to their grandparent\u2019s house to recover. Complete Season Content. Purchase the Complete Season of Life is Strange 2 and receive an exclusive pack of 5 Arcadia Bay patches to customise your backpack. These patches are based on the original Life is Strange. . Complete Season includes:. Episodes 1-5. Arcadia Bay Patch Bundle. The Awesome Adventures of Captain Spirit. Have you ever dreamt of being a superhero? Meet Chris, a creative and imaginative 10 year old boy who escapes reality with fantastical adventures as his alter ego, the Awesome Captain Spirit!. Captain Spirit is a free demo set in the Life is Strange Universe that contains links to the brand new story & characters of Life is Strange 2. Life is Strange 2 - Mascot Bundle. Purchase the 'Mascot Bundle' and receive a set of patches and a keyring from the Life is Strange universe to customise your in-game backpack. LIFE IS STRANGE 2 - DEMO out now!. Begin your LIFE IS STRANGE 2 journey today with the FREE TRIAL, and carry all your progress into the full game. About the Game. . ALL EPISODES ARE AVAILABLE TO PLAY NOW!. Purchase the Complete Season and receive the 'Arcadia Bay' patch bundle to customise your in-game backpack. . The award-winning Life is Strange series continues with an all-new story from DONTNOD Entertainment. . After a tragic incident, brothers Sean and Daniel Diaz run away from home. Fearing the police, and dealing with Daniel's newly manifested telekinetic power \u2013 the power to move objects with your mind \u2013 the boys decide to travel to their father's hometown of Puerto Lobos in Mexico for safety. . Suddenly, sixteen year-old Sean is responsible for Daniel\u2019s safety, shelter, and teaching him right from wrong. As Daniel's power grows, it\u2019s up to Sean to decide the rules by which they live. Keep the power secret, or use it to help them in their journey? Beg, borrow, or steal? Reach out to family, or stay hidden? . As Sean, your choices shape the fates of the Diaz brothers, and the lives of everyone they meet. . . From Seattle, to Portland, to California. through gas stations, abandoned shacks, backstreets and forests. the road to Mexico is long and filled with danger \u2013 but also friendship, wonder, and opportunity. . This is the trip that could bond Sean and Daniel forever\u2026 or tear their brotherhood apart. . Key Features:. \u2022 Award Winning Story-Telling. \u2022 Daniel is always learning from Sean \u2013 and what you teach him has far-reaching consequences. \u2022 Stunning visuals and hand-painted textures. \u2022 Emotive original soundtrack from Jonathan Morali, composer of the original Life is Strange - plus licensed tracks from Phoenix, The Streets, Sufjan Stevens, Bloc Party, First Aid Kit, and more. .", + "about_the_game": "ALL EPISODES ARE AVAILABLE TO PLAY NOW!Purchase the Complete Season and receive the 'Arcadia Bay' patch bundle to customise your in-game backpack.The award-winning Life is Strange series continues with an all-new story from DONTNOD Entertainment.After a tragic incident, brothers Sean and Daniel Diaz run away from home. Fearing the police, and dealing with Daniel's newly manifested telekinetic power \u2013 the power to move objects with your mind \u2013 the boys decide to travel to their father's hometown of Puerto Lobos in Mexico for safety.Suddenly, sixteen year-old Sean is responsible for Daniel\u2019s safety, shelter, and teaching him right from wrong. As Daniel's power grows, it\u2019s up to Sean to decide the rules by which they live. Keep the power secret, or use it to help them in their journey? Beg, borrow, or steal? Reach out to family, or stay hidden? As Sean, your choices shape the fates of the Diaz brothers, and the lives of everyone they meet. From Seattle, to Portland, to California... through gas stations, abandoned shacks, backstreets and forests... the road to Mexico is long and filled with danger \u2013 but also friendship, wonder, and opportunity.This is the trip that could bond Sean and Daniel forever\u2026 or tear their brotherhood apart.Key Features:\u2022 Award Winning Story-Telling\u2022 Daniel is always learning from Sean \u2013 and what you teach him has far-reaching consequences.\u2022 Stunning visuals and hand-painted textures.\u2022 Emotive original soundtrack from Jonathan Morali, composer of the original Life is Strange - plus licensed tracks from Phoenix, The Streets, Sufjan Stevens, Bloc Party, First Aid Kit, and more.", + "short_description": "After a tragic incident, brothers Sean and Daniel Diaz run away from home. Fearing the police, and dealing with Daniel's new telekinetic power, the boys head to Mexico. Each stop on their journey brings new friends and new challenges.", + "genres": "Adventure", + "recommendations": 19239, + "score": 6.503134460325728 + }, + { + "type": "game", + "name": "Dying Light 2 Stay Human", + "detailed_description": "Just Updated. Hello, Pilgrims!. Let's talk about everything new that we have added to the game for you with this update. . The night experience is getting a lot darker and dangerous. Now, the Volatiles will roam the city and you will never feel safe again. Movement is the key to survival, so, we made it even better. You can traverse the city in a new, more liberating way after you activate the advanced parkour mode in settings. . There's also a place for all of you creative builders out there. In the game's menu, you will find a new section full of maps created by the community. For now, it's only available on PC, but the feature will make its way to the consoles soon. . And there is more! So, for all the details, head to the Outpost, Pilgrims!. Deluxe & Ultimate Edition. Roadmap. About the GameIt\u2019s been 20 years since the events of the original game. The virus won, and humanity is slowly dying. You play as Aiden Caldwell, a wandering Pilgrim who delivers goods, brings news, and connects the few remaining survivor settlements in barren lands devastated by the zombie virus. However, your true goal is to find your little sister Mia, who you left behind as a kid to escape Dr. Waltz's torturous experiments. Haunted by the past, you eventually make the decision to confront it when you learn that Mia may still be alive in Villedor \u2014 the last city standing on Earth. . You quickly find yourself in a settlement torn by conflict. You\u2019ll need to engage in creative and gory combat, so hone your skills to defeat hordes of zombies and make allies. Roam the city, free run across Villedor\u2019s buildings and rooftops in search of loot in remote areas, and be wary of the night. With every sunset, monsters take control of the streets. . A WORLD AFTER THE APOCALYPSEFifteen years ago, humanity was devastated by the Fall \u2014 a catastrophic event that would change the world forever. With the Harran virus spreading around the globe, people quickly found out that all hope for tomorrow is lost. By 2036, only a few settlements remain, and humanity is slowly dying, making way for the new species out there \u2014 a horde of relentless zombies.DAY\u2019S FOR THE LIVING, NIGHT\u2019S FOR THE DEADWelcome to Villedor, one of the last bastions of humanity. During the day, survivors still try to have a life here and find a false sense of normalcy. Relationships are formed, dreams are dreamed, and life carries on. On the surface, everything seems\u2026 fine. Until sunset, that is. With the last ray of light dying out, other, more dreadful, dwellers of The City crawl out of their gloomy interiors, taking over the streets. If you are not vigilant and stay out too long in the dark, you may never return.YOU HAVE TO MOVE TO SURVIVENot all fights can be won. Sometimes it\u2019s best to run and, thankfully, you have the skills for it. Parkour lets you escape when odds are not in your favor. Jump from rooftop to rooftop, swing across the cityscape, ride ziplines, and much more. Whatever you do, experience a unique sense of freedom as you freerun across Villedor\u2019s buildings and rooftops in search of loot or while running away from the dangers of the night.GET BRUTAL AND BE CREATIVE ABOUT ITIn a world as dangerous as this one, only the strongest survive. Whether you prefer to smash, slice or dismember those who stand in your way, you have to be creative about it to make it through. And who says you need weapons? Utilize the entirety of your parkour moveset to get the jump on your enemies. Learn the ways of combat and parkour to feel the crunch of skulls and slices of flesh as you swing weapons or use your moves to fend off any forms of danger. And let\u2019s not forget that Villedor has weapons that put the most advanced post-apocalyptic armories to shame.FOUR PILGRIMS ARE BETTER THAN ONESurviving in Villedor is easier with friends. Team up with up to 3 other players and increase your chances out there. Unravel the story together, take on Pilgrim Outpost challenges, or simply wreak havoc on the city streets. .", + "about_the_game": "It\u2019s been 20 years since the events of the original game. The virus won, and humanity is slowly dying. You play as Aiden Caldwell, a wandering Pilgrim who delivers goods, brings news, and connects the few remaining survivor settlements in barren lands devastated by the zombie virus. However, your true goal is to find your little sister Mia, who you left behind as a kid to escape Dr. Waltz's torturous experiments. Haunted by the past, you eventually make the decision to confront it when you learn that Mia may still be alive in Villedor \u2014 the last city standing on Earth. You quickly find yourself in a settlement torn by conflict. You\u2019ll need to engage in creative and gory combat, so hone your skills to defeat hordes of zombies and make allies. Roam the city, free run across Villedor\u2019s buildings and rooftops in search of loot in remote areas, and be wary of the night. With every sunset, monsters take control of the streets.A WORLD AFTER THE APOCALYPSEFifteen years ago, humanity was devastated by the Fall \u2014 a catastrophic event that would change the world forever. With the Harran virus spreading around the globe, people quickly found out that all hope for tomorrow is lost. By 2036, only a few settlements remain, and humanity is slowly dying, making way for the new species out there \u2014 a horde of relentless zombies.DAY\u2019S FOR THE LIVING, NIGHT\u2019S FOR THE DEADWelcome to Villedor, one of the last bastions of humanity. During the day, survivors still try to have a life here and find a false sense of normalcy. Relationships are formed, dreams are dreamed, and life carries on. On the surface, everything seems\u2026 fine. Until sunset, that is. With the last ray of light dying out, other, more dreadful, dwellers of The City crawl out of their gloomy interiors, taking over the streets. If you are not vigilant and stay out too long in the dark, you may never return.YOU HAVE TO MOVE TO SURVIVENot all fights can be won. Sometimes it\u2019s best to run and, thankfully, you have the skills for it. Parkour lets you escape when odds are not in your favor. Jump from rooftop to rooftop, swing across the cityscape, ride ziplines, and much more. Whatever you do, experience a unique sense of freedom as you freerun across Villedor\u2019s buildings and rooftops in search of loot or while running away from the dangers of the night.GET BRUTAL AND BE CREATIVE ABOUT ITIn a world as dangerous as this one, only the strongest survive. Whether you prefer to smash, slice or dismember those who stand in your way, you have to be creative about it to make it through. And who says you need weapons? Utilize the entirety of your parkour moveset to get the jump on your enemies. Learn the ways of combat and parkour to feel the crunch of skulls and slices of flesh as you swing weapons or use your moves to fend off any forms of danger. And let\u2019s not forget that Villedor has weapons that put the most advanced post-apocalyptic armories to shame.FOUR PILGRIMS ARE BETTER THAN ONESurviving in Villedor is easier with friends. Team up with up to 3 other players and increase your chances out there. Unravel the story together, take on Pilgrim Outpost challenges, or simply wreak havoc on the city streets.", + "short_description": "Humanity is fighting a losing battle against the virus. Experience a post-apocalyptic open world overrun by hordes of zombies, where your parkour and combat skills are key to survival. Traverse the City freely during the day, but watch the monsters take over during the night.", + "genres": "Action", + "recommendations": 110758, + "score": 7.657027279653531 + }, + { + "type": "game", + "name": "Two Point Hospital", + "detailed_description": "Join Our Discord Server. About the GameDesign and build your own hospital!. Build up a hospital from nothing to a masterpiece as you design the most beautiful \u2013 or functional \u2013 healthcare operation in the whole of Two Point County. . Optimise your hospital design to increase patient (and cash) flow, arranging corridors, rooms and waiting areas to your exact specifications. Expand your hospital to multiple buildings as you look to get as many patients through the door as possible. . Place decorative and functional items around your hospital to improve its prestige, lower patient boredom, increase happiness and keep those end of year awards flowing in. . Cure unusual illnesses. Don\u2019t expect Two Point County to be populated with your usual types of patients. In this world, you\u2019ll experience all kinds of unusual illnesses; from Light-headedness to Cubism \u2013 each requiring their very own special type of treatment machine. . Diagnose illnesses, build the right rooms to handle them, hire the right staff, and then get ready, because curing just one of these illnesses is just the beginning. You can handle a single patient \u2013 but can you handle a Pandemic? . Once you\u2019ve conquered an illness, research improved cures and machines and turn your hospital into an unstoppable healthcare juggernaut. . Improve and expand your hospital horizons!. Your first hospital is where it begins, but what next? . Once you\u2019ve cured the residents of a small harbour village, can you take on a bigger challenge in a busier hospital? . Improve your facilities, upgrade machines, staff and layouts to make more money, more quickly. . Train and improve your staff, levelling them up with new skills and abilities to make your hospital even more efficient. . Make use of the extensive statistic and information screens to analyse your strengths and weaknesses, and make rapid alterations. Adjust the price of your treatments, keep an eye on your turnover, take out loans and optimise your earnings. . You\u2019ll be managing staff with unique personality types and traits, so you\u2019ll need to keep an eye on who\u2019s being efficient \u2013 and who is just a pain in the neck. Balance your workforce with your ambitions as you strive to make profit (and hopefully save some people along the way).", + "about_the_game": "Design and build your own hospital!Build up a hospital from nothing to a masterpiece as you design the most beautiful \u2013 or functional \u2013 healthcare operation in the whole of Two Point County. Optimise your hospital design to increase patient (and cash) flow, arranging corridors, rooms and waiting areas to your exact specifications. Expand your hospital to multiple buildings as you look to get as many patients through the door as possible.Place decorative and functional items around your hospital to improve its prestige, lower patient boredom, increase happiness and keep those end of year awards flowing in. Cure unusual illnessesDon\u2019t expect Two Point County to be populated with your usual types of patients. In this world, you\u2019ll experience all kinds of unusual illnesses; from Light-headedness to Cubism \u2013 each requiring their very own special type of treatment machine. Diagnose illnesses, build the right rooms to handle them, hire the right staff, and then get ready, because curing just one of these illnesses is just the beginning. You can handle a single patient \u2013 but can you handle a Pandemic? Once you\u2019ve conquered an illness, research improved cures and machines and turn your hospital into an unstoppable healthcare juggernaut. Improve and expand your hospital horizons!Your first hospital is where it begins, but what next? Once you\u2019ve cured the residents of a small harbour village, can you take on a bigger challenge in a busier hospital? Improve your facilities, upgrade machines, staff and layouts to make more money, more quickly. Train and improve your staff, levelling them up with new skills and abilities to make your hospital even more efficient. Make use of the extensive statistic and information screens to analyse your strengths and weaknesses, and make rapid alterations. Adjust the price of your treatments, keep an eye on your turnover, take out loans and optimise your earnings.You\u2019ll be managing staff with unique personality types and traits, so you\u2019ll need to keep an eye on who\u2019s being efficient \u2013 and who is just a pain in the neck. Balance your workforce with your ambitions as you strive to make profit (and hopefully save some people along the way).", + "short_description": "Design stunning hospitals, cure peculiar illnesses and manage troublesome staff as you spread your budding healthcare organisation across Two Point County.", + "genres": "Indie", + "recommendations": 22863, + "score": 6.616899171745857 + }, + { + "type": "game", + "name": "MOBIUS FINAL FANTASY\u2122", + "detailed_description": "A team of veteran developers of the FINAL FANTASY franchise, headed by venerated producer Yoshinori Kitase of FFVII and FFXIII fame, brings you MOBIUS FINAL FANTASY, a mobile RPG of unprecedented quality. The PC version comes 4K visuals and smooth 60 FPS gameplay. Enjoy a dramatic story and dynamic battles in the high-res!. * Widescreen Resolution. A new widescreen full HD 1920x1080 resolution available only on the PC. Take in the sights of Palamecia as you venture throughout its lands, with a wide field of view unobstructed by UI elements. . * 4K Visuals. MOBIUS FINAL FANTASY is also compatible with 4K resolution. You'll be awed by the level of detail modeled in the game, from the intricate textures of metallic armor to the wisps of clouds up high in the sky. . * Quality of Life Improvements. Unbound from the limits of smartphones--no more stressing over battery life or storage space!", + "about_the_game": "A team of veteran developers of the FINAL FANTASY franchise, headed by venerated producer Yoshinori Kitase of FFVII and FFXIII fame, brings you MOBIUS FINAL FANTASY, a mobile RPG of unprecedented quality. The PC version comes 4K visuals and smooth 60 FPS gameplay. Enjoy a dramatic story and dynamic battles in the high-res!\r\n\r\n* Widescreen Resolution\r\nA new widescreen full HD 1920x1080 resolution available only on the PC.\r\nTake in the sights of Palamecia as you venture throughout its lands, with a wide field of view unobstructed by UI elements.\r\n\r\n* 4K Visuals\r\nMOBIUS FINAL FANTASY is also compatible with 4K resolution.\r\nYou'll be awed by the level of detail modeled in the game, from the intricate textures of metallic armor to the wisps of clouds up high in the sky.\r\n\r\n* Quality of Life Improvements\r\nUnbound from the limits of smartphones--no more stressing over battery life or storage space!", + "short_description": "A team of veteran developers of the FINAL FANTASY franchise, headed by venerated producer Yoshinori Kitase, brings you MOBIUS FINAL FANTASY, a mobile RPG of unprecedented quality. The PC version comes 4K visuals and 60 FPS gameplay.", + "genres": "Free to Play", + "recommendations": 1333, + "score": 4.743775857614387 + }, + { + "type": null, + "name": "Digimon Masters Online", + "detailed_description": null, + "about_the_game": null, + "short_description": null, + "genres": null, + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Catan Universe", + "detailed_description": "Play your favorite game CATAN anytime and anywhere: the original board game, the card game, the expansions and \u2018CATAN \u2013 Rise of the Inkas\u2018, all in one app! . After a long voyage of great deprivation, your ships have finally reached the coast of an uncharted island. However, other explorers have also landed on Catan: The race to settle the island has begun!. Build roads and cities, trade skillfully and become Lord or Lady of Catan!. Go on a journey to the Catan universe, and compete in exciting duels against players from all over the world. The board game classic and the Catan card game bring a real tabletop feeling to your screen! . Play with your Catan Universe account on the device of your choice: You can use your login on numerous desktop and mobile platforms! Become part of the huge worldwide Catan community, and compete against players from all over the world, and on all supported platforms. . The board game:. Play the basic board game in multiplayer mode! Join two of your friends for a maximum of three players and face all the challenges in \u201cArrival on Catan\u201d. . Make things even more exciting by unlocking the full basic game and the expansions \u201cCities & Knights\u201d and \u201cSeafarers\u201d, each for up to six players. The special scenario pack containing the scenarios \u201cEnchanted Land\u201d and \u201cThe Great Canal\u201d adds even more variety to your games. . The game edition \u2018Rise of the Inkas\u2018 is another exciting challenge for you, as your settlements are doomed in their heyday. The jungle swallows the signs of human civilization, and your opponents seize their chance to build their settlement at the location they crave for. . The card game:. Play the introductory game of the popular 2 player card game \u201cCatan \u2013 The Duel\u201d online free of charge or master the free \u201cArrival on Catan\u201d, to permanently unlock the single player mode against the AI. . Get the complete card game as an in-game purchase to play three different theme sets against friends, other fans friends or different AI opponents and submerge yourself into the bustling life on Catan. . Basic game free matches against two other human players. Introductory game free matches Catan \u2013 The Duel against a human player. \u201cArrival on Catan\u201d: Master the challenges in all areas of the game to get more red Catan suns. . You can use Catan suns to play against the computer. Your yellow suns recharge on their own. . . Trade \u2013 build \u2013 settle \u2013 Become Lord of Catan!. Play on all your devices with one account. . Faithful to the original version of the board game \u201cCatan\u201d, as well as the card game \u201cCatan \u2013 The Duel\u201d (aka \u201cRivals for Catan\u201d). Create your own Avatar. Chat with other players and form guilds . Participate in seasons and win amazing prizes. . Play to earn numerous achievements and unlock rewards. . Get additional expansions and game modes as in-app purchases. Get started really easily with the comprehensive tutorial. . Catan Universe uses an in-game currency called \u201cCatan Gold\u201d. You can unlock expansions using Catan Gold for unlimited play time. Bought expansions are linked to your account. You can log in on another device, the iOS or Android App and use your purchases there, too!. Various bundles are available in the shop for a great value.", + "about_the_game": "Play your favorite game CATAN anytime and anywhere: the original board game, the card game, the expansions and \u2018CATAN \u2013 Rise of the Inkas\u2018, all in one app! After a long voyage of great deprivation, your ships have finally reached the coast of an uncharted island. However, other explorers have also landed on Catan: The race to settle the island has begun!Build roads and cities, trade skillfully and become Lord or Lady of Catan!Go on a journey to the Catan universe, and compete in exciting duels against players from all over the world. The board game classic and the Catan card game bring a real tabletop feeling to your screen! Play with your Catan Universe account on the device of your choice: You can use your login on numerous desktop and mobile platforms! Become part of the huge worldwide Catan community, and compete against players from all over the world, and on all supported platforms.The board game:Play the basic board game in multiplayer mode! Join two of your friends for a maximum of three players and face all the challenges in \u201cArrival on Catan\u201d.Make things even more exciting by unlocking the full basic game and the expansions \u201cCities & Knights\u201d and \u201cSeafarers\u201d, each for up to six players. The special scenario pack containing the scenarios \u201cEnchanted Land\u201d and \u201cThe Great Canal\u201d adds even more variety to your games.The game edition \u2018Rise of the Inkas\u2018 is another exciting challenge for you, as your settlements are doomed in their heyday. The jungle swallows the signs of human civilization, and your opponents seize their chance to build their settlement at the location they crave for.The card game:Play the introductory game of the popular 2 player card game \u201cCatan \u2013 The Duel\u201d online free of charge or master the free \u201cArrival on Catan\u201d, to permanently unlock the single player mode against the AI.Get the complete card game as an in-game purchase to play three different theme sets against friends, other fans friends or different AI opponents and submerge yourself into the bustling life on Catan.Basic game free matches against two other human playersIntroductory game free matches Catan \u2013 The Duel against a human player\u201cArrival on Catan\u201d: Master the challenges in all areas of the game to get more red Catan suns.You can use Catan suns to play against the computer. Your yellow suns recharge on their own.Trade \u2013 build \u2013 settle \u2013 Become Lord of Catan!Play on all your devices with one account.Faithful to the original version of the board game \u201cCatan\u201d, as well as the card game \u201cCatan \u2013 The Duel\u201d (aka \u201cRivals for Catan\u201d)Create your own AvatarChat with other players and form guilds Participate in seasons and win amazing prizes.Play to earn numerous achievements and unlock rewards.Get additional expansions and game modes as in-app purchasesGet started really easily with the comprehensive tutorialCatan Universe uses an in-game currency called \u201cCatan Gold\u201d. You can unlock expansions using Catan Gold for unlimited play time. Bought expansions are linked to your account. You can log in on another device, the iOS or Android App and use your purchases there, too!Various bundles are available in the shop for a great value.", + "short_description": "Trade \u2013 build \u2013 settle: Become Lord of Catan! Get to know Catan and play the starter scenario in multiplayer mode. Purchase the complete base game, expansions, card game and much more to discover the entire Universe of Catan.", + "genres": "Casual", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "KARDS - The WW2 Card Game", + "detailed_description": "Living Roadmap. About the GameCard Game meets WWIIKARDS, The World War II Card Game, combines traditional CCG gameplay with innovative mechanics inspired by classic strategy games and real battlefield tactics. Take command and challenge other players in grand-scale warfare on the ground, air, or seas. . KARDS is completely free to play with all features available from the start. You can earn all cards through regular gameplay, daily missions and an extensive achievement system.Why should you play KARDS?KARDS blends familiar trading card gameplay that make it easy to learn and are combined with innovative mechanics that provide strategic depth and tactical diversity. . The innovative frontline mechanics allows you to better protect your support assets and take the battle to your enemy. Rush your enemies with Blitzkrieg tactics, gain air superiority or dig in for bitter defensive warfare until you outproduce and outgun your enemies. . . Managing your forces is an important part of any military campaign. In KARDS you need to carefully manage your resources (Kredits) between deploying new units, operating units already deployed on the battlefield and disseminating orders to support your battle plans.StrategyYour deck is constructed around one of the five major powers of WW2 and competes head to head with other players. Each deck is allowed one ally nation, where you can draw support from to create an edge against the opposition. . Depending on what you believe to be a winning strategy, players craft their deck on a combination of units and supporting orders. Infantry: Try to overrun your opponent with lighter and often less costly units. Tanks: Blitz your opponent with heavily armored units. Artillery: Blast your opponent from the safety of your support line. Aircraft: Achieve air superiority and wreak havoc from the sky. Move up through the ranks via gameplay from Private to Field Marshall and earn your place in the officer's club while reaping monthly rewards for your rank.Authentic atmosphereAll the cards are beautifully illustrated to match the unique WW2-style. Weapons and units have been diligently researched and behave exactly as one would expect based on official documentation, specifications and operational history. . Regular updates and eventsThanks to a vibrant community and active developers, KARDS regularly receives new features and improvements. Meanwhile, several expansions have been released for free. We also conduct regularly tournaments which are suitable for players of all experience levels. Winning prizes in the tournaments range from game items to real money of up to $10,000 USD.About 1939 Games1939 Games is a creative indie studio located in Iceland. Founded by ex-CCP veterans famous for creating EVE Online, 1939 Games is out to boost the market with KARDS, the unique and groundbreaking WWII CCG.", + "about_the_game": "Card Game meets WWIIKARDS, The World War II Card Game, combines traditional CCG gameplay with innovative mechanics inspired by classic strategy games and real battlefield tactics. Take command and challenge other players in grand-scale warfare on the ground, air, or seas. KARDS is completely free to play with all features available from the start. You can earn all cards through regular gameplay, daily missions and an extensive achievement system.Why should you play KARDS?KARDS blends familiar trading card gameplay that make it easy to learn and are combined with innovative mechanics that provide strategic depth and tactical diversity. The innovative frontline mechanics allows you to better protect your support assets and take the battle to your enemy. Rush your enemies with Blitzkrieg tactics, gain air superiority or dig in for bitter defensive warfare until you outproduce and outgun your enemies.Managing your forces is an important part of any military campaign. In KARDS you need to carefully manage your resources (Kredits) between deploying new units, operating units already deployed on the battlefield and disseminating orders to support your battle plans.StrategyYour deck is constructed around one of the five major powers of WW2 and competes head to head with other players. Each deck is allowed one ally nation, where you can draw support from to create an edge against the opposition. Depending on what you believe to be a winning strategy, players craft their deck on a combination of units and supporting orders.Infantry: Try to overrun your opponent with lighter and often less costly unitsTanks: Blitz your opponent with heavily armored unitsArtillery: Blast your opponent from the safety of your support lineAircraft: Achieve air superiority and wreak havoc from the skyMove up through the ranks via gameplay from Private to Field Marshall and earn your place in the officer's club while reaping monthly rewards for your rank.Authentic atmosphereAll the cards are beautifully illustrated to match the unique WW2-style. Weapons and units have been diligently researched and behave exactly as one would expect based on official documentation, specifications and operational history.Regular updates and eventsThanks to a vibrant community and active developers, KARDS regularly receives new features and improvements. Meanwhile, several expansions have been released for free. We also conduct regularly tournaments which are suitable for players of all experience levels. Winning prizes in the tournaments range from game items to real money of up to $10,000 USD.About 1939 Games1939 Games is a creative indie studio located in Iceland. Founded by ex-CCP veterans famous for creating EVE Online, 1939 Games is out to boost the market with KARDS, the unique and groundbreaking WWII CCG.", + "short_description": "KARDS, The World War II Card Game, combines traditional CCG gameplay with innovative mechanics inspired by classic strategy games and real battlefield tactics. Take command and challenge other players in grand-scale warfare on the ground, air, or seas.", + "genres": "Casual", + "recommendations": 107, + "score": 3.086600171509946 + }, + { + "type": "game", + "name": "Half-Life: Alyx", + "detailed_description": "Half-Life: Alyx is Valve\u2019s VR return to the Half-Life series. It\u2019s the story of an impossible fight against a vicious alien race known as the Combine, set between the events of Half-Life and Half-Life 2. . Playing as Alyx Vance, you are humanity\u2019s only chance for survival. The Combine\u2019s control of the planet since the Black Mesa incident has only strengthened as they corral the remaining population in cities. Among them are some of Earth\u2019s greatest scientists: you and your father, Dr. Eli Vance. . As founders of a fledgling resistance, you\u2019ve continued your clandestine scientific activity\u2014performing critical research, and building invaluable tools for the few humans brave enough to defy the Combine. . Every day, you learn more about your enemy, and every day you work toward finding a weakness. . ABOUT GAMEPLAY IN VR: . Valve\u2019s return to the Half-Life universe that started it all was built from the ground up for virtual reality. VR was built to enable the gameplay that sits at the heart of Half-Life. . Immerse yourself in deep environmental interactions, puzzle solving, world exploration, and visceral combat. . Lean to aim around a broken wall and under a Barnacle to make an impossible shot. Rummage through shelves to find a healing syringe and some shotgun shells. Manipulate tools to hack alien interfaces. Toss a bottle through a window to distract an enemy. Rip a Headcrab off your face and throw it out the window. . COMMUNITY-BUILT ENVIRONMENTS. A set of Source 2 tools for building new levels is included with the game, enabling any player to build and contribute new environments for the community to enjoy through Half-Life: Alyx's Steam Workshop. Hammer, Valve\u2019s level authoring tool, has been updated with all of the game's virtual reality gameplay tools and components.", + "about_the_game": "Half-Life: Alyx is Valve\u2019s VR return to the Half-Life series. It\u2019s the story of an impossible fight against a vicious alien race known as the Combine, set between the events of Half-Life and Half-Life 2. Playing as Alyx Vance, you are humanity\u2019s only chance for survival. The Combine\u2019s control of the planet since the Black Mesa incident has only strengthened as they corral the remaining population in cities. Among them are some of Earth\u2019s greatest scientists: you and your father, Dr. Eli Vance. As founders of a fledgling resistance, you\u2019ve continued your clandestine scientific activity\u2014performing critical research, and building invaluable tools for the few humans brave enough to defy the Combine. Every day, you learn more about your enemy, and every day you work toward finding a weakness. ABOUT GAMEPLAY IN VR: Valve\u2019s return to the Half-Life universe that started it all was built from the ground up for virtual reality. VR was built to enable the gameplay that sits at the heart of Half-Life. Immerse yourself in deep environmental interactions, puzzle solving, world exploration, and visceral combat. Lean to aim around a broken wall and under a Barnacle to make an impossible shot. Rummage through shelves to find a healing syringe and some shotgun shells. Manipulate tools to hack alien interfaces. Toss a bottle through a window to distract an enemy. Rip a Headcrab off your face and throw it out the window.COMMUNITY-BUILT ENVIRONMENTSA set of Source 2 tools for building new levels is included with the game, enabling any player to build and contribute new environments for the community to enjoy through Half-Life: Alyx's Steam Workshop. Hammer, Valve\u2019s level authoring tool, has been updated with all of the game's virtual reality gameplay tools and components.", + "short_description": "Half-Life: Alyx is Valve\u2019s VR return to the Half-Life series. It\u2019s the story of an impossible fight against a vicious alien race known as the Combine, set between the events of Half-Life and Half-Life 2. Playing as Alyx Vance, you are humanity\u2019s only chance for survival.", + "genres": "Action", + "recommendations": 70632, + "score": 7.360466706141112 + }, + { + "type": "game", + "name": "Deep Rock Galactic", + "detailed_description": "Upcoming Games from Ghost Ship Publishing Game Editions + Discord + Living Roadmap. STANDARD EDITION. The standard edition is simply the base version of Deep Rock Galactic, nothing more, nothing less. . DELUXE EDITION. Get the DELUXE EDITION to unlock the base game as well as three packs of Cosmetic DLC: The awesome MEGACORP, DARK FUTURE, and DAWN OF THE DREAD Packs!. DWARVEN LEGACY. The full package - includes the base game, all Cosmetic Packs, the Supporter Pack, and the full game soundtrack split over two volumes. Discord. Living Roadmap. About the Game. Deep Rock Galactic is a 1-4 player co-op FPS featuring badass space Dwarves, 100% destructible environments, procedurally-generated caves, and endless hordes of alien monsters.1-4 PLAYER CO-OPWork together as a team to dig, explore, and fight your way through a massive cave system filled with hordes of deadly enemies and valuable resources. You will need to rely on your teammates if you want to survive the most hostile cave systems in the galaxy!4 UNIQUE CLASSESPick the right class for the job. Mow through enemies as the Gunner, scout ahead and light up the caves as the Scout, chew through solid rock as the Driller, or support the team with defensive structures and turrets as the Engineer.FULLY DESTRUCTIBLE ENVIRONMENTSDestroy everything around you to reach your goal. There is no set path so you can complete your mission your way. Drill straight down to your objective or build an intricate network of paths to explore your surroundings -- the choice is yours. But proceed with caution, you don\u2019t want to stumble into an alien swarm unprepared!PROCEDURALLY GENERATED CAVE NETWORKExplore a network of procedurally generated cave systems filled with enemies to fight and riches to collect. There\u2019s always something new to discover and no two playthroughs are alike.HIGH-TECH GADGETS AND WEAPONSDwarves know what they need to bring to get the job done. This means the most powerful weapons and the most advanced gadgets around - flamethrowers, gatling guns, portable platform launchers, and much, much more.LIGHT YOUR PATHThe underground caves are dark and full of terrors. You will need to bring your own lights if you want to illuminate these pitch-black caverns. .", + "about_the_game": "Deep Rock Galactic is a 1-4 player co-op FPS featuring badass space Dwarves, 100% destructible environments, procedurally-generated caves, and endless hordes of alien monsters.1-4 PLAYER CO-OPWork together as a team to dig, explore, and fight your way through a massive cave system filled with hordes of deadly enemies and valuable resources. You will need to rely on your teammates if you want to survive the most hostile cave systems in the galaxy!4 UNIQUE CLASSESPick the right class for the job. Mow through enemies as the Gunner, scout ahead and light up the caves as the Scout, chew through solid rock as the Driller, or support the team with defensive structures and turrets as the Engineer.FULLY DESTRUCTIBLE ENVIRONMENTSDestroy everything around you to reach your goal. There is no set path so you can complete your mission your way. Drill straight down to your objective or build an intricate network of paths to explore your surroundings -- the choice is yours. But proceed with caution, you don\u2019t want to stumble into an alien swarm unprepared!PROCEDURALLY GENERATED CAVE NETWORKExplore a network of procedurally generated cave systems filled with enemies to fight and riches to collect. There\u2019s always something new to discover and no two playthroughs are alike.HIGH-TECH GADGETS AND WEAPONSDwarves know what they need to bring to get the job done. This means the most powerful weapons and the most advanced gadgets around - flamethrowers, gatling guns, portable platform launchers, and much, much more.LIGHT YOUR PATHThe underground caves are dark and full of terrors. You will need to bring your own lights if you want to illuminate these pitch-black caverns.", + "short_description": "Deep Rock Galactic is a 1-4 player co-op FPS featuring badass space Dwarves, 100% destructible environments, procedurally-generated caves, and endless hordes of alien monsters.", + "genres": "Action", + "recommendations": 180509, + "score": 7.979014539418875 + }, + { + "type": "game", + "name": "Black Squad", + "detailed_description": "Black Squad is a free-to-play military first-person-shooter. Players can master their skills and show off their strategies with a wide range of game maps, modes, and weapons to choose from. Join thousands of FPS players worldwide in one of the most played games on Steam!Game Features. 10 Game Modes: Competitive, Demolition, TDM and more!. Custom Game Creation to play how you want. 85+ Weapons: SMGs, Shotguns, Snipers, Rifles, Pistols, LMGs, and more!. 48 Maps to master. 10 Characters to collect. 460+ Skins for customization. FREE TO PLAY. Black Squad is a free to play game. Every item can be earned by just playing the game. Defeat enemies with your friends or boast a solo performance in both casual or competitive gameplay.COMPETE & COOPERATE. Looking for some competition? Black Squad will offer the challenge- participate in community tournaments, clan wars, solo ranked mode, duo competitive, and much more!REGULAR UPDATES. Black Squad continues to evolve with every update! Stay alert and adapt to new content and features to achieve victory!MISSIONS & REWARDS. Receive rewards by completing missions. Everyday a new challenge awaits you! Can you step up, Soldier?. Rewards will be sent to your inbox as soon as the mission is completed.", + "about_the_game": "Black Squad is a free-to-play military first-person-shooter. Players can master their skills and show off their strategies with a wide range of game maps, modes, and weapons to choose from. Join thousands of FPS players worldwide in one of the most played games on Steam!Game Features10 Game Modes: Competitive, Demolition, TDM and more!Custom Game Creation to play how you want85+ Weapons: SMGs, Shotguns, Snipers, Rifles, Pistols, LMGs, and more!48 Maps to master10 Characters to collect460+ Skins for customizationFREE TO PLAYBlack Squad is a free to play game. Every item can be earned by just playing the game. Defeat enemies with your friends or boast a solo performance in both casual or competitive gameplay.COMPETE & COOPERATELooking for some competition? Black Squad will offer the challenge- participate in community tournaments, clan wars, solo ranked mode, duo competitive, and much more!REGULAR UPDATESBlack Squad continues to evolve with every update! Stay alert and adapt to new content and features to achieve victory!MISSIONS & REWARDSReceive rewards by completing missions. Everyday a new challenge awaits you! Can you step up, Soldier?Rewards will be sent to your inbox as soon as the mission is completed.", + "short_description": "Black Squad is a free-to-play military first-person-shooter. Players can master their skills and show off their strategies with a wide range of game maps, modes, and weapons to choose from. Join thousands of FPS players worldwide in one of the most played games on Steam!", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": null, + "name": "Metin2", + "detailed_description": null, + "about_the_game": null, + "short_description": null, + "genres": null, + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Warhammer: Vermintide 2", + "detailed_description": "Join our official Discord community. Get the latest news and chat directly with us: About the Game. Warhammer: Vermintide 2 is a 4-player co-op action game set in the Warhammer Fantasy Battles world. Sequel to the critically acclaimed Vermintide, Vermintide 2 is the latest installment in a franchise best known for its intense and bloody first-person melee combat. . Our five heroes have returned to take on an even greater threat than before \u2013 the combined forces of a ruinous Chaos army and the swarming Skaven horde. The only thing standing between utter defeat and victory is you and your allies. If you fall - so too will the Empire. . . Fight through endless hordes of enemies together with up to 3 friends in this visceral co-op action experience. Choose between 5 different characters, each with 3 branching careers to master. Evolve your skill and climb the difficulty ladders, from Recruit, Veteran, Champion to Legend. Customize your own unique style of play with 15 different talent trees and 50+ Weapon Types. Explore the war-ravaged lands of a dying world with a wide range of stunning levels to experience. NOTE: When purchasing Warhammer: Vermintide 2 you will receive 750 Shillings (in-game currency) to spend in the in-game store.", + "about_the_game": "Warhammer: Vermintide 2 is a 4-player co-op action game set in the Warhammer Fantasy Battles world. Sequel to the critically acclaimed Vermintide, Vermintide 2 is the latest installment in a franchise best known for its intense and bloody first-person melee combat.Our five heroes have returned to take on an even greater threat than before \u2013 the combined forces of a ruinous Chaos army and the swarming Skaven horde. The only thing standing between utter defeat and victory is you and your allies. If you fall - so too will the Empire.Fight through endless hordes of enemies together with up to 3 friends in this visceral co-op action experienceChoose between 5 different characters, each with 3 branching careers to masterEvolve your skill and climb the difficulty ladders, from Recruit, Veteran, Champion to LegendCustomize your own unique style of play with 15 different talent trees and 50+ Weapon TypesExplore the war-ravaged lands of a dying world with a wide range of stunning levels to experienceNOTE: When purchasing Warhammer: Vermintide 2 you will receive 750 Shillings (in-game currency) to spend in the in-game store.", + "short_description": "The critically acclaimed Vermintide 2 is a visually stunning and groundbreaking melee action game pushing the boundaries of the first person co-op genre. Join the fight now!", + "genres": "Action", + "recommendations": 73585, + "score": 7.387466998209881 + }, + { + "type": "game", + "name": "Far Cry\u00ae 5", + "detailed_description": "Gold Edition. The Gold Edition includes the game, the Digital Deluxe Pack & the Season Pass. . Expand your experience, with 3 other-worldly adventures. Includes Far Cry\u00ae3- access to the game will be granted on May 29th 2018. About the GameWelcome to Hope County, Montana, the land of the free and brave, but also the home of a fanatical doomsday cult. Stand up to cult leader Joseph Seed and his siblings, the Heralds, to spark the fires of resistance and liberate the besieged community. . Play solo or two-player co-op in the vast open world of Hope County. Use a vast arsenal of weapons from rocket launchers to shovels, and take control of iconic muscle cars, ATVs, planes, and more to engage the cult forces in epic fights. . DISCOVER ONE OF THE MOST ACCLAIMED FAR CRY GAMES. Join the millions of players in the Far Cry\u00ae 5 community and discover what IGN describes as \u201cfast-paced fun.\u201d. FIGHT AGAINST THE DEADLY CULT OF JOSEPH SEED. Free Hope County from the Eden's Gate cult and the Seed family. Discover the first appearance of the charismatic antagonist Joseph Seed, before his return in Far Cry\u00ae New Dawn and his own dedicated DLC in Far Cry\u00ae 6, Collapse. . EXPLORE THE HOPE COUNTY OPEN WORLD SOLO OR CO-OP AND MAKE YOUR OWN RULES. Play solo or two-player co-op in the vast open world of Hope County. Use a vast arsenal of weapons from rocket launchers to shovels, and take control of iconic muscle cars, ATVs, planes, and more to engage the cult forces in epic fights. Ally with the Fangs for Hire group, including fan-favorite bear Cheeseburger and dog Boomer, and free Hope County from its oppressors.", + "about_the_game": "Welcome to Hope County, Montana, the land of the free and brave, but also the home of a fanatical doomsday cult. Stand up to cult leader Joseph Seed and his siblings, the Heralds, to spark the fires of resistance and liberate the besieged community.\r\n\r\nPlay solo or two-player co-op in the vast open world of Hope County. Use a vast arsenal of weapons from rocket launchers to shovels, and take control of iconic muscle cars, ATVs, planes, and more to engage the cult forces in epic fights.\r\n\r\nDISCOVER ONE OF THE MOST ACCLAIMED FAR CRY GAMES\r\nJoin the millions of players in the Far Cry\u00ae 5 community and discover what IGN describes as \u201cfast-paced fun.\u201d\r\n\r\nFIGHT AGAINST THE DEADLY CULT OF JOSEPH SEED\r\nFree Hope County from the Eden's Gate cult and the Seed family. Discover the first appearance of the charismatic antagonist Joseph Seed, before his return in Far Cry\u00ae New Dawn and his own dedicated DLC in Far Cry\u00ae 6, Collapse.\r\n\r\nEXPLORE THE HOPE COUNTY OPEN WORLD SOLO OR CO-OP AND MAKE YOUR OWN RULES\r\nPlay solo or two-player co-op in the vast open world of Hope County. Use a vast arsenal of weapons from rocket launchers to shovels, and take control of iconic muscle cars, ATVs, planes, and more to engage the cult forces in epic fights. Ally with the Fangs for Hire group, including fan-favorite bear Cheeseburger and dog Boomer, and free Hope County from its oppressors.", + "short_description": "Discover the open world of Hope County, Montana, besieged by a fanatical doomsday cult. Dive into the action solo or two-player co-op in the story campaign, use a vast arsenal of weapons and allies, and free Hope County from Joseph Seed and his cult.", + "genres": "Action", + "recommendations": 128388, + "score": 7.754400818411248 + }, + { + "type": "game", + "name": "World of Warships", + "detailed_description": "Special Offer. . About the Game. Download and play World of Warships absolutely FREE \u2014 you can progress through the game\u2019s countless ship trees simply by playing the game and accumulating experience. . Naval warfare has never looked this good! Engage in thrilling battles between massive fleets across a multitude of gigantic maps where every maneuver, salvo, or push can mean the difference between utmost triumph and total defeat. . From Bismarck and Yamato to Iowa and Hood\u2026 The most famous and historic warships of WWI and WWII have been recreated in breathtaking detail, making World of Warships the most extensive virtual naval museum on the planet!. . Every playstyle has its place! Take command of devastating but slow battleships, versatile but vulnerable cruisers, stealthy but lightly-armed destroyers, or quick-striking but fragile aircraft carriers \u2014 and everything in between!. . Choose your favorite branch among 12 in-game nations and battle your way up a comprehensive ship tier system following a natural historical progression. . Install modifications on your ship to fit your playstyle, train your commanders to unlock special skills, and augment your fleet with camouflages, signal flags, and more. . If the life of a lone wolf is not for you, invite your friends to a Division and put your co-operative skills to the test! If you're looking for a real challenge, join a Clan, climb to the top of the Clan league, and strive to be the best on your server!. Please note, only game accounts created using Steam version of the game are officially supported due to technical reasons.", + "about_the_game": "Download and play World of Warships absolutely FREE \u2014 you can progress through the game\u2019s countless ship trees simply by playing the game and accumulating experience.Naval warfare has never looked this good! Engage in thrilling battles between massive fleets across a multitude of gigantic maps where every maneuver, salvo, or push can mean the difference between utmost triumph and total defeat.From Bismarck and Yamato to Iowa and Hood\u2026 The most famous and historic warships of WWI and WWII have been recreated in breathtaking detail, making World of Warships the most extensive virtual naval museum on the planet!Every playstyle has its place! Take command of devastating but slow battleships, versatile but vulnerable cruisers, stealthy but lightly-armed destroyers, or quick-striking but fragile aircraft carriers \u2014 and everything in between!Choose your favorite branch among 12 in-game nations and battle your way up a comprehensive ship tier system following a natural historical progression.Install modifications on your ship to fit your playstyle, train your commanders to unlock special skills, and augment your fleet with camouflages, signal flags, and more.If the life of a lone wolf is not for you, invite your friends to a Division and put your co-operative skills to the test! If you're looking for a real challenge, join a Clan, climb to the top of the Clan league, and strive to be the best on your server!Please note, only game accounts created using Steam version of the game are officially supported due to technical reasons.", + "short_description": "Immerse yourself in thrilling naval battles and assemble an armada of over 600 ships from the first half of the 20th century \u2014 from stealthy destroyers to gigantic battleships. Change the look of your ship, choose upgrades to suit your play style, and go into battle with other players!", + "genres": "Action", + "recommendations": 1797, + "score": 4.940551314127454 + }, + { + "type": "game", + "name": "Pavlov VR", + "detailed_description": "Pavlov vr is a multiplayer shooter in VR with heavy focus on community. Set in both modern and WWII era's, you can choose a variety of ways to play the game how you want it.FeaturesCommunity hosted dedicated servers. . Quick-starting developer hosted lobby system. . Search And Destroy, Deathmatch, King of the Hill, and Gun Game game modes. . Multi-crew realistically operated tanks. Bots. . Offline mode. . Practice range. . Killhouse. . Proximity voice chat and radio communication. . Custom map support with modkit. . Custom game mode support. . bHaptics and Forcetube haptic support.", + "about_the_game": "Pavlov vr is a multiplayer shooter in VR with heavy focus on community. Set in both modern and WWII era's, you can choose a variety of ways to play the game how you want it.FeaturesCommunity hosted dedicated servers.Quick-starting developer hosted lobby system.Search And Destroy, Deathmatch, King of the Hill, and Gun Game game modes.Multi-crew realistically operated tanksBots.Offline mode.Practice range.Killhouse.Proximity voice chat and radio communication.Custom map support with modkit.Custom game mode support.bHaptics and Forcetube haptic support.", + "short_description": "Pavlov vr is a multiplayer shooter in VR with heavy focus on community features. Realistic reloading features and fast paced combat as part of the core experience. Play the #1 most popular VR shooter on PC today.", + "genres": "Action", + "recommendations": 34428, + "score": 6.8867453821070725 + }, + { + "type": "game", + "name": "Infestation: The New Z", + "detailed_description": "Infestation: The New Z is a FREE TO PLAY multi-game mode experience developed from community feedback. Experience a massive open world shooter featuring a dynamic player vs player experience in different game modes and worlds. Discover four separate free-to-play game modes in one game.OPEN WORLDExperience the traditional PvP aspect of The New Z. In Open World players have the choice to play in traditional maps or smaller close combat maps. Loot is common creating a more PvP-oriented experience. Do missions, take over territories and fight other clans in this intense game-mode.SURVIVALScavenge, craft & survive in a massive open world. Find the best loot spots with your friends but be careful, you might run into some pesty zombies or even other survivors! Survival is a game mode where gameplay and loot is influenced by the old Infestation series, also released under the title The War Z.COMPETITIVEGroup up or play alone in groups of 5. Climb the ranking system in this fast-paced and intensive new game mode. . The New Z is developed based on community feedback with constant updates & changes. The game comes armed with the custom made \"Fredaikis Anti-Cheat\" originally developed for the game. The New Z offers servers in Europe, North America, South America and Hong Kong.Key Features. Explore massive open worlds featuring several maps with different landscape settings. . Group up with friends and tackle missions, loot and fight other clans over territories. . Loot a massive selection of weapons and fight other players in both 1st and 3rd person. . Discover a wide selection of skins, character clothes, sprays that lets you make your personal character unique!. Fight zombies and other mutated creatures for experience and in-game currency. . Trade your hard-earnt loot with other players in several trading lounges. . Play monthly events with limited-availability content. . Enjoy a fair game experience thanks to the innovative Fredaikis Anti-Cheat engine.", + "about_the_game": "Infestation: The New Z is a FREE TO PLAY multi-game mode experience developed from community feedback. Experience a massive open world shooter featuring a dynamic player vs player experience in different game modes and worlds. Discover four separate free-to-play game modes in one game.OPEN WORLDExperience the traditional PvP aspect of The New Z. In Open World players have the choice to play in traditional maps or smaller close combat maps. Loot is common creating a more PvP-oriented experience. Do missions, take over territories and fight other clans in this intense game-mode.SURVIVALScavenge, craft & survive in a massive open world. Find the best loot spots with your friends but be careful, you might run into some pesty zombies or even other survivors! Survival is a game mode where gameplay and loot is influenced by the old Infestation series, also released under the title The War Z.COMPETITIVEGroup up or play alone in groups of 5. Climb the ranking system in this fast-paced and intensive new game mode.The New Z is developed based on community feedback with constant updates & changes. The game comes armed with the custom made \"Fredaikis Anti-Cheat\" originally developed for the game. The New Z offers servers in Europe, North America, South America and Hong Kong.Key FeaturesExplore massive open worlds featuring several maps with different landscape settings.Group up with friends and tackle missions, loot and fight other clans over territories.Loot a massive selection of weapons and fight other players in both 1st and 3rd person. Discover a wide selection of skins, character clothes, sprays that lets you make your personal character unique!Fight zombies and other mutated creatures for experience and in-game currency.Trade your hard-earnt loot with other players in several trading lounges.Play monthly events with limited-availability content.Enjoy a fair game experience thanks to the innovative Fredaikis Anti-Cheat engine.", + "short_description": "The New Z is a FREE TO PLAY multi-game mode experience. SURVIVE with friends and gather loot, stash and trade. Go into wars against other groups in a massive OPEN WORLD or face them 5 v 5 in COMPETITIVE.", + "genres": "Action", + "recommendations": 2256, + "score": 5.090434818361139 + }, + { + "type": "game", + "name": "Art of War: Red Tides", + "detailed_description": "Game mechanics:. It is as simple as follows. Set troop: select a race, choose ten units under this race to set up your troop and then join the battle. . Send troop: you have 12 seconds to prepare during each wave, and you need to observe the battle, speculate enemy\u2019s intention and then send appropriate types and number of units to the battlefield. . Destroy enemy turrets and base: continually overwhelm each enemy, unleash Commander Skills, cooperate with your teammates, pull down their three turrets one by one, and destroy their base. Simple as the battle is, you will still experience various strategies and tactics in each battle. . Game features:. Emphasize teamwork in confronting the enemy. Support over 300 units that can fight smart in the fiery battle at the same time. Command concisely, play smart, and operate conveniently on different devices. With over 120 kinds of units in three races, the game emphasizes Strategic Thinking, the core element reflected in the classic strategy games. It is easy to learn but hard to master. . Monetization:. Art of War: Red Tides will adopt \u201cfree download + in-game purchase\u201d pattern, and the in-game store will sell neither exclusive items that could influence the match, nor in-game currencies. . Our heartfelt gratitude goes to:. The developer of the map Desert Strike of StarCraft 2. Without the enlightenment of the Desert Strike, Art of War: Red Tides could never be possible. . The test this time will have no wipe of progress. We will continue to optimize the units balance and other features, so you may find a lot of adjustments in a period. But never ever hesitate to share your opinions and advice with us, as you can help us make the game better. . Look forward to your advice and opinions. Let\u2019s start our journey, commanders!", + "about_the_game": "Game mechanics:It is as simple as followsSet troop: select a race, choose ten units under this race to set up your troop and then join the battle.Send troop: you have 12 seconds to prepare during each wave, and you need to observe the battle, speculate enemy\u2019s intention and then send appropriate types and number of units to the battlefield.Destroy enemy turrets and base: continually overwhelm each enemy, unleash Commander Skills, cooperate with your teammates, pull down their three turrets one by one, and destroy their base. Simple as the battle is, you will still experience various strategies and tactics in each battle.Game features:Emphasize teamwork in confronting the enemySupport over 300 units that can fight smart in the fiery battle at the same timeCommand concisely, play smart, and operate conveniently on different devicesWith over 120 kinds of units in three races, the game emphasizes Strategic Thinking, the core element reflected in the classic strategy games. It is easy to learn but hard to master.Monetization:Art of War: Red Tides will adopt \u201cfree download + in-game purchase\u201d pattern, and the in-game store will sell neither exclusive items that could influence the match, nor in-game currencies.Our heartfelt gratitude goes to:The developer of the map Desert Strike of StarCraft 2. Without the enlightenment of the Desert Strike, Art of War: Red Tides could never be possible.The test this time will have no wipe of progress. We will continue to optimize the units balance and other features, so you may find a lot of adjustments in a period. But never ever hesitate to share your opinions and advice with us, as you can help us make the game better.Look forward to your advice and opinions.Let\u2019s start our journey, commanders!", + "short_description": "Art of War: Red Tides is a fair multiplayer strategy game that allows different teams on the same platform (e.g. smartphones, PC, etc.) to battle against each other. You will encounter players around the world!", + "genres": "Violent", + "recommendations": 726, + "score": 4.343616316818329 + }, + { + "type": "game", + "name": "Alien Swarm: Reactive Drop", + "detailed_description": "Alien Swarm: Reactive Drop extends Alien Swarm, bringing more of everything: maps, aliens, game modes, guns. And most importantly Steam Workshop support. . Tactical co-op for up to 8 players with a top-down perspective. Steam Workshop support for community maps and challenges. New co-operative campaigns. Challenges: Modifications of the game, just like Mutations in Left 4 Dead 2. PvP: Deathmatch, Gun Game, Instagib, and Team Deathmatch. Singleplayer: Play with improved bots on all our official maps. New Aliens: HL2 antlion guards and more. New Weapons: Bulldog, Devastator, and Combat Rifle, with more to come. Over 100 Steam achievements. Leaderboards: compete with your friends for the fastest mission completion. Improved spectating: see hacking minigames and mouse movements in real time.", + "about_the_game": "Alien Swarm: Reactive Drop extends Alien Swarm, bringing more of everything: maps, aliens, game modes, guns... And most importantly Steam Workshop support.Tactical co-op for up to 8 players with a top-down perspectiveSteam Workshop support for community maps and challengesNew co-operative campaignsChallenges: Modifications of the game, just like Mutations in Left 4 Dead 2PvP: Deathmatch, Gun Game, Instagib, and Team DeathmatchSingleplayer: Play with improved bots on all our official mapsNew Aliens: HL2 antlion guards and moreNew Weapons: Bulldog, Devastator, and Combat Rifle, with more to comeOver 100 Steam achievementsLeaderboards: compete with your friends for the fastest mission completionImproved spectating: see hacking minigames and mouse movements in real time", + "short_description": "Co-operative top-down shooter game available for free. An epic bug hunt featuring a unique blend of co-op play and squad-level tactics.", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Blood of Steel", + "detailed_description": "Join our Discord. About the GameAt the end of the Fifth Epoch, the Earth underwent cataclysmic changes, merging countless islands into the continent of Blood of Steel. The new generation of humans gained memories of past abilities, rebuilding an ancient civilization. Heroes gather and the entire army charges! Thus begins a battle for imperial dominance!Fair Competition, Legion WarfareYou will experience true fair battles, without worrying about negative experiences caused by opponents with higher cultivation or pay-to-win advantages. Through strategic formations, unit coordination, and tactical maneuvers, in the clash of legions consisting of thousands of battle units, victory or defeat is determined solely by skill and ability. Realistic Battlefield, Slashing and DefenseIn addition to the grand battles fought by massive legions, Blood of Steel's character controls are based on the classic four-directional combat system of mounted slashing and defense. It revolutionarily introduces new combat techniques such as armor penetration, rolling, leaping attacks, and combo moves of light and heavy strikes, authentically embodying the charm of melee combat with cold weapons. Gathering of Civilizations, Heroic ConfrontationEmperors and generals from throughout the history of civilizations awaken and are reborn in the land of Blood of Steel. Roman, Three Kingdoms, Greek, Chu-Han. The shining stars of renowned heroes from different eras and cultures. Gather the heroes you admire under your command, making them your devoted comrades, and together conquer all directions, building unparalleled achievements once again. Intense Battles, Thrilling PaceThe game offers a fast-paced combat experience, where you lead your heroic legion into the enemy's battlefield right from the beginning, engaging in fierce clashes. This rapid action will make your adrenaline surge, you can experience a high-quality and satisfying match within 10 minutes!. Versatile and Astonishing OutfitsIn the era of cultural fusion in Blood of Steel, heroes have transcended the constraints of history and adopted fresh and new appearances. They gather various fashionable trends and styles, among which you will surely find clothing that you love. Feel free to mix and match, enjoy the stunning outfits of your generals!.", + "about_the_game": "At the end of the Fifth Epoch, the Earth underwent cataclysmic changes, merging countless islands into the continent of Blood of Steel. The new generation of humans gained memories of past abilities, rebuilding an ancient civilization. Heroes gather and the entire army charges! Thus begins a battle for imperial dominance!Fair Competition, Legion WarfareYou will experience true fair battles, without worrying about negative experiences caused by opponents with higher cultivation or pay-to-win advantages. Through strategic formations, unit coordination, and tactical maneuvers, in the clash of legions consisting of thousands of battle units, victory or defeat is determined solely by skill and ability.Realistic Battlefield, Slashing and DefenseIn addition to the grand battles fought by massive legions, Blood of Steel's character controls are based on the classic four-directional combat system of mounted slashing and defense. It revolutionarily introduces new combat techniques such as armor penetration, rolling, leaping attacks, and combo moves of light and heavy strikes, authentically embodying the charm of melee combat with cold weapons.Gathering of Civilizations, Heroic ConfrontationEmperors and generals from throughout the history of civilizations awaken and are reborn in the land of Blood of Steel. Roman, Three Kingdoms, Greek, Chu-Han... The shining stars of renowned heroes from different eras and cultures. Gather the heroes you admire under your command, making them your devoted comrades, and together conquer all directions, building unparalleled achievements once again.Intense Battles, Thrilling PaceThe game offers a fast-paced combat experience, where you lead your heroic legion into the enemy's battlefield right from the beginning, engaging in fierce clashes. This rapid action will make your adrenaline surge, you can experience a high-quality and satisfying match within 10 minutes!Versatile and Astonishing OutfitsIn the era of cultural fusion in Blood of Steel, heroes have transcended the constraints of history and adopted fresh and new appearances. They gather various fashionable trends and styles, among which you will surely find clothing that you love. Feel free to mix and match, enjoy the stunning outfits of your generals!", + "short_description": ""Blood of Steel" is a fair competitive multiplayer online game. You will ride into a battlefield where thousands clash, employing unique four-directional slashing maneuvers and strategic formations to defeat your opponents, experiencing the charm of warfare in the age of cold weapons!", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Lobotomy Corporation | Monster Management Simulation", + "detailed_description": "Monsters beyond your imagination, and you: The Manager.Monsters beyond your imagination, and you: The Manager. Monsters beyond your imagination, and you: The Manager. A roguelite monster-management simulation inspired by the likes of the SCP Foundation, Cabin in the Woods, and Warehouse 13. Order your employees to perform work with the creatures and watch as it unfolds; harness greater energy, and expand the facility. One disaster will lead to another, until everything has fallen into chaos. \u201cI give you a warm welcome to Lobotomy Corporation.\u201d. Lobotomy Corporation is a roguelite monster-management simulation. . Our game was inspired by the monsters birthed of various inspirations featured in games, film, and series, such as the SCP Foundation, Cabin in the Woods, and Warehouse 13. Going further, it was developed with this thought: \u201cWhat if those monsters were real, and your job were to manage them?\u201d. You will be playing as the Manager of Lobotomy Corporation, a company in which such creatures are contained and managed. Order your employees to perform work with and on the creatures and watch the results expectantly. Gather energy produced by the monsters and fulfill the quota each day, expand the facility, and manage even more strange beings. In this game, the player will face an ever-present sense of tension and dread as they progress through each day. . \u201cOur new technology will bring salvation to humanity.\u201d. Lobotomy Corporation is a newly established energy company that isolates Abnormalities and extracts an infinite amount of energy from them by using independently developed technology, or so it seems on the outside. Join the corporation, and witness the true reality with your own eyes. . Lobotomy Corp. consists of several departments, much like any other company. You will have access to various departments as you harness more energy. The more departments you have unlocked, the more efficient the management of Abnormalities will become. . Furthermore, AIs such as Angela and the \u2018Sephirot\u2019 will be at your side to provide all the assistance you need for smooth progression. . Beings that you must constantly research and observe. . We dubbed the creatures that reside in Lobotomy Corporation, \u2018Abnormalities\u2019. . You will have to try your best to keep your employees out of danger while extracting as much energy as possible from the Abnormalities. However, you must learn what types of work you should and shouldn\u2019t perform via trial and error. . You start with zero information on the Abnormalities. At first, your eyes, ears, and the in-game manual will be your only hints. Let your intuition pick the work type that might suit the Abnormality best. After that, order the employee who is best suited for the job to work on the Abnormality, and wait for the results. In the process of managing Abnormalities, you will gain the power of information. . The amount of energy you can acquire from Abnormalities will depend heavily on the type of work your employees perform. . This is NOT a tycoon. . As mentioned before, Abnormalities are beings that need to be treated with great care. Some might dislike the idea of being locked inside a Containment Unit, and may sometimes attempt to breach containment. . A breaching Abnormality will attack every employee in sight and disrupt the facility\u2019s systems. Worse still, it could open up other units and cause more Abnormalities to escape. Furthermore, employees eroded or corrupted by certain Abnormalities will have a greatly adverse influence on other employees. Employees brainwashed by Abnormalities might randomly attack those around them, wholly oblivious to what they are doing. In addition, employees may go insane from serious psychic trauma, disobeying your orders and damaging the psyche of other employees around them. . One disaster leads to another, until everything has fallen into chaos. . If you fail to resolve a situation immediately, it will ultimately spiral out of control and throw the whole facility into chaos. When such a situation does occur, you will have to gather employees to suppress any threat and regain control of the situation, or give up parts of the facility to ensure the company\u2019s safety. . \u201cTell me, manager. Do you have any wishes?\u201d. The game consists of two main portions: Monster Management and visual Story Segments. Once a day of managing Abnormalities and producing energy ends, the story segment will follow right afterward. . In the Story Segments, dialogue with Angela (the AI you\u2019ll also be seeing occasionally in the management portion of the game) and the Sephirot will play. As you progress through the missions they give, you will come closer to the truth hidden deep in the company. You may have to ask questions, or answer questions from others. Here, you will uncover the secrets surrounding the company and yourself, and mayhaps even more. . \u201cHello, X.\u201d. \u201cI give you a warm welcome to Lobotomy Corporation.\u201d", + "about_the_game": "Monsters beyond your imagination, and you: The Manager.Monsters beyond your imagination, and you: The Manager. Monsters beyond your imagination, and you: The Manager. A roguelite monster-management simulation inspired by the likes of the SCP Foundation, Cabin in the Woods, and Warehouse 13. Order your employees to perform work with the creatures and watch as it unfolds; harness greater energy, and expand the facility. One disaster will lead to another, until everything has fallen into chaos. \u201cI give you a warm welcome to Lobotomy Corporation.\u201dLobotomy Corporation is a roguelite monster-management simulation.Our game was inspired by the monsters birthed of various inspirations featured in games, film, and series, such as the SCP Foundation, Cabin in the Woods, and Warehouse 13. Going further, it was developed with this thought: \u201cWhat if those monsters were real, and your job were to manage them?\u201dYou will be playing as the Manager of Lobotomy Corporation, a company in which such creatures are contained and managed. Order your employees to perform work with and on the creatures and watch the results expectantly. Gather energy produced by the monsters and fulfill the quota each day, expand the facility, and manage even more strange beings. In this game, the player will face an ever-present sense of tension and dread as they progress through each day.\u201cOur new technology will bring salvation to humanity.\u201dLobotomy Corporation is a newly established energy company that isolates Abnormalities and extracts an infinite amount of energy from them by using independently developed technology, or so it seems on the outside. Join the corporation, and witness the true reality with your own eyes.Lobotomy Corp. consists of several departments, much like any other company. You will have access to various departments as you harness more energy. The more departments you have unlocked, the more efficient the management of Abnormalities will become.Furthermore, AIs such as Angela and the \u2018Sephirot\u2019 will be at your side to provide all the assistance you need for smooth progression.Beings that you must constantly research and observe.We dubbed the creatures that reside in Lobotomy Corporation, \u2018Abnormalities\u2019.You will have to try your best to keep your employees out of danger while extracting as much energy as possible from the Abnormalities. However, you must learn what types of work you should and shouldn\u2019t perform via trial and error.You start with zero information on the Abnormalities. At first, your eyes, ears, and the in-game manual will be your only hints. Let your intuition pick the work type that might suit the Abnormality best. After that, order the employee who is best suited for the job to work on the Abnormality, and wait for the results. In the process of managing Abnormalities, you will gain the power of information.The amount of energy you can acquire from Abnormalities will depend heavily on the type of work your employees perform.This is NOT a tycoon.As mentioned before, Abnormalities are beings that need to be treated with great care. Some might dislike the idea of being locked inside a Containment Unit, and may sometimes attempt to breach containment.A breaching Abnormality will attack every employee in sight and disrupt the facility\u2019s systems. Worse still, it could open up other units and cause more Abnormalities to escape. Furthermore, employees eroded or corrupted by certain Abnormalities will have a greatly adverse influence on other employees. Employees brainwashed by Abnormalities might randomly attack those around them, wholly oblivious to what they are doing. In addition, employees may go insane from serious psychic trauma, disobeying your orders and damaging the psyche of other employees around them.One disaster leads to another, until everything has fallen into chaos.If you fail to resolve a situation immediately, it will ultimately spiral out of control and throw the whole facility into chaos. When such a situation does occur, you will have to gather employees to suppress any threat and regain control of the situation, or give up parts of the facility to ensure the company\u2019s safety.\u201cTell me, manager. Do you have any wishes?\u201dThe game consists of two main portions: Monster Management and visual Story Segments.Once a day of managing Abnormalities and producing energy ends, the story segment will follow right afterward.In the Story Segments, dialogue with Angela (the AI you\u2019ll also be seeing occasionally in the management portion of the game) and the Sephirot will play. As you progress through the missions they give, you will come closer to the truth hidden deep in the company. You may have to ask questions, or answer questions from others. Here, you will uncover the secrets surrounding the company and yourself, and mayhaps even more.\u201cHello, X.\u201d\u201cI give you a warm welcome to Lobotomy Corporation.\u201d", + "short_description": "A roguelite monster-management simulation inspired by the likes of the SCP Foundation, Cabin in the Woods, and Warehouse 13. Order your employees to perform work with the creatures and watch as it unfolds; harness greater energy, and expand the facility", + "genres": "Indie", + "recommendations": 25326, + "score": 6.684343252341563 + }, + { + "type": "game", + "name": "Kingdoms and Castles", + "detailed_description": "Wishlist our Next Game! Join the Discord - Chat with the Devs!. About the GameKingdoms and Castles is a city-building simulation game about growing a kingdom from a tiny hamlet to a sprawling city and imposing castle. . Your kingdom must survive a living and dangerous world. Do the viking raiders make off with your villagers? Or are they stopped, full of arrows, at the castle gates? Does a dragon torch your granary, your people dying of starvation in the winter, or are you able to turn the beast back? The success of your kingdom depends solely on your skill as a city and castle planner. . Strategically layout your town to improve your peasants' happiness and to attract new residents. Tax them just enough to fund your castle. Make sure your peasants are fed in the winter and healed of plagues. Build churches to keep them from despair and taverns to keep them happy. You can even throw festivals if you've built a town square! Send out wood cutters to collect wood, set up stone quarries to build your castles, and farm the land efficiently so your town can grow and thrive. . . . The new land you're settling is at risk of viking invasion. These raiders seek to kidnap and kill your peasants, steal your resources, and burn your town to the ground. Use a powerful castle building system where castles are constructed using blocks which can be placed anywhere. Towers and walls are dynamically created based on how you stack and arrange them. Archer towers and other weapon emplacements have longer range the higher their tower. Try different layouts to best protect your kingdom and express your glory as a king or queen. . . . And it all takes place in a beautiful dynamic world with a stylized procedural cloud system and season cycle from summer to winter. A realistic tree growth algorithm simulates the forests. Depending on your needs, wood cutters can clear cut or responsibly manage your forests. . . . Kingdoms and Castles is the first Fig funded game to be released. Its crowd funding campaign succeeded with 725% of its goal and was supported by 1,400 backers. Supporters of the game could both pledge and invest during the Fig campaign.", + "about_the_game": "Kingdoms and Castles is a city-building simulation game about growing a kingdom from a tiny hamlet to a sprawling city and imposing castle.Your kingdom must survive a living and dangerous world. Do the viking raiders make off with your villagers? Or are they stopped, full of arrows, at the castle gates? Does a dragon torch your granary, your people dying of starvation in the winter, or are you able to turn the beast back? The success of your kingdom depends solely on your skill as a city and castle planner.Strategically layout your town to improve your peasants' happiness and to attract new residents. Tax them just enough to fund your castle. Make sure your peasants are fed in the winter and healed of plagues. Build churches to keep them from despair and taverns to keep them happy. You can even throw festivals if you've built a town square! Send out wood cutters to collect wood, set up stone quarries to build your castles, and farm the land efficiently so your town can grow and thrive.The new land you're settling is at risk of viking invasion. These raiders seek to kidnap and kill your peasants, steal your resources, and burn your town to the ground. Use a powerful castle building system where castles are constructed using blocks which can be placed anywhere. Towers and walls are dynamically created based on how you stack and arrange them. Archer towers and other weapon emplacements have longer range the higher their tower. Try different layouts to best protect your kingdom and express your glory as a king or queen.And it all takes place in a beautiful dynamic world with a stylized procedural cloud system and season cycle from summer to winter. A realistic tree growth algorithm simulates the forests. Depending on your needs, wood cutters can clear cut or responsibly manage your forests.Kingdoms and Castles is the first Fig funded game to be released. Its crowd funding campaign succeeded with 725% of its goal and was supported by 1,400 backers. Supporters of the game could both pledge and invest during the Fig campaign.", + "short_description": "Kingdoms and Castles is a city-building simulation game about growing a kingdom from a tiny hamlet to a sprawling city and imposing castle. Make trade agreements, alliance, and war with neighboring AI controlled kingdoms. Each villager and resource is individually simulated.", + "genres": "Indie", + "recommendations": 24187, + "score": 6.654009205731351 + }, + { + "type": "game", + "name": "DARK SOULS\u2122: REMASTERED", + "detailed_description": "More games by From Software More games by From Software About the GameThen, there was fire. Re-experience the critically acclaimed, genre-defining game that started it all. Beautifully remastered, return to Lordran in stunning high-definition detail running at 60fps. Dark Souls Remastered includes the main game plus the Artorias of the Abyss DLC. . Key features:. \u2022 Deep and Dark Universe . \u2022 Each End is a New Beginning. \u2022 Gameplay Richness and Possibilities. \u2022 Sense of Learning, Mastering and Accomplishment. \u2022 The Way of the Multiplayer (up to 6 players with dedicated servers)", + "about_the_game": "Then, there was fire. Re-experience the critically acclaimed, genre-defining game that started it all. Beautifully remastered, return to Lordran in stunning high-definition detail running at 60fps. \r\nDark Souls Remastered includes the main game plus the Artorias of the Abyss DLC.\r\n\r\nKey features:\r\n\u2022 Deep and Dark Universe \r\n\u2022 Each End is a New Beginning\r\n\u2022 Gameplay Richness and Possibilities\r\n\u2022 Sense of Learning, Mastering and Accomplishment\r\n\u2022 The Way of the Multiplayer (up to 6 players with dedicated servers)", + "short_description": "Then, there was fire. Re-experience the critically acclaimed, genre-defining game that started it all. Beautifully remastered, return to Lordran in stunning high-definition detail running at 60fps.", + "genres": "Action", + "recommendations": 53672, + "score": 7.179450540735781 + }, + { + "type": "game", + "name": "Golf It!", + "detailed_description": "Golf It! is a multiplayer Minigolf game with focus on a dynamic, fun and creative multiplayer experience. One of the most exciting features is a Multiplayer Editor, where you can build and play custom maps together with your friends. . This version of the game features at least 6 different maps with 18 holes each: Grassland, Winterland, Graveyard, Mines, Pirates Cove and Jade Temple. Every map has unique gameplay features and different aesthetics. Every asset of each area and more will be available for you inside the Multiplayer Editor and you are free to mix them all together to create the map of your desires! Currently there are over 2.300 placeable objects inside the Multiplayer Editor!. To have a more fun and different experience each time you play, we are using a ball hitting system which is based on the speed of the mouse. The faster you swing your mouse the harder you will hit the ball. It takes more experience and practice to hit that precious hole in one every time.", + "about_the_game": "Golf It! is a multiplayer Minigolf game with focus on a dynamic, fun and creative multiplayer experience. One of the most exciting features is a Multiplayer Editor, where you can build and play custom maps together with your friends.This version of the game features at least 6 different maps with 18 holes each: Grassland, Winterland, Graveyard, Mines, Pirates Cove and Jade Temple. Every map has unique gameplay features and different aesthetics. Every asset of each area and more will be available for you inside the Multiplayer Editor and you are free to mix them all together to create the map of your desires! Currently there are over 2.300 placeable objects inside the Multiplayer Editor!To have a more fun and different experience each time you play, we are using a ball hitting system which is based on the speed of the mouse. The faster you swing your mouse the harder you will hit the ball. It takes more experience and practice to hit that precious hole in one every time.", + "short_description": "Golf It! is a multiplayer Minigolf game with focus on a dynamic, fun and creative multiplayer experience. One of the most exciting features is a Multiplayer Editor, where you can build and play custom maps together with your friends.", + "genres": "Casual", + "recommendations": 17943, + "score": 6.457162646915016 + }, + { + "type": "game", + "name": "NBA 2K18", + "detailed_description": "Legend Edition. The NBA 2K18 Legend Edition includes the following digital items:. 100,000 VC. 20 MyTEAM Packs to build your perfect fantasy team, delivered one a week, featuring a guaranteed Shaq card, one random Team 2K Free Agent card, and more!. Shaq Attaq shoes. Rookie Shaq jersey. Shaq Official Logo shirt. Shaq \"nickname\" jersey. Shaq Championship ring. Legend Edition Gold. The NBA 2K18 Legend Edition Gold includes the following digital items:. 250,000 VC. 40 MyTEAM Packs to build your perfect fantasy team (delivered one a week). Featuring a guaranteed Shaq card, one random Team 2K Free Agent card, and more!. Shaq Attaq shoes. Rookie Shaq jersey. Shaq Official Logo shirt. Shaq \"nickname\" jersey. Shaq Championship ring. Mitchell & Ness Shaq jersey collection - 5 in total. Additional MyPLAYER apparel items. About the GameFEATURESRUN THE NEIGHBORHOOD. The future of sports career modes has arrived, allowing you to play the game the way you like. Build your career in NBA games, hit the courts in The Playground Park, join the Pro-Am circuit, or explore the shops and venues in an all-new open neighborhood setting. Featuring new MyPLAYER upgrade and endorsement systems, our biggest cast of characters to date including NBA players, and so much more. The Road to 99. The overarching meta-game that rewards users for improving their MyPLAYER\u2019s overall rating, regardless of which modes they choose to play. Featuring a unified badge system across Pro-Am, Park and your NBA journey in MyCAREER, your attributes, animations and badges all combine to define your play style on your road to a 99 overall rating. Updated Create A Player. Create the MyPLAYER you want, whether scanning your face with the MyNBA2K18 mobile app or building something custom using our preset options. Hairstyles have been updated with numerous new options to choose from, and body weight and height are more accurately represented to ensure the unique look you want for your MyPLAYER. MyTEAM. Collect player cards featuring NBA legends from yesterday and today, and compete in a variety of online and offline modes. Super Max. Construct a salary-capped team and compete against other users of similar ability in a new season mode. With a limited salary cap to distribute among 13 players, you\u2019ll have to be strategic in selecting your lineup for each round. Prizes are awarded based on your performance each round, ensuring that every game matters. Pack & Playoffs. An all-new draft mode that challenges you to build the best possible 5-man team from packs you\u2019ll open before each round. Compete against other users\u2019 drafted teams and advance to earn better prizes. With Pack & Playoffs, it\u2019s a new lineup and a new experience every round. Schedule Challenges. Play through a 30 game schedule for each of the 30 NBA teams. Earn MyTEAM points and prizes as you work your way through 900 unique challenges based on the 2017-18 NBA schedule. ELITE GAMEPLAYNew Motion System. The new motion system brings player control to a new level of realism. Now, dribbling and off the ball movement are no longer driven by animations. This groundbreaking technology dynamically creates animations to deliver the best gameplay experience possible. You are now in complete control. Improved Shot Meter. Hit shots more consistently thanks to an improved shot meter, featuring multiple feedback points for more precise shot timing. GRAPHICS & PRESENTATIONImproved Player Accuracy. Countless hours of work have been put in to make every NBA player look and feel like their real-life counterparts, down to the smallest details including scars, stretch marks, and even faded tattoos. The player body system has been completely redesigned to accurately match the physique of every player in the league, and player faces have been rebuilt from scratch to show more details and respond more realistically to light. Laser Scanned Uniforms & Accessories. Laser scanned uniforms from all 30 NBA teams accurately depict each design down to the smallest stitch. Using True Color Technology, team colors have never been more pure & authentic, and whites have never popped so brightly. And with the overhauled player body system, uniforms fit accurately for each specific body type. To round out the complete on-court look of an NBA player, users will enjoy the largest collection of scanned shoes and accessories in NBA 2K history. Special Guest Commentary. The biggest roster of broadcasting talent in sports videogame history gets even bigger. Future Hall of Famers and former NBA 2K cover athletes Kobe Bryant and Kevin Garnett join the booth on a rotating basis to lend their expertise to the broadcast, bringing the total number of in-game broadcasters to 13. LEGENDARY TEAMSAll-Time Teams. The greatest players in NBA history from all 30 teams, together on All-Time franchise rosters for the very first time. Compete in Play Now to find out which franchise\u2019s All-Time Team reigns supreme, or challenge all 30 All-Time Teams in MyTEAM\u2019s All-Time Domination mode. Classic Teams. Play with 62 of the NBA\u2019s greatest teams from the past, including 17 new additions. Pit your favorite classic roster against current NBA teams, replay epic Finals matchups, find out if Shaq & Kobe can compete with the great Lakers teams of the past, or matchup the \u201997-98 Bulls against the \u201915-16 Warriors to settle the argument once and for all. The possibilities are endless. MyGM/MyLEAGUEMyGM: The Next Chapter. For the first time in a sports game, MyGM introduces a narrative-driven, story-based franchise experience that maintains all of the user control and team building aspects that fans have come to love over the years. Your path will be determined by the choices you make and the answers you provide at many key points in the narrative. Make the story your own, and build a winner!. MyLEAGUE. 2K\u2019s fan-favorite franchise mode allows users complete customization over their league. Choose the number of games and teams, adjust the league settings, and apply your custom setup to a single season, multi-season or online experience. Or, skip the regular season and jump right into to the Playoffs. True-To-Life League Structure & Rules. Both MyGM and MyLEAGUE feature numerous updates to match real-life NBA rules, including many from the new Collective Bargaining Agreement. Negotiate player contracts that work best for your franchise and each player, including Super Max & \u201cBird Rights\u201d deals for elite players, Over-38 contracts for older players, and two-way contracts for younger players. Manage your roster by using the Stretch Provision to minimize the Salary Cap when you waive a player, or develop younger talent in the G-League or by stashing them overseas. Simply put, the most detailed and authentic franchise experience on the market puts you in the hot seat as an NBA GM like never before.", + "about_the_game": "FEATURESRUN THE NEIGHBORHOODThe future of sports career modes has arrived, allowing you to play the game the way you like. Build your career in NBA games, hit the courts in The Playground Park, join the Pro-Am circuit, or explore the shops and venues in an all-new open neighborhood setting. Featuring new MyPLAYER upgrade and endorsement systems, our biggest cast of characters to date including NBA players, and so much more.The Road to 99The overarching meta-game that rewards users for improving their MyPLAYER\u2019s overall rating, regardless of which modes they choose to play. Featuring a unified badge system across Pro-Am, Park and your NBA journey in MyCAREER, your attributes, animations and badges all combine to define your play style on your road to a 99 overall rating. Updated Create A PlayerCreate the MyPLAYER you want, whether scanning your face with the MyNBA2K18 mobile app or building something custom using our preset options. Hairstyles have been updated with numerous new options to choose from, and body weight and height are more accurately represented to ensure the unique look you want for your MyPLAYER. MyTEAMCollect player cards featuring NBA legends from yesterday and today, and compete in a variety of online and offline modes. Super MaxConstruct a salary-capped team and compete against other users of similar ability in a new season mode. With a limited salary cap to distribute among 13 players, you\u2019ll have to be strategic in selecting your lineup for each round. Prizes are awarded based on your performance each round, ensuring that every game matters.Pack & PlayoffsAn all-new draft mode that challenges you to build the best possible 5-man team from packs you\u2019ll open before each round. Compete against other users\u2019 drafted teams and advance to earn better prizes. With Pack & Playoffs, it\u2019s a new lineup and a new experience every round. Schedule ChallengesPlay through a 30 game schedule for each of the 30 NBA teams. Earn MyTEAM points and prizes as you work your way through 900 unique challenges based on the 2017-18 NBA schedule.ELITE GAMEPLAYNew Motion SystemThe new motion system brings player control to a new level of realism. Now, dribbling and off the ball movement are no longer driven by animations. This groundbreaking technology dynamically creates animations to deliver the best gameplay experience possible. You are now in complete control. Improved Shot MeterHit shots more consistently thanks to an improved shot meter, featuring multiple feedback points for more precise shot timing. GRAPHICS & PRESENTATIONImproved Player AccuracyCountless hours of work have been put in to make every NBA player look and feel like their real-life counterparts, down to the smallest details including scars, stretch marks, and even faded tattoos. The player body system has been completely redesigned to accurately match the physique of every player in the league, and player faces have been rebuilt from scratch to show more details and respond more realistically to light.Laser Scanned Uniforms & AccessoriesLaser scanned uniforms from all 30 NBA teams accurately depict each design down to the smallest stitch. Using True Color Technology, team colors have never been more pure & authentic, and whites have never popped so brightly. And with the overhauled player body system, uniforms fit accurately for each specific body type. To round out the complete on-court look of an NBA player, users will enjoy the largest collection of scanned shoes and accessories in NBA 2K history.Special Guest CommentaryThe biggest roster of broadcasting talent in sports videogame history gets even bigger. Future Hall of Famers and former NBA 2K cover athletes Kobe Bryant and Kevin Garnett join the booth on a rotating basis to lend their expertise to the broadcast, bringing the total number of in-game broadcasters to 13.LEGENDARY TEAMSAll-Time TeamsThe greatest players in NBA history from all 30 teams, together on All-Time franchise rosters for the very first time. Compete in Play Now to find out which franchise\u2019s All-Time Team reigns supreme, or challenge all 30 All-Time Teams in MyTEAM\u2019s All-Time Domination mode. Classic TeamsPlay with 62 of the NBA\u2019s greatest teams from the past, including 17 new additions. Pit your favorite classic roster against current NBA teams, replay epic Finals matchups, find out if Shaq & Kobe can compete with the great Lakers teams of the past, or matchup the \u201997-98 Bulls against the \u201915-16 Warriors to settle the argument once and for all. The possibilities are endless.MyGM/MyLEAGUEMyGM: The Next ChapterFor the first time in a sports game, MyGM introduces a narrative-driven, story-based franchise experience that maintains all of the user control and team building aspects that fans have come to love over the years. Your path will be determined by the choices you make and the answers you provide at many key points in the narrative. Make the story your own, and build a winner!MyLEAGUE2K\u2019s fan-favorite franchise mode allows users complete customization over their league. Choose the number of games and teams, adjust the league settings, and apply your custom setup to a single season, multi-season or online experience. Or, skip the regular season and jump right into to the Playoffs. True-To-Life League Structure & RulesBoth MyGM and MyLEAGUE feature numerous updates to match real-life NBA rules, including many from the new Collective Bargaining Agreement. Negotiate player contracts that work best for your franchise and each player, including Super Max & \u201cBird Rights\u201d deals for elite players, Over-38 contracts for older players, and two-way contracts for younger players. Manage your roster by using the Stretch Provision to minimize the Salary Cap when you waive a player, or develop younger talent in the G-League or by stashing them overseas. Simply put, the most detailed and authentic franchise experience on the market puts you in the hot seat as an NBA GM like never before.", + "short_description": "The highest rated* annual sports title returns with NBA 2K18, featuring unparalleled authenticity and improvements on the court.*According to 2008 - 2016 Metacritic.com", + "genres": "Simulation", + "recommendations": 14880, + "score": 6.333774242707021 + }, + { + "type": "game", + "name": "PUBG: BATTLEGROUNDS", + "detailed_description": "LAND, LOOT, SURVIVE!. Play PUBG: BATTLEGROUNDS for free. Land on strategic locations, loot weapons and supplies, and survive to become the last team standing across various, diverse Battlegrounds. Squad up and join the Battlegrounds for the original Battle Royale experience that only\u00a0PUBG: BATTLEGROUNDS can offer. . This content download will also provide access to the BATTLEGROUNDS Test Server, which requires a separate download to play. Optional in-game purchases available.", + "about_the_game": "LAND, LOOT, SURVIVE!Play PUBG: BATTLEGROUNDS for free.Land on strategic locations, loot weapons and supplies, and survive to become the last team standing across various, diverse Battlegrounds.Squad up and join the Battlegrounds for the original Battle Royale experience that only\u00a0PUBG: BATTLEGROUNDS can offer.This content download will also provide access to the BATTLEGROUNDS Test Server, which requires a separate download to play.\u00a0Optional in-game purchases available.", + "short_description": "Play PUBG: BATTLEGROUNDS for free. Land on strategic locations, loot weapons and supplies, and survive to become the last team standing across various, diverse Battlegrounds. Squad up and join the Battlegrounds for the original Battle Royale experience that only\u00a0PUBG: BATTLEGROUNDS can offer.", + "genres": "Action", + "recommendations": 1663566, + "score": 9.443119760467415 + }, + { + "type": "game", + "name": "BRAIN / OUT", + "detailed_description": "\u25ba RUN AND GUN. Brain / Out is a multiplayer shooter with a nostalgic post-Soviet feel. Experience dynamic battles and exterminate your enemies with a large arsenal of modern weaponry. Lock'n'load! . **************************************************************. . \u25ba KNOW YOUR ENEMY. Mercenaries and Marauders fight not for the ideals of their country or society, but for cash. Stay alive and earn money with every kill \u2014 the only driving force of this conflict taking place at a former Soviet republic. **************************************************************. . . \u25ba NO \"PAY TO WIN\". It doesn\u2019t matter how well your enemy is equipped \u2014 a skilled fighter will always have a chance to win. You can change the outcome of any fight without a single round fired \u2014 take out your knife and bring the opposition to their knees. **************************************************************. . . \u25ba CUSTOM LOADOUT. Brain / Out offers a wide range of weapons \u2014 both NATO and Warsaw Pact rifles, shotguns, pistols, sniper rifles and melee weapons. **************************************************************. . . \u25ba MODIFY AND UPGRADE. Improve your weapon stats and upgrade the level of your favorite weapons with different parts \u2014 scopes, handles, barrels, receivers, mounts and bars. Collect and disassemble trophies to get new parts and improve your Tech level. **************************************************************. . . \u25ba ADDITIONAL EQUIPMENT. Use special equipment to survive a bit longer. Bulletproof vests and helmets, stun and frag grenades, under-barrel grenade launchers, anti-personnel mines and more. **************************************************************. . . \u25ba CLIMB THE SKILL LADDER. The better you fight, the more weapons you get! Get to the TOP 100 and receive a unique weapon set.", + "about_the_game": "\u25ba RUN AND GUN.Brain / Out is a multiplayer shooter with a nostalgic post-Soviet feel. Experience dynamic battles and exterminate your enemies with a large arsenal of modern weaponry. Lock'n'load! **************************************************************\u25ba KNOW YOUR ENEMY. Mercenaries and Marauders fight not for the ideals of their country or society, but for cash. Stay alive and earn money with every kill \u2014 the only driving force of this conflict taking place at a former Soviet republic. **************************************************************\u25ba NO \"PAY TO WIN\".It doesn\u2019t matter how well your enemy is equipped \u2014 a skilled fighter will always have a chance to win. You can change the outcome of any fight without a single round fired \u2014 take out your knife and bring the opposition to their knees. **************************************************************\u25ba CUSTOM LOADOUT.Brain / Out offers a wide range of weapons \u2014 both NATO and Warsaw Pact rifles, shotguns, pistols, sniper rifles and melee weapons.**************************************************************\u25ba MODIFY AND UPGRADE.Improve your weapon stats and upgrade the level of your favorite weapons with different parts \u2014 scopes, handles, barrels, receivers, mounts and bars. Collect and disassemble trophies to get new parts and improve your Tech level. **************************************************************\u25ba ADDITIONAL EQUIPMENT.Use special equipment to survive a bit longer. Bulletproof vests and helmets, stun and frag grenades, under-barrel grenade launchers, anti-personnel mines and more.**************************************************************\u25ba CLIMB THE SKILL LADDER.The better you fight, the more weapons you get! Get to the TOP 100 and receive a unique weapon set.", + "short_description": "Brain / Out is a multiplayer shooter with a nostalgic post-Soviet feel. Experience dynamic battles and exterminate your enemies with a large arsenal of modern weaponry. Lock'n'load!", + "genres": "Action", + "recommendations": 457, + "score": 4.039014405438005 + }, + { + "type": "game", + "name": "Insurgency: Sandstorm", + "detailed_description": "All of Insurgency: Sandstorm. About the GameInsurgency: Sandstorm is a team-based, tactical FPS based on lethal close quarters combat and objective-oriented multiplayer gameplay. Sequel to the indie breakout FPS Insurgency, Sandstorm is reborn, improved, expanded, and bigger in every way. Experience the intensity of modern combat where skill is rewarded, and teamwork wins the fight. Prepare for a hardcore depiction of combat with deadly ballistics, light attack vehicles, destructive artillery, and HDR audio putting the fear back into the genre.An intense atmosphere putting the terror into modern combatMove with speed and caution as you push through the war-torn environments of a fictional contemporary conflict in the Middle East. Death comes fast, ammunition must be carefully managed, and the environment must be tactically navigated at every step toward victory.Insurgency: refined and expandedFor the first time in an Insurgency game, customize your character to show your veterancy with diverse sets of clothing, uniforms, accessories, and character voices. Coordinate fire support with your team, engage enemies with vehicle mounted machine guns, and go head to head in small scale high speed PvP and co-op matches. Wield new weapons and new upgrades to outmaneuver, outflank, and outsmart the enemy.War at its realestContinuing Insurgency\u2019s acclaim as the most atmospheric shooter, Sandstorm is built on Unreal 4 to bring its gritty close-quarters combat into a whole new era of realism. Skill is rewarded, and survival is paramount. Feel every bullet, and fear every impact.Key FeaturesSequel to the indie breakout FPS Insurgency, now with 5 million units sold. Sandstorm is reborn, improved, expanded, and bigger in every way. . Character and weapon customisation to show your battle-hardiness. . Unprecedented audio design with positional voice-chat for realistic teamwork, and heart pounding ambient audio to bring you into the battlefield. . Peek around corners, tactically breach doorways, use smoke to cover your team\u2019s advance, and call in air support. . Battle across expansive maps in up to 14-versus-14 player game modes, or 8 player co-operative against AI, now with machine gun mounted drivable vehicles.", + "about_the_game": "Insurgency: Sandstorm is a team-based, tactical FPS based on lethal close quarters combat and objective-oriented multiplayer gameplay. Sequel to the indie breakout FPS Insurgency, Sandstorm is reborn, improved, expanded, and bigger in every way. Experience the intensity of modern combat where skill is rewarded, and teamwork wins the fight. Prepare for a hardcore depiction of combat with deadly ballistics, light attack vehicles, destructive artillery, and HDR audio putting the fear back into the genre.An intense atmosphere putting the terror into modern combatMove with speed and caution as you push through the war-torn environments of a fictional contemporary conflict in the Middle East. Death comes fast, ammunition must be carefully managed, and the environment must be tactically navigated at every step toward victory.Insurgency: refined and expandedFor the first time in an Insurgency game, customize your character to show your veterancy with diverse sets of clothing, uniforms, accessories, and character voices. Coordinate fire support with your team, engage enemies with vehicle mounted machine guns, and go head to head in small scale high speed PvP and co-op matches. Wield new weapons and new upgrades to outmaneuver, outflank, and outsmart the enemy.War at its realestContinuing Insurgency\u2019s acclaim as the most atmospheric shooter, Sandstorm is built on Unreal 4 to bring its gritty close-quarters combat into a whole new era of realism. Skill is rewarded, and survival is paramount. Feel every bullet, and fear every impact.Key FeaturesSequel to the indie breakout FPS Insurgency, now with 5 million units sold. Sandstorm is reborn, improved, expanded, and bigger in every way. Character and weapon customisation to show your battle-hardiness.Unprecedented audio design with positional voice-chat for realistic teamwork, and heart pounding ambient audio to bring you into the battlefield.Peek around corners, tactically breach doorways, use smoke to cover your team\u2019s advance, and call in air support.Battle across expansive maps in up to 14-versus-14 player game modes, or 8 player co-operative against AI, now with machine gun mounted drivable vehicles.", + "short_description": "Insurgency: Sandstorm is a team-based, tactical FPS based on lethal close quarters combat and objective-oriented multiplayer gameplay. Experience the intensity of modern combat where skill is rewarded, and teamwork wins the fight.", + "genres": "Action", + "recommendations": 84991, + "score": 7.482463549702267 + }, + { + "type": "game", + "name": "Monster Hunter: World", + "detailed_description": "Featured DLC. Featured DLC. . . . . . . . . . . . Digital Deluxe Edition. The digital deluxe edition includes the following content:. Samurai Set. Layered armor sets will change the look of your armor without changing the properties underneath. Equip this Samurai set over your favorite armor to take on the striking appearance of a feudal Japanese samurai warrior! . Note : No weapons are included with this set. . Gesture: Zen. Gesture: Ninja Star. Gesture: Sumo Slap. Enjoy three new amusing gestures you can use when interacting with other players in the game. . Sticker Set: MH All-Stars Set. Sticker Set: Sir Loin Set. Fun stickers you can use when chatting with other players in the game. . Face Paint: Wyvern. Add a new face paint for character customisation in Monster Hunter: World. . Hairstyle: Topknot. Adds a new hairstyle for character customisation in Monster Hunter: World. . About the GameWelcome to a new world! Take on the role of a hunter and slay ferocious monsters in a living, breathing ecosystem where you can use the landscape and its diverse inhabitants to get the upper hand. Hunt alone or in co-op with up to three other players, and use materials collected from fallen foes to craft new gear and take on even bigger, badder beasts!INTRODUCTIONOverview. Battle gigantic monsters in epic locales. . As a hunter, you'll take on quests to hunt monsters in a variety of habitats. Take down these monsters and receive materials that you can use to create stronger weapons and armor in order to hunt even more dangerous monsters. . In Monster Hunter: World, the latest installment in the series, you can enjoy the ultimate hunting experience, using everything at your disposal to hunt monsters in a new world teeming with surprises and excitement. . Setting. Once every decade, elder dragons trek across the sea to travel to the land known as the New World in a migration referred to as the Elder Crossing. . To get to the bottom of this mysterious phenomenon, the Guild has formed the Research Commission, dispatching them in large fleets to the New World. . As the Commission sends its Fifth Fleet in pursuit of the colossal elder dragon, Zorah Magdaros, one hunter is about to embark on a journey grander than anything they could have ever imagined. ECOSYSTEMA World That Breathes Life. There are various locations teeming with wildlife. Expeditions into these locales are bound to turn up interesting discoveries.HUNTINGA Diverse Arsenal, and an Indispensable Partner. Your equipment will give you the power to need to carve out a place for yourself in the New World. . The Hunter's Arsenal. There are fourteen different weapons at the hunter's disposal, each with its own unique characteristics and attacks. Many hunters acquire proficiency in multiple types, while others prefer to attain mastery of one. . Scoutflies. Monster tracks, such as footprints and gashes, dot each locale. Your Scoutflies will remember the scent of a monster and guide you to other nearby tracks. And as you gather more tracks, the Scoutflies will give you even more information. . Slinger. The Slinger is an indispensable tool for a hunter, allowing you to arm yourself with stones and nuts that can be gathered from each locale. From diversion tactics to creating shortcuts, the Slinger has a variety of uses, and allows you to hunt in new and interesting ways. . Specialized Tools. Specialized tools activate powerful effects for a limited amount of time, and up to two can be equipped at a time. Simple to use, they can be selected and activated just like any other item you take out on a hunt. . Palicoes. Palicoes are hunters' reliable comrades out in the field, specialized in a variety of offensive, defensive, and restorative support abilities. The hunter's Palico joins the Fifth Fleet with pride, as much a bona fide member of the Commission as any other hunter.", + "about_the_game": "Welcome to a new world! Take on the role of a hunter and slay ferocious monsters in a living, breathing ecosystem where you can use the landscape and its diverse inhabitants to get the upper hand. Hunt alone or in co-op with up to three other players, and use materials collected from fallen foes to craft new gear and take on even bigger, badder beasts!INTRODUCTIONOverviewBattle gigantic monsters in epic locales.As a hunter, you'll take on quests to hunt monsters in a variety of habitats.Take down these monsters and receive materials that you can use to create stronger weapons and armor in order to hunt even more dangerous monsters.In Monster Hunter: World, the latest installment in the series, you can enjoy the ultimate hunting experience, using everything at your disposal to hunt monsters in a new world teeming with surprises and excitement.SettingOnce every decade, elder dragons trek across the sea to travel to the land known as the New World in a migration referred to as the Elder Crossing.To get to the bottom of this mysterious phenomenon, the Guild has formed the Research Commission, dispatching them in large fleets to the New World.As the Commission sends its Fifth Fleet in pursuit of the colossal elder dragon, Zorah Magdaros, one hunter is about to embark on a journey grander than anything they could have ever imagined.ECOSYSTEMA World That Breathes LifeThere are various locations teeming with wildlife. Expeditions into these locales are bound to turn up interesting discoveries.HUNTINGA Diverse Arsenal, and an Indispensable PartnerYour equipment will give you the power to need to carve out a place for yourself in the New World.The Hunter's ArsenalThere are fourteen different weapons at the hunter's disposal, each with its own unique characteristics and attacks. Many hunters acquire proficiency in multiple types, while others prefer to attain mastery of one.ScoutfliesMonster tracks, such as footprints and gashes, dot each locale. Your Scoutflies will remember the scent of a monster and guide you to other nearby tracks. And as you gather more tracks, the Scoutflies will give you even more information.SlingerThe Slinger is an indispensable tool for a hunter, allowing you to arm yourself with stones and nuts that can be gathered from each locale.From diversion tactics to creating shortcuts, the Slinger has a variety of uses, and allows you to hunt in new and interesting ways.Specialized ToolsSpecialized tools activate powerful effects for a limited amount of time, and up to two can be equipped at a time. Simple to use, they can be selected and activated just like any other item you take out on a hunt.PalicoesPalicoes are hunters' reliable comrades out in the field, specialized in a variety of offensive, defensive, and restorative support abilities.The hunter's Palico joins the Fifth Fleet with pride, as much a bona fide member of the Commission as any other hunter.", + "short_description": "Welcome to a new world! In Monster Hunter: World, the latest installment in the series, you can enjoy the ultimate hunting experience, using everything at your disposal to hunt monsters in a new world teeming with surprises and excitement.", + "genres": "Action", + "recommendations": 236001, + "score": 8.155723776311232 + }, + { + "type": "game", + "name": "Assassin's Creed\u00ae Origins", + "detailed_description": "Digital Deluxe Edition. Upgrade your game experience with the DELUXE EDITION which includes the game and the Deluxe Pack. . The Deluxe Pack includes: . - The Ambush at Sea mission. - The Desert Cobra pack (Including 1 outfit, 2 legendary weapons, 1 legendary shield and 1 mount). - 3 Ability points. Gold Edition. The GOLD EDITION includes the game, the Deluxe pack and the Season Pass, giving you access to two major expansions. About the GameASSASSIN\u2019S CREED\u00ae ORIGINS IS A NEW BEGINNING. *The Discovery Tour by Assassin\u2019s Creed\u00ae: Ancient Egypt is available now as a free update!*. Ancient Egypt, a land of majesty and intrigue, is disappearing in a ruthless fight for power. Unveil dark secrets and forgotten myths as you go back to the one founding moment: The Origins of the Assassin\u2019s Brotherhood. . A COUNTRY TO DISCOVER. Sail down the Nile, uncover the mysteries of the pyramids or fight your way against dangerous ancient factions and wild beasts as you explore this gigantic and unpredictable land. . A NEW STORY EVERY TIME YOU PLAY. Engage into multiple quests and gripping stories as you cross paths with strong and memorable characters, from the wealthiest high-born to the most desperate outcasts. . EMBRACE ACTION-RPG. Experience a completely new way to fight. Loot and use dozens of weapons with different characteristics and rarities. Explore deep progression mechanics and challenge your skills against unique and powerful bosses.", + "about_the_game": "ASSASSIN\u2019S CREED\u00ae ORIGINS IS A NEW BEGINNING\r\n\r\n*The Discovery Tour by Assassin\u2019s Creed\u00ae: Ancient Egypt is available now as a free update!*\r\n\r\nAncient Egypt, a land of majesty and intrigue, is disappearing in a ruthless fight for power. Unveil dark secrets and forgotten myths as you go back to the one founding moment: The Origins of the Assassin\u2019s Brotherhood.\r\n\r\nA COUNTRY TO DISCOVER\r\nSail down the Nile, uncover the mysteries of the pyramids or fight your way against dangerous ancient factions and wild beasts as you explore this gigantic and unpredictable land.\r\n\r\nA NEW STORY EVERY TIME YOU PLAY\r\nEngage into multiple quests and gripping stories as you cross paths with strong and memorable characters, from the wealthiest high-born to the most desperate outcasts.\r\n\r\nEMBRACE ACTION-RPG\r\nExperience a completely new way to fight. Loot and use dozens of weapons with different characteristics and rarities. Explore deep progression mechanics and challenge your skills against unique and powerful bosses.", + "short_description": "ASSASSIN\u2019S CREED\u00ae ORIGINS IS A NEW BEGINNING *The Discovery Tour by Assassin\u2019s Creed\u00ae: Ancient Egypt is available now as a free update!* Ancient Egypt, a land of majesty and intrigue, is disappearing in a ruthless fight for power.", + "genres": "Action", + "recommendations": 83950, + "score": 7.474339308397968 + }, + { + "type": "game", + "name": "We Were Here", + "detailed_description": "A new chapter is here!Continue the story of Castle Rock in We Were Here Forever, out now! Can you ever truly escape?. About the GameLost in a frozen wasteland and split up from your partner inside an abandoned castle, the only possession you have left is a walkie-talkie with a familiar voice on the other end. Can the two of you find your way out in time? . Note: This game requires both players to have a working PC-compatible microphone. . We Were Here is the free pilot episode in a series of cooperative standalone puzzle adventures. Two players are trapped inside an abandoned castle, with Player One confined to a small secluded part of the castle as Player Two roams the halls trying to find Player One. Every room challenges your wits and ability to communicate clearly, using only your voice. . Are you ready to find out how well you and your friends work together? If you like living on the edge, try playing it with a complete stranger!. Atmospheric thriller setting that will keep you on the edge of your seat. . Overcome challenging puzzles by working together - each player has a completely different game experience. . Explore intriguing environments and search for clues in a fictional castle inspired by Castle Rock, Antarctica. . Inspired by games such as: Myst, Amnesia: The Dark Descent, and real-life escape rooms. The We Were Here SeriesLooking for more cooperative puzzling? There are currently four games in the series: We Were Here (free on Steam), We Were Here Too, We Were Here Together, and We Were Here Forever, released today!", + "about_the_game": "Lost in a frozen wasteland and split up from your partner inside an abandoned castle, the only possession you have left is a walkie-talkie with a familiar voice on the other end. Can the two of you find your way out in time? Note: This game requires both players to have a working PC-compatible microphone. We Were Here is the free pilot episode in a series of cooperative standalone puzzle adventures. Two players are trapped inside an abandoned castle, with Player One confined to a small secluded part of the castle as Player Two roams the halls trying to find Player One. Every room challenges your wits and ability to communicate clearly, using only your voice.Are you ready to find out how well you and your friends work together? If you like living on the edge, try playing it with a complete stranger! Atmospheric thriller setting that will keep you on the edge of your seat. Overcome challenging puzzles by working together - each player has a completely different game experience. Explore intriguing environments and search for clues in a fictional castle inspired by Castle Rock, Antarctica. Inspired by games such as: Myst, Amnesia: The Dark Descent, and real-life escape rooms.The We Were Here SeriesLooking for more cooperative puzzling? There are currently four games in the series: We Were Here (free on Steam), We Were Here Too, We Were Here Together, and We Were Here Forever, released today!", + "short_description": "Lost in a frozen wasteland and split up from your partner inside an abandoned castle, the only possession you have left is a walkie-talkie with a familiar voice on the other end. Can the two of you find your way out in time?", + "genres": "Action", + "recommendations": 1445, + "score": 4.796922416552657 + }, + { + "type": "game", + "name": "Black Desert", + "detailed_description": "WHAT STEAM CURATORS HAVE TO SAY ABOUT BLACK DESERT. JOIN OUR DISCORD . About the GameGo Beyond Limits : WORLD CLASS MMORPG. Black Desert is a game that tests the limitations of MMORPG. by implementing remastered graphics and audio. Enjoy exciting combat and siege,. exploration, trading, fishing, training, alchemy, cooking, gathering, hunting, and more in the vast open world. Black Desert - A true MMORPGThe Start of Your Dream Adventure. GRAPHICS. Remastered Cutting-Edge Graphics. An expansive, open world MMORPG. made with Pearl Abyss\u2019 proprietary game engine. With spectacular sceneries, realistic environments, and sophisticated details. Enter a world created with state-of-the-art graphics and prepare for unforgettable adventures. . OPEN WORLD. Multitudes of In-Game Activities. Don't feel like fighting?. Countless other activities await! Farming, trading, horse training, fishing, sailing, crafting, cooking\u2026. Get immersed and dive into diverse life skills!. . KNOWLEDGE. Knowledge-Based Game Content. Knowledge is power!. Stick around and become an expert of the Black Desert world. Gain knowledge from combat, exploring, or interacting with NPCs. Knowledge will influence your gameplay and assist you on your adventures. . COMBAT. Non-Target & Fast-Paced Combat. Experience an innovative combat system unlike any other MMORPG. The need for quick reactions and precise control will keep you enthralled throughout your entire experience. Exciting commands/combos will always keep you on your toes. . NODE & SIEGE WAR. Large-Scale PvP Wars. Guilds, prepare for battle! Victory is near!. Join formidable guilds as they fight head-to-head on the battlefield. Be victorious, become lords, and seize control of taxes, resources, and more!. . CUSTOMIZING. Become Your True Self. Experience insane levels of customization. From height, torso, face, and skin texture,. to micro-level details, your imagination is the limit!. Create your own unique characters, just like you've always desired, in Black Desert.", + "about_the_game": "Go Beyond Limits : WORLD CLASS MMORPGBlack Desert is a game that tests the limitations of MMORPGby implementing remastered graphics and audio. Enjoy exciting combat and siege,exploration, trading, fishing, training, alchemy, cooking, gathering, hunting, and more in the vast open world.Black Desert - A true MMORPGThe Start of Your Dream AdventureGRAPHICSRemastered Cutting-Edge GraphicsAn expansive, open world MMORPGmade with Pearl Abyss\u2019 proprietary game engine.With spectacular sceneries, realistic environments, and sophisticated details.Enter a world created with state-of-the-art graphics and prepare for unforgettable adventures.OPEN WORLDMultitudes of In-Game ActivitiesDon't feel like fighting?Countless other activities await! Farming, trading, horse training, fishing, sailing, crafting, cooking\u2026Get immersed and dive into diverse life skills!KNOWLEDGEKnowledge-Based Game ContentKnowledge is power!Stick around and become an expert of the Black Desert world.Gain knowledge from combat, exploring, or interacting with NPCs.Knowledge will influence your gameplay and assist you on your adventures.COMBATNon-Target & Fast-Paced CombatExperience an innovative combat system unlike any other MMORPG.The need for quick reactions and precise control will keep you enthralled throughout your entire experience.Exciting commands/combos will always keep you on your toes.NODE & SIEGE WARLarge-Scale PvP WarsGuilds, prepare for battle! Victory is near!Join formidable guilds as they fight head-to-head on the battlefield.Be victorious, become lords, and seize control of taxes, resources, and more!CUSTOMIZINGBecome Your True SelfExperience insane levels of customization.From height, torso, face, and skin texture,to micro-level details, your imagination is the limit!Create your own unique characters, just like you've always desired, in Black Desert.", + "short_description": "Played by over 20 million Adventurers - Black Desert Online is an open-world, action MMORPG. Experience intense, action-packed combat, battle massive world bosses, fight alongside friends to siege and conquer castles, and train in professions such as fishing, trading, crafting, cooking, and more!", + "genres": "Action", + "recommendations": 48614, + "score": 7.114201327774273 + }, + { + "type": "game", + "name": "Minimalism", + "detailed_description": "Special Offer About the GameMinimalism - platformer with a lot of levels, made in minimalist style - which is a cube protogonist. The game is a kind of labyrinth consisting of levels, to go between them you need to open the doors with collected keys. . Features:. - 30 increasing complexity as you progress through levels. - Minimalistic design. - Good music", + "about_the_game": "Minimalism - platformer with a lot of levels, made in minimalist style - which is a cube protogonist. The game is a kind of labyrinth consisting of levels, to go between them you need to open the doors with collected keys.\r\n\r\nFeatures:\r\n- 30 increasing complexity as you progress through levels\r\n- Minimalistic design\r\n- Good music", + "short_description": "Minimalism - platformer with a lot of levels, made in minimalist style - which is a cube protogonist. The game is a kind of labyrinth consisting of levels, to go between them you need to open the doors with collected keys.", + "genres": "Action", + "recommendations": 1699, + "score": 4.903603672315952 + }, + { + "type": "game", + "name": "Fallout Shelter", + "detailed_description": "Fallout Shelter puts you in control of a state-of-the-art underground Vault from Vault-Tec. Build the perfect Vault, keep your Dwellers happy, and protect them from the dangers of the Wasteland. . BUILD THE PERFECT VAULT. Create a brighter future\u2026underground! Select from a variety of modern-day rooms to turn an excavation beneath 2,000 feet of bedrock into the very picture of Vault Life. . OVERSEE A THRIVING COMMUNITY . Get to know your Dwellers and lead them to happiness. Find their ideal jobs and watch them flourish. Provide them with outfits, weapons, and training to improve their abilities. . CUSTOMIZE. Turn worthless junk into useful items with Crafting! Customize the look of any dweller in the Barbershop. . PROSPER. A well-run Vault requires a variety of Dwellers with a mix of skills. Build a Radio Room to attract new Dwellers. Or, take an active role in their personal lives; play matchmaker and watch the sparks fly! . EXPLORE THE WASTELAND. Send Dwellers above ground to explore the blasted surface left behind and seek adventure, handy survival loot, or unspeakable death. Find new armor and weapons, gain experience, and earn Caps. But don\u2019t let them die!. PROTECT YOUR VAULT. From time to time, idyllic Vault life may be disrupted by the dangers of post-nuclear life. Prepare your Dwellers to protect against threats from the outside\u2026and within. . Vault-Tec has provided the tools, but the rest is up to you. What are you waiting for? Get started building your Vault today for FREE.", + "about_the_game": "Fallout Shelter puts you in control of a state-of-the-art underground Vault from Vault-Tec. Build the perfect Vault, keep your Dwellers happy, and protect them from the dangers of the Wasteland.BUILD THE PERFECT VAULTCreate a brighter future\u2026underground! Select from a variety of modern-day rooms to turn an excavation beneath 2,000 feet of bedrock into the very picture of Vault Life.OVERSEE A THRIVING COMMUNITY Get to know your Dwellers and lead them to happiness. Find their ideal jobs and watch them flourish. Provide them with outfits, weapons, and training to improve their abilities.CUSTOMIZETurn worthless junk into useful items with Crafting! Customize the look of any dweller in the Barbershop.PROSPERA well-run Vault requires a variety of Dwellers with a mix of skills. Build a Radio Room to attract new Dwellers. Or, take an active role in their personal lives; play matchmaker and watch the sparks fly! EXPLORE THE WASTELANDSend Dwellers above ground to explore the blasted surface left behind and seek adventure, handy survival loot, or unspeakable death. Find new armor and weapons, gain experience, and earn Caps. But don\u2019t let them die!PROTECT YOUR VAULTFrom time to time, idyllic Vault life may be disrupted by the dangers of post-nuclear life. Prepare your Dwellers to protect against threats from the outside\u2026and within.Vault-Tec has provided the tools, but the rest is up to you. What are you waiting for? Get started building your Vault today for FREE.", + "short_description": "Fallout Shelter puts you in control of a state-of-the-art underground Vault from Vault-Tec. Build the perfect Vault, keep your Dwellers happy, and protect them from the dangers of the Wasteland.", + "genres": "Free to Play", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Dead Cells", + "detailed_description": "New DLC Available to Castlevania DLC is available now!. About the GameRoguelite? Metroidvania? Roguevania!You grew up with the roguelikes, witnessed the rise of the roguelites and even the birth of the roguelite-lites? We'd now like to present for your consideration our RogueVania, the illegitimate child of a modern Roguelite (Rogue Legacy, Binding of Isaac, Enter the Gungeon, Spelunky, etc.) and an old-school MetroidVania (Castlevania: SotN and its ilk). . Features:. RogueVania: The progressive exploration of an interconnected world, with the replayability of a rogue-lite and the adrenaline pumping threat of permadeath. . 2D Souls-lite Action: Tough but fair combat, more than 150 weapons and spells with unique gameplay, and of course, the emergency panic roll to get you out of trouble. . Nonlinear progression: Sewers, Ossuary or Ramparts? Once unlocked, special permanent abilities allow you to access new paths to reach your objective. Opt for the path that suits your current build, your play style or just your mood. . Exploration: Secret rooms, hidden passages, charming landscapes. Take a moment to stroll the towers and breath in that fresh sea mist infused air. . Regular free updates: We are still adding content to the game every 2-3 months to keep the game fresh for you!. Interconnected levels and progressive unlocking of access to the island provides you with a real incentive to explore your surroundings. Add in a degree of evolution for your character and permanent weapon upgrades and you can see where Dead Cells borrows from the long line of MetroidVanias that precede it. . At the end of the day though, it\u2019s YOUR skills as a player that matter most! Roguelites are about constantly getting better, until what was an insurmountable obstacle becomes a walk in the park. Unforgiving combat wed to the absence of any kind of safety net makes for an adrenaline pumping ride each and every run and unrivaled replayability. . Dead Cells left Early Access on August 7th 2018 and comes with:. 17 Levels - Each one with its own atmosphere, foes and secrets to discover. . 5 Bosses - Made by the most sadistic of the devs, raised on the salt of the testers. . 150 or so weapons and skills - Spears, swords, bows, freeze blast, etc. . 4 special powers, unlocking new areas and paths (metroidvania gear lock items). . 1 epic responsive, fluid and fun to play combat system. . 1 Daily Run Mode Complete with leaderboards for lording it over your mates. . Hours of fun (depending on your skill, anything from 10 to 30 hours or more). . A few rage-quits, Ok a lot of rage quits\u2026 But you\u2019ll git gud\u2026 Eventually. .", + "about_the_game": "Roguelite? Metroidvania? Roguevania!You grew up with the roguelikes, witnessed the rise of the roguelites and even the birth of the roguelite-lites? We'd now like to present for your consideration our RogueVania, the illegitimate child of a modern Roguelite (Rogue Legacy, Binding of Isaac, Enter the Gungeon, Spelunky, etc.) and an old-school MetroidVania (Castlevania: SotN and its ilk).Features:RogueVania: The progressive exploration of an interconnected world, with the replayability of a rogue-lite and the adrenaline pumping threat of permadeath.2D Souls-lite Action: Tough but fair combat, more than 150 weapons and spells with unique gameplay, and of course, the emergency panic roll to get you out of trouble. Nonlinear progression: Sewers, Ossuary or Ramparts? Once unlocked, special permanent abilities allow you to access new paths to reach your objective. Opt for the path that suits your current build, your play style or just your mood.Exploration: Secret rooms, hidden passages, charming landscapes. Take a moment to stroll the towers and breath in that fresh sea mist infused air...Regular free updates: We are still adding content to the game every 2-3 months to keep the game fresh for you!Interconnected levels and progressive unlocking of access to the island provides you with a real incentive to explore your surroundings. Add in a degree of evolution for your character and permanent weapon upgrades and you can see where Dead Cells borrows from the long line of MetroidVanias that precede it.At the end of the day though, it\u2019s YOUR skills as a player that matter most! Roguelites are about constantly getting better, until what was an insurmountable obstacle becomes a walk in the park. Unforgiving combat wed to the absence of any kind of safety net makes for an adrenaline pumping ride each and every run and unrivaled replayability.Dead Cells left Early Access on August 7th 2018 and comes with:17 Levels - Each one with its own atmosphere, foes and secrets to discover.5 Bosses - Made by the most sadistic of the devs, raised on the salt of the testers. 150 or so weapons and skills - Spears, swords, bows, freeze blast, etc. 4 special powers, unlocking new areas and paths (metroidvania gear lock items).1 epic responsive, fluid and fun to play combat system.1 Daily Run Mode Complete with leaderboards for lording it over your mates.Hours of fun (depending on your skill, anything from 10 to 30 hours or more).A few rage-quits, Ok a lot of rage quits\u2026 But you\u2019ll git gud\u2026 Eventually.", + "short_description": "Dead Cells is a rogue-lite, metroidvania inspired, action-platformer. You'll explore a sprawling, ever-changing castle... assuming you\u2019re able to fight your way past its keepers in 2D souls-lite combat. No checkpoints. Kill, die, learn, repeat. Regular free content updates!", + "genres": "Action", + "recommendations": 116446, + "score": 7.69004121791286 + }, + { + "type": "game", + "name": "Into the Breach", + "detailed_description": "The free major update, Into the Breach: Advanced Edition is now available! . Nearly every aspect of the game is expanded with new content, including:. New Mechs and Weapons: Five new mech squads and nearly forty new weapons. . New Challenges: More enemies, more bosses, and more mission objectives. . New Pilot Abilities: Four new pilots and triple the amount of pilot skills. . \u201cUnfair\u201d Mode: A more challenging difficulty to test the most seasoned tacticians. . . The remnants of human civilization are threatened by gigantic creatures breeding beneath the earth. You must control powerful mechs from the future to hold off this alien threat. Each attempt to save the world presents a new randomly generated challenge in this turn-based strategy game from the makers of FTL.Key Features:Defend the Cities: Civilian buildings power your mechs. Defend them from the Vek and watch your fire!. Perfect Your Strategy: All enemy attacks are telegraphed in minimalistic, turn-based combat. Analyze your opponent's attack and come up with the perfect counter every turn. . Build the Ultimate Mech: Find powerful new weapons and unique pilots as you battle the Vek infestation across Corporate-Nation islands. . Another Chance: Failure is not an option. When you are defeated, send help back through time to save another timeline!.", + "about_the_game": "The free major update, Into the Breach: Advanced Edition is now available! Nearly every aspect of the game is expanded with new content, including:New Mechs and Weapons: Five new mech squads and nearly forty new weapons.New Challenges: More enemies, more bosses, and more mission objectives.New Pilot Abilities: Four new pilots and triple the amount of pilot skills.\u201cUnfair\u201d Mode: A more challenging difficulty to test the most seasoned tacticians.The remnants of human civilization are threatened by gigantic creatures breeding beneath the earth. You must control powerful mechs from the future to hold off this alien threat. Each attempt to save the world presents a new randomly generated challenge in this turn-based strategy game from the makers of FTL.Key Features:Defend the Cities: Civilian buildings power your mechs. Defend them from the Vek and watch your fire!Perfect Your Strategy: All enemy attacks are telegraphed in minimalistic, turn-based combat. Analyze your opponent's attack and come up with the perfect counter every turn.Build the Ultimate Mech: Find powerful new weapons and unique pilots as you battle the Vek infestation across Corporate-Nation islands.Another Chance: Failure is not an option. When you are defeated, send help back through time to save another timeline!", + "short_description": "Control powerful mechs from the future to defeat an alien threat. Each attempt to save the world presents a new randomly generated challenge in this turn-based strategy game.", + "genres": "Indie", + "recommendations": 14648, + "score": 6.323415661774544 + }, + { + "type": "game", + "name": "Total War: WARHAMMER II", + "detailed_description": "Total War Academy. About the GameDEFEND YOUR WORLD. DESTROY THEIRS. Total War: WARHAMMER II is a strategy game of titanic proportions. Choose from four unique, varied factions and wage war your way \u2013 mounting a campaign of conquest to save or destroy a vast and vivid fantasy world. . This is a game of two halves \u2013 one a turn-based open-world campaign, and the other intense, tactical real-time battles across the fantastical landscapes of the New World. . Play how you choose \u2013 delve into a deep engrossing campaign, experience unlimited replayability and challenge the world in multiplayer with a custom army of your favourite units. Total War: WARHAMMER II offers hundreds of hours of gameplay and no two games are the same. . World-Spanning ConquestEngage in statecraft, diplomacy, exploration and build your empire, turn by turn. Capture, build and manage teeming settlements and recruit vast armies. Level up Legendary Lords and Heroes and arm them with mythical weapons and armour. Negotiate alliances or declare Total War to subjugate any that stand between you and your goal. . Epic Real-Time BattlesCommand thousands-strong legions of soldiers in intense tactical battles. Send forth ferocious, twisted monsters, fire-breathing dragons and harness powerful magic. Utilise military strategies, lay ambushes, or use brute force to turn the tide of combat and lead your forces to victory. . The second in a trilogy and sequel to the award-winning Total War: WARHAMMER, Total War: WARHAMMER II brings players a breath-taking new narrative campaign, set across the vast continents of Lustria, Ulthuan, Naggaroth and the Southlands. The Great Vortex Campaign builds pace to culminate in a definitive and climactic endgame, an experience unlike any other Total War title to date. . Playing as one of 8 Legendary Lords across 4 iconic races from the world of Warhammer Fantasy Battles, players must succeed in performing a series of powerful arcane rituals in order to stabilise or disrupt The Great Vortex, while foiling the progress of the other races. . Each Legendary Lord has a unique geographical starting position, and each race offers a distinctive new playstyle with unique campaign mechanics, narrative, methods of war, armies, monsters, Lores of Magic, legendary characters, and staggering new battlefield army abilities. . Shortly after launch, owners of both the original game and Total War\u2122 WARHAMMER II will gain access to the colossal third campaign. Exploring a single open-world epic map covering the Old World and the New World, players may embark on monumental campaigns as any owned Race from both titles. . Conquer the world, together. Each of the Races in Total War\u2122 WARHAMMER II will be playable in single and multiplayer campaign, plus custom and multiplayer battles. As the two Legendary Lords for each race all have their own unique campaign start positions, you\u2019ll be able to play a 2-player co-op campaign as the same race. If you own both parts 1 and 2, you\u2019ll be able to play in multiplayer as any of the races you own. . The World of Total War: WARHAMMER II. Millennia ago, besieged by a Chaos invasion, a conclave of High Elf mages forged a vast, arcane vortex. Its purpose was to draw the Winds of Magic from the world as a sinkhole drains an ocean, and blast the Daemonic hordes back to the Realm of Chaos. Now the Great Vortex falters, and the world again stands at the brink of ruin. . Powerful forces move to heal the maelstrom and avert catastrophe. Yet others seek to harness its terrible energies for their own bitter purpose. The race is on, and the very fate of the world will lie in the hands of the victor. . Prince Tyrion, Defender of Ulthuan, guides the High Elves in their desperate efforts to stabilise the vortex as it roils above their home continent. . Atop his palanquin-throne, the Slann Mage-Priest Mazdamundi directs his Lizardmen war-hosts as they surge northward from Lustria. He, too, is intent on preventing cataclysm, though the methods of The Old Ones must prevail. . The Witch King Malekith and his sadistic Dark Elf hordes spew forth from Naggaroth and their labyrinthine Black Arks. He tastes great weakness in the vortex \u2013 and great opportunity in its demise. . Meanwhile the Skaven, led by Queek Headtaker, stir in their foetid subterranean tunnels. There they multiply unchecked and look hungrily towards the surface, their motives obscured. The time for revelation is nigh\u2026. Four races, four outcomes, a single goal: control of the Great Vortex, for good or ill.", + "about_the_game": "DEFEND YOUR WORLD. DESTROY THEIRS. Total War: WARHAMMER II is a strategy game of titanic proportions. Choose from four unique, varied factions and wage war your way \u2013 mounting a campaign of conquest to save or destroy a vast and vivid fantasy world. This is a game of two halves \u2013 one a turn-based open-world campaign, and the other intense, tactical real-time battles across the fantastical landscapes of the New World.Play how you choose \u2013 delve into a deep engrossing campaign, experience unlimited replayability and challenge the world in multiplayer with a custom army of your favourite units. Total War: WARHAMMER II offers hundreds of hours of gameplay and no two games are the same. World-Spanning ConquestEngage in statecraft, diplomacy, exploration and build your empire, turn by turn. Capture, build and manage teeming settlements and recruit vast armies. Level up Legendary Lords and Heroes and arm them with mythical weapons and armour. Negotiate alliances or declare Total War to subjugate any that stand between you and your goal. Epic Real-Time BattlesCommand thousands-strong legions of soldiers in intense tactical battles. Send forth ferocious, twisted monsters, fire-breathing dragons and harness powerful magic. Utilise military strategies, lay ambushes, or use brute force to turn the tide of combat and lead your forces to victory.The second in a trilogy and sequel to the award-winning Total War: WARHAMMER, Total War: WARHAMMER II brings players a breath-taking new narrative campaign, set across the vast continents of Lustria, Ulthuan, Naggaroth and the Southlands. The Great Vortex Campaign builds pace to culminate in a definitive and climactic endgame, an experience unlike any other Total War title to date.Playing as one of 8 Legendary Lords across 4 iconic races from the world of Warhammer Fantasy Battles, players must succeed in performing a series of powerful arcane rituals in order to stabilise or disrupt The Great Vortex, while foiling the progress of the other races. Each Legendary Lord has a unique geographical starting position, and each race offers a distinctive new playstyle with unique campaign mechanics, narrative, methods of war, armies, monsters, Lores of Magic, legendary characters, and staggering new battlefield army abilities.Shortly after launch, owners of both the original game and Total War\u2122 WARHAMMER II will gain access to the colossal third campaign. Exploring a single open-world epic map covering the Old World and the New World, players may embark on monumental campaigns as any owned Race from both titles.Conquer the world, togetherEach of the Races in Total War\u2122 WARHAMMER II will be playable in single and multiplayer campaign, plus custom and multiplayer battles. As the two Legendary Lords for each race all have their own unique campaign start positions, you\u2019ll be able to play a 2-player co-op campaign as the same race. If you own both parts 1 and 2, you\u2019ll be able to play in multiplayer as any of the races you own. The World of Total War: WARHAMMER IIMillennia ago, besieged by a Chaos invasion, a conclave of High Elf mages forged a vast, arcane vortex. Its purpose was to draw the Winds of Magic from the world as a sinkhole drains an ocean, and blast the Daemonic hordes back to the Realm of Chaos. Now the Great Vortex falters, and the world again stands at the brink of ruin.Powerful forces move to heal the maelstrom and avert catastrophe. Yet others seek to harness its terrible energies for their own bitter purpose. The race is on, and the very fate of the world will lie in the hands of the victor. Prince Tyrion, Defender of Ulthuan, guides the High Elves in their desperate efforts to stabilise the vortex as it roils above their home continent.Atop his palanquin-throne, the Slann Mage-Priest Mazdamundi directs his Lizardmen war-hosts as they surge northward from Lustria. He, too, is intent on preventing cataclysm, though the methods of The Old Ones must prevail. The Witch King Malekith and his sadistic Dark Elf hordes spew forth from Naggaroth and their labyrinthine Black Arks. He tastes great weakness in the vortex \u2013 and great opportunity in its demise.Meanwhile the Skaven, led by Queek Headtaker, stir in their foetid subterranean tunnels. There they multiply unchecked and look hungrily towards the surface, their motives obscured. The time for revelation is nigh\u2026Four races, four outcomes, a single goal: control of the Great Vortex, for good or ill.", + "short_description": "Strategy gaming perfected. A breath-taking campaign of exploration, expansion and conquest across a fantasy world. Turn-based civilisation management and real-time epic strategy battles with thousands of troops and monsters at your command.", + "genres": "Action", + "recommendations": 84071, + "score": 7.475288783325165 + }, + { + "type": "game", + "name": "Hunt: Showdown", + "detailed_description": "HUNT TOGETHER. DIE ALONE. . The year is 1895, and you are a Hunter tasked with eliminating the savage, nightmarish monsters that have infested the Louisiana Bayou. Play alone or in teams of two or three, as you search for clues to help you track your target and compete against other Hunters who are after the same reward. Kill and banish your target, collect the bounty, and then get ready for the showdown; once the bounty is in your hands every other Hunter on the map will be after your prize. Show no mercy as you fight through a dark, ruthless world with brutal, period-inspired weapons, as you level up, unlock gear, and collect experience and gold for your Bloodline. . HIGH-RISK, HIGH-REWARD, HIGH-TENSION GAMEPLAY. Competitive, match-based gameplay combines PvP and PvE elements to create a uniquely tense PvEvP experience where your character and your gear are always on the line. Succeed, and you will be rewarded handsomely but remember \u2013 a single mistake could cost you your Hunter \u2013 and any gear they were carrying. . . . BOUNTY HUNT MODE . Team up or go it alone to battle monsters, bosses, and other Hunters to secure the bounty in Bounty Hunt, the game\u2019s main PvPvE mode. . . Play alone or in teams of two or three with up to 12 players on the map. Use Dark Sight to collect clues and track your target. Fight brutal creatures and deadly monsters \u2013 and the other Hunters who are competing for the same prize. Be the first to find and take out the target and collect your reward. Get to an extraction point without being killed by those who seek to steal the bounty . Live to die another day. . QUICK PLAY MODE . In this shorter mode, solo players compete to be the last Hunter standing. Play solo in a shorter match format against up to 12 other solo players. Scavenge for gear. Be the first to find and close four rifts in a competition for a diminishing pool of bounty. Close the last rift and absorb all its energy. -OR- compete to eliminate the leading Hunter to steal their reward. Survive the final countdown to complete the mission. Last Hunter standing keeps their Hunter - while the others perish, and are lost. TRIALS AND TRAINING MODE . Prepare for the thrill of the hunt in the game\u2019s Trials and Training modes. These provide a pure PvE experience for honing your skills and maximizing your chances of taking home the bounty. . Explore any map without the pressure of a Hunter ambush. Sharpen your skills and practice you kills. Complete Trial objectives testing your speed, strength, and sniping skills. Walk in the shoes of the notorious Hunters who came before you. SPECIAL FEATURES: PROGRESSION & DARK SIGHT. Progress through the ranks via your Bloodline, which allows you to level up your Hunters. Though a Hunter may die, some experience will always be transferred to your Bloodline, which over time unlocks new weapons and specializations for your other Hunters. . Dark Sight allows Hunters to see the unseen by helping you to track clues with a ghostly light and marking players carrying a bounty. .", + "about_the_game": "HUNT TOGETHER. DIE ALONE. The year is 1895, and you are a Hunter tasked with eliminating the savage, nightmarish monsters that have infested the Louisiana Bayou. Play alone or in teams of two or three, as you search for clues to help you track your target and compete against other Hunters who are after the same reward. Kill and banish your target, collect the bounty, and then get ready for the showdown; once the bounty is in your hands every other Hunter on the map will be after your prize. Show no mercy as you fight through a dark, ruthless world with brutal, period-inspired weapons, as you level up, unlock gear, and collect experience and gold for your Bloodline. HIGH-RISK, HIGH-REWARD, HIGH-TENSION GAMEPLAYCompetitive, match-based gameplay combines PvP and PvE elements to create a uniquely tense PvEvP experience where your character and your gear are always on the line. Succeed, and you will be rewarded handsomely but remember \u2013 a single mistake could cost you your Hunter \u2013 and any gear they were carrying. BOUNTY HUNT MODE Team up or go it alone to battle monsters, bosses, and other Hunters to secure the bounty in Bounty Hunt, the game\u2019s main PvPvE mode. Play alone or in teams of two or three with up to 12 players on the map Use Dark Sight to collect clues and track your target Fight brutal creatures and deadly monsters \u2013 and the other Hunters who are competing for the same prize Be the first to find and take out the target and collect your reward Get to an extraction point without being killed by those who seek to steal the bounty Live to die another dayQUICK PLAY MODE In this shorter mode, solo players compete to be the last Hunter standing. Play solo in a shorter match format against up to 12 other solo players Scavenge for gear Be the first to find and close four rifts in a competition for a diminishing pool of bounty Close the last rift and absorb all its energy -OR- compete to eliminate the leading Hunter to steal their reward Survive the final countdown to complete the mission Last Hunter standing keeps their Hunter - while the others perish, and are lostTRIALS AND TRAINING MODE Prepare for the thrill of the hunt in the game\u2019s Trials and Training modes. These provide a pure PvE experience for honing your skills and maximizing your chances of taking home the bounty. Explore any map without the pressure of a Hunter ambush Sharpen your skills and practice you kills Complete Trial objectives testing your speed, strength, and sniping skills Walk in the shoes of the notorious Hunters who came before youSPECIAL FEATURES: PROGRESSION & DARK SIGHTProgress through the ranks via your Bloodline, which allows you to level up your Hunters. Though a Hunter may die, some experience will always be transferred to your Bloodline, which over time unlocks new weapons and specializations for your other Hunters. Dark Sight allows Hunters to see the unseen by helping you to track clues with a ghostly light and marking players carrying a bounty.", + "short_description": "Hunt: Showdown is a high-stakes, tactical PvPvE first-person shooter. Hunt for bounties in the infested Bayou, kill nightmarish monsters and outwit competing hunters - alone or in a group - with your glory, gear, and gold on the line.", + "genres": "Action", + "recommendations": 133432, + "score": 7.779804079312502 + }, + { + "type": "game", + "name": "Graveyard Keeper", + "detailed_description": "Pre-order Punch Club 2 Now! Steam Exclusive Offer. Introducing Game of Crone About the GameGraveyard Keeper is the most inaccurate medieval cemetery management sim of all time. Build and manage your own graveyard, and expand into other ventures, while finding shortcuts to cut costs. Use all the resources you can find. After all, this is a game about the spirit of capitalism, and doing whatever it takes to build a thriving business. And it\u2019s also a love story. . . Face ethical dilemmas. Do you really want to spend money on that proper burger meat for the witch-burning festival, when you have so many resources lying around? . Gather valuable materials and craft new items. Expand your Graveyard into a thriving business. Help yourself -- gather the valuable resources scattered across the surrounding areas, and explore what this land has to offer. . Quests and corpses. These dead bodies don't need all those organs, do they? Why not grind them up and sell them to the local butcher? Or you can go on proper quests, you roleplayer. . Explore mysterious dungeons. No medieval game would be complete without those! Take a trip into the unknown, and find discover new alchemy ingredients -- which may or may not poison a whole bunch of nearby villagers.", + "about_the_game": "Graveyard Keeper is the most inaccurate medieval cemetery management sim of all time. Build and manage your own graveyard, and expand into other ventures, while finding shortcuts to cut costs. Use all the resources you can find. After all, this is a game about the spirit of capitalism, and doing whatever it takes to build a thriving business. And it\u2019s also a love story.Face ethical dilemmas. Do you really want to spend money on that proper burger meat for the witch-burning festival, when you have so many resources lying around? Gather valuable materials and craft new items. Expand your Graveyard into a thriving business. Help yourself -- gather the valuable resources scattered across the surrounding areas, and explore what this land has to offer. Quests and corpses. These dead bodies don't need all those organs, do they? Why not grind them up and sell them to the local butcher? Or you can go on proper quests, you roleplayer.Explore mysterious dungeons. No medieval game would be complete without those! Take a trip into the unknown, and find discover new alchemy ingredients -- which may or may not poison a whole bunch of nearby villagers.", + "short_description": "Build and manage a medieval graveyard while facing ethical dilemmas and making questionable decisions. Welcome to Graveyard Keeper, the most inaccurate medieval cemetery sim of the year.", + "genres": "Adventure", + "recommendations": 26727, + "score": 6.7198366331421875 + }, + { + "type": "game", + "name": "Devil May Cry 5", + "detailed_description": "Devil May Cry 5 + VergilThe ultimate Devil Hunter is back in style, in the game action fans have been waiting for. Now includes the Playable Character: Vergil downloadable content (also available separately). . A brand new entry in the legendary action series, Devil May Cry 5 brings together its signature blend of high-octane action and otherworldly original characters with the latest Capcom gaming technology to deliver a graphically groundbreaking action-adventure masterpiece. . Please check your previous purchases to avoid duplication. Devil May Cry 5 Deluxe + VergilThe ultimate Devil Hunter is back in style, in the game action fans have been waiting for. . The Deluxe Edition includes the full game, Playable Character: Vergil (also available separately), and the following additional content:. - Devil Breaker weapons: Gerbera GP01, Pasta Breaker, Sweet Surrender, Mega Buster. - Dante weapon: Cavaliere R. - Battle music: 3 tracks each from Devil May Cry, Devil May Cry 2, Devil May Cry 3, and Devil May Cry 4. - Alternative voices: Style Rank Announcers, Title Calls. - Live Action Cutscenes. Note: Devil Breakers and alternative music/voices/cutscenes are usable from mission 2 onwards. Dante weapon Cavaliere R can be used after acquiring the the Cavaliere. Use the Gallery > Jukebox option to change music/voices and the Options > Cutscene Customize option to change cutscenes. Live Action Cutscenes voice audio is in Japanese only. . Please check your previous purchases to avoid duplication. Digital Deluxe Edition. About the GameThe Devil you know returns in this brand new entry in the over-the-top action series available on the PC. Prepare to get downright demonic with this signature blend of high-octane stylized action and otherworldly & original characters the series is known for. Director Hideaki Itsuno and the core team have returned to create the most insane, technically advanced and utterly unmissable action experience of this generation!. The threat of demonic power has returned to menace the world once again in Devil May Cry 5. The invasion begins when the seeds of a \u201cdemon tree\u201d take root in Red Grave City. As this hellish incursion starts to take over the city, a young demon hunter Nero, arrives with his partner Nico in their \u201cDevil May Cry\u201d motorhome. Finding himself without the use of his right arm, Nero enlists Nico, a self-professed weapons artist, to design a variety of unique mechanical Devil Breaker arms to give him extra powers to take on evil demons such as the blood sucking flying Empusa and giant colossus enemy Goliath.FEATURESHigh octane stylized action \u2013 Featuring three playable characters each with a radically different stylish combat play style as they take on the city overrun with demons. Groundbreaking graphics \u2013 Developed with Capcom\u2019s in-house proprietary RE engine, the series continues to achieve new heights in fidelity with graphics that utilize photorealistic character designs and stunning lighting and environmental effects. . Take down the demonic invasion \u2013 Battle against epic bosses in adrenaline fueled fights across the over-run Red Grave City all to the beat of a truly killer soundtrack. . Demon hunter \u2013 Nero, one of the series main protagonists and a young demon hunter who has the blood of Sparda, heads to Red Grave City to face the hellish onslaught of demons, with weapons craftswoman and new partner-in-crime, Nico. Nero is also joined by stylish, legendary demon hunter, Dante and the mysterious new character, V.", + "about_the_game": "The Devil you know returns in this brand new entry in the over-the-top action series available on the PC. Prepare to get downright demonic with this signature blend of high-octane stylized action and otherworldly & original characters the series is known for. Director Hideaki Itsuno and the core team have returned to create the most insane, technically advanced and utterly unmissable action experience of this generation!The threat of demonic power has returned to menace the world once again in Devil May Cry 5. The invasion begins when the seeds of a \u201cdemon tree\u201d take root in Red Grave City. As this hellish incursion starts to take over the city, a young demon hunter Nero, arrives with his partner Nico in their \u201cDevil May Cry\u201d motorhome. Finding himself without the use of his right arm, Nero enlists Nico, a self-professed weapons artist, to design a variety of unique mechanical Devil Breaker arms to give him extra powers to take on evil demons such as the blood sucking flying Empusa and giant colossus enemy Goliath.FEATURESHigh octane stylized action \u2013 Featuring three playable characters each with a radically different stylish combat play style as they take on the city overrun with demonsGroundbreaking graphics \u2013 Developed with Capcom\u2019s in-house proprietary RE engine, the series continues to achieve new heights in fidelity with graphics that utilize photorealistic character designs and stunning lighting and environmental effects.Take down the demonic invasion \u2013 Battle against epic bosses in adrenaline fueled fights across the over-run Red Grave City all to the beat of a truly killer soundtrack. Demon hunter \u2013 Nero, one of the series main protagonists and a young demon hunter who has the blood of Sparda, heads to Red Grave City to face the hellish onslaught of demons, with weapons craftswoman and new partner-in-crime, Nico. Nero is also joined by stylish, legendary demon hunter, Dante and the mysterious new character, V.", + "short_description": "The ultimate Devil Hunter is back in style, in the game action fans have been waiting for.", + "genres": "Action", + "recommendations": 69447, + "score": 7.349313075284359 + }, + { + "type": "game", + "name": "The Evil Within 2", + "detailed_description": "Just UpdatedSign up for a Bethesda.net account or link your existing account to receive:. The AKUMU Difficulty Level to challenge the most die-hard players. . New gameplay options including Infinite Stamina, One-Shot Kills, and Invincibility. . Accolades. About the GameFrom mastermind Shinji Mikami, The Evil Within 2 is the latest evolution of survival horror. Detective Sebastian Castellanos has lost it all. But when given a chance to save his daughter, he must descend once more into the nightmarish world of STEM. Horrifying threats emerge from every corner as the world twists and warps around him. Will Sebastian face adversity head on with weapons and traps, or sneak through the shadows to survive. . Story of RedemptionReturn to the nightmare to win back your life and the ones you love. . Discover Horrifying DomainsExplore as far or quickly as you dare, but prepare wisely. . Face Disturbing EnemiesSurvive the onslaught of horrifying creatures determined to rip you apart. . Choose How to SurviveCraft traps, sneak, run and hide, or try to battle the horror with limited ammo. . Visceral Horror and SuspenseEnter a frightening world filled with anxiety-inducing thrills and disturbing moments.", + "about_the_game": "From mastermind Shinji Mikami, The Evil Within 2 is the latest evolution of survival horror. Detective Sebastian Castellanos has lost it all. But when given a chance to save his daughter, he must descend once more into the nightmarish world of STEM. Horrifying threats emerge from every corner as the world twists and warps around him. Will Sebastian face adversity head on with weapons and traps, or sneak through the shadows to survive. Story of RedemptionReturn to the nightmare to win back your life and the ones you love.Discover Horrifying DomainsExplore as far or quickly as you dare, but prepare wisely.Face Disturbing EnemiesSurvive the onslaught of horrifying creatures determined to rip you apart.Choose How to SurviveCraft traps, sneak, run and hide, or try to battle the horror with limited ammo.Visceral Horror and SuspenseEnter a frightening world filled with anxiety-inducing thrills and disturbing moments.", + "short_description": "Detective Sebastian Castellanos has lost everything, including his daughter, Lily. To save her, he must descend into the nightmarish world of STEM. Horrifying threats emerge from every corner, and he must rely on his wits to survive. For his one chance at redemption, the only way out is in.", + "genres": "Action", + "recommendations": 15464, + "score": 6.359150747643332 + }, + { + "type": "game", + "name": "Yu-Gi-Oh! Duel Links", + "detailed_description": "Take on Duelists around the world with \"Yu-Gi-Oh! Duel Links\"!. - Star-studded lineup includes: Yugi, Kaiba, Joey, Mai and more!. - Voices from the anime heighten the Dueling experience!. - Intuitive controls for beginners! The depth to satisfy \"Yu-Gi-Oh!\" veterans!. - Signature monsters with stunning 3D animations!. - Build your ultimate Deck and aim for the top!. Step into a world that crosses dimensions and connects all Duelists. In Duel World, any location transforms into a Duel Field where heated Duels unfold!. * Japanese text can only be selected if you started the game in Japan. . [FEATURES]. -Duels. The \"Yu-Gi-Oh!\" TCG (Trading Card Game) can be played digitally with newly designed, intuitive controls optimized for your personal computer! Also, signature monsters like \"Dark Magician\" and \"Blue-Eyes White Dragon\" make their appearance with dynamic visuals!. -Single Campaign (Duel World). Duel as your favorite characters from the \"Yu-Gi-Oh!\" world and complete Stage Missions to earn various rewards!. New cards can be obtained from the Shop! . -Duelists. Challenge Yugi, Kaiba, Joey, Mai and other Legendary Duelists! Complete specific Missions to unlock and these characters!. Earn Skills and rewards by leveling up your favorite characters!. -Online PvP. With \"Yu-Gi-Oh! Duel Links,\" engage in heated Duels anytime and anywhere against players around the world! Climb through the rankings and claim the title of King of Games!. -Decks. Build your very own Deck with cards you collect in-game and take on opponents!. Stay tuned for future card additions!. [ABOUT \"Yu-Gi-Oh!\"]. \"Yu-Gi-Oh!\" is a popular manga created by Kazuki Takahashi that was serialized in SHUEISHA Inc.'s \"WEEKLY SHONEN JUMP\" from 1996. Konami Digital Entertainment Co., Ltd. provides a Trading Card Game (TCG) and video games, based on the \"Yu-Gi-Oh!\" anime series created from the original manga, that are enjoyed around the world.", + "about_the_game": "Take on Duelists around the world with \"Yu-Gi-Oh! Duel Links\"!- Star-studded lineup includes: Yugi, Kaiba, Joey, Mai and more!- Voices from the anime heighten the Dueling experience!- Intuitive controls for beginners! The depth to satisfy \"Yu-Gi-Oh!\" veterans!- Signature monsters with stunning 3D animations!- Build your ultimate Deck and aim for the top!Step into a world that crosses dimensions and connects all Duelists. In Duel World, any location transforms into a Duel Field where heated Duels unfold!* Japanese text can only be selected if you started the game in Japan.[FEATURES]-DuelsThe \"Yu-Gi-Oh!\" TCG (Trading Card Game) can be played digitally with newly designed, intuitive controls optimized for your personal computer! Also, signature monsters like \"Dark Magician\" and \"Blue-Eyes White Dragon\" make their appearance with dynamic visuals!-Single Campaign (Duel World)Duel as your favorite characters from the \"Yu-Gi-Oh!\" world and complete Stage Missions to earn various rewards!New cards can be obtained from the Shop! -DuelistsChallenge Yugi, Kaiba, Joey, Mai and other Legendary Duelists! Complete specific Missions to unlock and these characters!Earn Skills and rewards by leveling up your favorite characters!-Online PvPWith \"Yu-Gi-Oh! Duel Links,\" engage in heated Duels anytime and anywhere against players around the world! Climb through the rankings and claim the title of King of Games!-DecksBuild your very own Deck with cards you collect in-game and take on opponents!Stay tuned for future card additions![ABOUT \"Yu-Gi-Oh!\"]\"Yu-Gi-Oh!\" is a popular manga created by Kazuki Takahashi that was serialized in SHUEISHA Inc.'s \"WEEKLY SHONEN JUMP\" from 1996. Konami Digital Entertainment Co., Ltd. provides a Trading Card Game (TCG) and video games, based on the \"Yu-Gi-Oh!\" anime series created from the original manga, that are enjoyed around the world.", + "short_description": "Take on Duelists around the world with "Yu-Gi-Oh! Duel Links"! Step into a world that crosses dimensions and connects all Duelists. In Duel World, any location transforms into a Duel Field where heated Duels unfold!", + "genres": "Free to Play", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Barotrauma", + "detailed_description": "Buzz DISCORD. About the Game\"Work together to explore and survive, and/or sabotage one another and let the ship go down in fire and flood.\". - Rock Paper ShotgunWELCOME TO EUROPABarotrauma is a 2D co-op survival horror submarine simulator, inspired by games like FTL: Faster Than Light, Rimworld, Dwarf Fortress and Space Station 13. It\u2019s a Sci-Fi game that combines ragdoll physics and alien sea monsters with teamwork and existential fear. . EMBRACE THE ABYSSIn the not too distant future, humanity has fled to Jupiter\u2019s moon. With its irradiated icy surface, life can only be found in the ocean below. Travel through a punishing underwater environment and make friends or rivals of the four factions of the world. Discover what lies in the depths of Europa.HELP YOUR CREW SUCCEED, OR MAKE SURE NO ONE DOESThere are as many ways to enjoy Barotrauma as there are ways to die in it. Work together with your crew to achieve your goals, or brace for betrayal when you have a traitor on board. Play with friends, strangers, or your worst enemies.EXPLORE, OPERATE, COMMUNICATENavigate underwater, complete missions for the last remnants of humankind, explore the ruins of an alien civilization, flee or fight monsters. Operate complex on-board systems and devices like the sonar, nuclear reactor, weapons, engines and pumps. Communication is key!. EXPERIMENT, CRAFT, CREATEMaster the complex on-board wiring and the comprehensive crafting and medical systems. Create your own submarines and monsters with built-in editors to rival the standard ones. Even tap directly into our source code and mod away.FeaturesPlay with up to 16 players on board a submarine. Supplement your player count with bots as needed in either singleplayer or multiplayer game modes. . 6 player classes with different skills and tasks: Captain, Engineer, Mechanic, Medic, Security officer and Assistant. . Talent system: Gain experience and unlock talents to improve your character. Each class has three specialization talent trees to customize your playstyle. . Faction and reputation mechanics: Choose who to ally with, help their cause, reap the benefits or suffer the consequences. . Procedurally generated world and missions with multiple game modes for virtually endless replayability. . Comprehensive crafting system: gather materials, craft equipment, weapons, medicines and more to help your crew survive on Europa. . Built-in Submarine, Character and Procedural Animation editors. Share and discover mods directly via Steam Workshop. . Most game data exposed in .xml and the game\u2019s source code publicly available on GitHub for modding.", + "about_the_game": "\"Work together to explore and survive, and/or sabotage one another and let the ship go down in fire and flood.\"- Rock Paper ShotgunWELCOME TO EUROPABarotrauma is a 2D co-op survival horror submarine simulator, inspired by games like FTL: Faster Than Light, Rimworld, Dwarf Fortress and Space Station 13. It\u2019s a Sci-Fi game that combines ragdoll physics and alien sea monsters with teamwork and existential fear.EMBRACE THE ABYSSIn the not too distant future, humanity has fled to Jupiter\u2019s moon. With its irradiated icy surface, life can only be found in the ocean below. Travel through a punishing underwater environment and make friends or rivals of the four factions of the world. Discover what lies in the depths of Europa.HELP YOUR CREW SUCCEED, OR MAKE SURE NO ONE DOESThere are as many ways to enjoy Barotrauma as there are ways to die in it. Work together with your crew to achieve your goals, or brace for betrayal when you have a traitor on board. Play with friends, strangers, or your worst enemies.EXPLORE, OPERATE, COMMUNICATENavigate underwater, complete missions for the last remnants of humankind, explore the ruins of an alien civilization, flee or fight monsters. Operate complex on-board systems and devices like the sonar, nuclear reactor, weapons, engines and pumps. Communication is key!EXPERIMENT, CRAFT, CREATEMaster the complex on-board wiring and the comprehensive crafting and medical systems. Create your own submarines and monsters with built-in editors to rival the standard ones. Even tap directly into our source code and mod away.FeaturesPlay with up to 16 players on board a submarine. Supplement your player count with bots as needed in either singleplayer or multiplayer game modes.6 player classes with different skills and tasks: Captain, Engineer, Mechanic, Medic, Security officer and Assistant. Talent system: Gain experience and unlock talents to improve your character. Each class has three specialization talent trees to customize your playstyle.Faction and reputation mechanics: Choose who to ally with, help their cause, reap the benefits or suffer the consequences. Procedurally generated world and missions with multiple game modes for virtually endless replayability.Comprehensive crafting system: gather materials, craft equipment, weapons, medicines and more to help your crew survive on Europa. Built-in Submarine, Character and Procedural Animation editors. Share and discover mods directly via Steam Workshop.Most game data exposed in .xml and the game\u2019s source code publicly available on GitHub for modding.", + "short_description": "Barotrauma is a 2D co-op submarine simulator \u2013 in space, with survival horror and RPG elements. Steer your submarine, complete missions, fight monsters, fix leaks, operate machinery, man the guns and craft items, and stay alert: danger in Barotrauma doesn\u2019t announce itself!", + "genres": "Action", + "recommendations": 34786, + "score": 6.893564798224635 + }, + { + "type": "game", + "name": "Age of History II", + "detailed_description": "Age of History IIAge of History is a grand strategy wargame that is simple to learn yet hard to master. . Your objective is to use military tactics and cunning diplomacy to either unify the world, or conquer it. Will the world bleed out or bow before you? The choice is yours. Approach to the HistoryAge of History II goes through the whole history of humanity, Age by Age, beginning in the Age of Civ and leading into the far futureHistorical Grand CampaignPlay as many Civilizations ranging from the largest empire to the smallest tribe, and lead your people to glory in a campaign spanning thousands of years from the dawn of civilization to the future of mankindMain Features. Detailed map of the world with many historical borders. Deeper diplomatic system between Civilizations. Peace treaties. Revolutions. Create own History using in-game editors. Hotseat, play with as many players as Civilizations in scenario!. Terrain Types. More detailed diversity of Populations. End game timelapsesCreate own world and play it!Scenario Editor, create own historical or alternate history scenarios and share them with community!. Civilization Creator. Flag maker. Wasteland Editor. Map EditorsCreate own maps!. Provinces Editor. Terrain Types Editor. Growth Rate Editor. Cities Editor. Game EditorsAdd and customize own Terrain Types. Create own pallet of Civilizations colors and share them!. Create own Continents. Service Ribbons Editor. Random alliances names Editor. Diplomacy Colors Editor.", + "about_the_game": "Age of History IIAge of History is a grand strategy wargame that is simple to learn yet hard to master.Your objective is to use military tactics and cunning diplomacy to either unify the world, or conquer it.Will the world bleed out or bow before you? The choice is yours..Approach to the HistoryAge of History II goes through the whole history of humanity, Age by Age, beginning in the Age of Civ and leading into the far futureHistorical Grand CampaignPlay as many Civilizations ranging from the largest empire to the smallest tribe, and lead your people to glory in a campaign spanning thousands of years from the dawn of civilization to the future of mankindMain FeaturesDetailed map of the world with many historical bordersDeeper diplomatic system between CivilizationsPeace treatiesRevolutionsCreate own History using in-game editorsHotseat, play with as many players as Civilizations in scenario!Terrain TypesMore detailed diversity of PopulationsEnd game timelapsesCreate own world and play it!Scenario Editor, create own historical or alternate history scenarios and share them with community!Civilization CreatorFlag makerWasteland EditorMap EditorsCreate own maps!Provinces EditorTerrain Types EditorGrowth Rate EditorCities EditorGame EditorsAdd and customize own Terrain TypesCreate own pallet of Civilizations colors and share them!Create own ContinentsService Ribbons EditorRandom alliances names EditorDiplomacy Colors Editor", + "short_description": "Age of History II is a grand strategy wargame that is simple to learn yet hard to master.Your objective is to use military tactics and cunning diplomacy to either unify the world, or conquer it.Will the world bleed out or bow before you? The choice is yours..", + "genres": "Strategy", + "recommendations": 32563, + "score": 6.850031658878456 + }, + { + "type": "game", + "name": "Moonlighter", + "detailed_description": "DISCOVER THE UPCOMING GAME FROM DIGITAL SUN PLAY A NEW GAME FROM DIGITAL SUN About the Game. Since the release, Moonlighter has been updated with tons of new content. From the smallest changes like key bindings improvements, bug fixes and balance tweaks, to huge innovations that we have promised in our Road Map - current version of\u00a0Moonlighter delivers the original experience with a range of game-changing enhancements for players old and new. . Confront unfamiliar\u00a0mini-bosses\u00a0using\u00a0brand-new weapons, armor, rings and amulets.\u00a0Wander around\u00a0100 fresh room patterns, with the help of\u00a09 brave Companions, and\u00a0discover even\u00a0more lore and story.\u00a0Finish the main adventure to unlock\u00a0New Game+\u00a0mode with additional challenges and options. . . During a long-passed archaeological excavation, a set of Gates were discovered. People quickly realized that these ancient passages lead to different realms and dimensions \u2013 providing brave and reckless adventurers with treasures beyond measure. Rynoka, a small commercial village, was founded near the excavation site providing refuge and a place for adventurers to sell their hard-earned riches. . . Moonlighter is an Action RPG with rogue-lite elements following the everyday routines of Will, an adventurous shopkeeper that dreams of becoming a hero.Features:SHOPKEEPING. While conducting your business in Rynoka village, you can put items on sale, set their price carefully, manage gold reserves, recruit assistants and upgrade the shop. Be careful though \u2013 some shady individuals may want to steal your precious wares!FIGHT WITH STYLE. Defeat various enemies and bosses, and revel in challenging and deep combat mechanics. Masterful control of your weapons, critical timing, careful positioning, and an understanding of your enemies and environment are crucial to your survival. How you battle your enemies is up to you.MEET VILLAGERS. Get to know your neighbors as you restore the prosperity of this small commercial hamlet. Help establish new businesses and watch them grow in the idyllic community of Rynoka.CRAFT AND ENCHANT. Understanding the crafting and enchanting system is essential for your progression. Interact with the villagers to craft new armor and weapons, and enchant existing equipment. This creates a great deal of flexibility and spices up the way equipment is used.GET THE LOOT. Access strange worlds through otherworldly gates and collect valuable items from exotic civilizations: resources, weapons, armors and peculiar artifacts. Hoarding everything won't be possible - use the unique inventory system wisely to take the most profitable loot with you.BEFRIEND COMPANIONS. Gates lead to different worlds. Each run is unique and forces you to make smart and calculated decisions. You never know what you will encounter next \u2013 that\u2019s why you must be prepared for everything. .", + "about_the_game": "Since the release, Moonlighter has been updated with tons of new content. From the smallest changes like key bindings improvements, bug fixes and balance tweaks, to huge innovations that we have promised in our Road Map - current version of\u00a0Moonlighter delivers the original experience with a range of game-changing enhancements for players old and new.Confront unfamiliar\u00a0mini-bosses\u00a0using\u00a0brand-new weapons, armor, rings and amulets.\u00a0Wander around\u00a0100 fresh room patterns, with the help of\u00a09 brave Companions, and\u00a0discover even\u00a0more lore and story.\u00a0Finish the main adventure to unlock\u00a0New Game+\u00a0mode with additional challenges and options.During a long-passed archaeological excavation, a set of Gates were discovered. People quickly realized that these ancient passages lead to different realms and dimensions \u2013 providing brave and reckless adventurers with treasures beyond measure. Rynoka, a small commercial village, was founded near the excavation site providing refuge and a place for adventurers to sell their hard-earned riches.Moonlighter is an Action RPG with rogue-lite elements following the everyday routines of Will, an adventurous shopkeeper that dreams of becoming a hero.Features:SHOPKEEPINGWhile conducting your business in Rynoka village, you can put items on sale, set their price carefully, manage gold reserves, recruit assistants and upgrade the shop. Be careful though \u2013 some shady individuals may want to steal your precious wares!FIGHT WITH STYLEDefeat various enemies and bosses, and revel in challenging and deep combat mechanics. Masterful control of your weapons, critical timing, careful positioning, and an understanding of your enemies and environment are crucial to your survival. How you battle your enemies is up to you.MEET VILLAGERSGet to know your neighbors as you restore the prosperity of this small commercial hamlet. Help establish new businesses and watch them grow in the idyllic community of Rynoka.CRAFT AND ENCHANTUnderstanding the crafting and enchanting system is essential for your progression. Interact with the villagers to craft new armor and weapons, and enchant existing equipment. This creates a great deal of flexibility and spices up the way equipment is used.GET THE LOOTAccess strange worlds through otherworldly gates and collect valuable items from exotic civilizations: resources, weapons, armors and peculiar artifacts. Hoarding everything won't be possible - use the unique inventory system wisely to take the most profitable loot with you.BEFRIEND COMPANIONSGates lead to different worlds. Each run is unique and forces you to make smart and calculated decisions. You never know what you will encounter next \u2013 that\u2019s why you must be prepared for everything.", + "short_description": "Moonlighter is an Action RPG with rogue-lite elements that demonstrates two sides of the coin \u2013 revealing everyday routines of Will, an adventurous shopkeeper that secretly dreams of becoming a hero.", + "genres": "Action", + "recommendations": 12428, + "score": 6.215078094799931 + }, + { + "type": "game", + "name": "Darksiders III", + "detailed_description": "Digital Deluxe Edition. The Deluxe Edition includes Darksiders III, its Soundtrack and 2 paid DLCs that will be released post launch of Darksiders III. About the Game. Return to an apocalyptic Earth in Darksiders III, a hack-n-slash Action Adventure where players assume the role of FURY in her quest to hunt down and dispose of the Seven Deadly Sins. The most unpredictable and enigmatic of the Four Horsemen, FURY must succeed where many have failed \u2013 to bring balance to the forces that now ravage Earth. Darksiders III is the long-anticipated, third chapter in the critically-acclaimed Darksiders franchise. . Play as FURY - a mage who must rely on her whip and magic to restore the balance between good and evil on Earth! . Harness FURY\u2019s magic to unleash her various forms \u2013 each granting her access to new weapons, moves and traversal abilities. . Explore an open-ended, living, free-form game world in which FURY moves back and forth between environments to uncover secrets while advancing the story. . Defeat the Seven Deadly Sins and their servants who range from mystical creatures to degenerated beings. . Sit in awe of Darksiders signature art style \u2013 expansive post-apocalyptic environments that take the player from the heights of heaven to the depths of hell, dilapidated by war and decay and overrun by nature.", + "about_the_game": "Return to an apocalyptic Earth in Darksiders III, a hack-n-slash Action Adventure where players assume the role of FURY in her quest to hunt down and dispose of the Seven Deadly Sins. The most unpredictable and enigmatic of the Four Horsemen, FURY must succeed where many have failed \u2013 to bring balance to the forces that now ravage Earth. Darksiders III is the long-anticipated, third chapter in the critically-acclaimed Darksiders franchise.Play as FURY - a mage who must rely on her whip and magic to restore the balance between good and evil on Earth! Harness FURY\u2019s magic to unleash her various forms \u2013 each granting her access to new weapons, moves and traversal abilities.Explore an open-ended, living, free-form game world in which FURY moves back and forth between environments to uncover secrets while advancing the story. Defeat the Seven Deadly Sins and their servants who range from mystical creatures to degenerated beings. Sit in awe of Darksiders signature art style \u2013 expansive post-apocalyptic environments that take the player from the heights of heaven to the depths of hell, dilapidated by war and decay and overrun by nature.", + "short_description": "Return to an apocalyptic Earth in Darksiders III, a hack-n-slash Action Adventure where players assume the role of FURY in her quest to hunt down and dispose of the Seven Deadly Sins. The most enigmatic of the Four Horsemen, FURY must bring balance to the forces that now ravage Earth.", + "genres": "Action", + "recommendations": 9285, + "score": 6.0228964322341625 + }, + { + "type": "game", + "name": "Quake Champions", + "detailed_description": "Developed by id Software, in conjunction with Saber Interactive, Quake\u00ae Champions is a fast-paced arena shooter that combines the dark mythos of the original Quake with the skill-based competition of Quake III Arena, and then adds a twist\u2014Champions, each with unique attributes and abilities for you to master.Key FeaturesFast-paced Arena CombatQuake\u2019s signature rocket jumping, skill-based competition, and incredible speed remains intact, providing veterans with a welcome return and new players a fresh way to showcase their multiplayer skills.Incredible, Diverse ChampionsQuake Champions introduces 16 elite Champions, each equipped with unique attributes and abilities to fit your play style. The entire roster of Champions can be unlocked within the game.Uncompromising Weapons, Ready For BattleQuake\u2019s devastating arsenal of flesh-chewing weaponry, including fan-favorites like the thunderous Rocket Launcher, electrifying Lightning Gun, and snipe-tastic Railgun are back alongside new additions for you to master.Intense Game ModesEstablished and beloved game modes return, including the gib-filled fragfests of Deathmatch and Team Deathmatch and the competitive fury of 1v1 Duel mode, while a new team-based mode, Sacrifice, joins the fray.", + "about_the_game": "Developed by id Software, in conjunction with Saber Interactive, Quake\u00ae Champions is a fast-paced arena shooter that combines the dark mythos of the original Quake with the skill-based competition of Quake III Arena, and then adds a twist\u2014Champions, each with unique attributes and abilities for you to master.Key FeaturesFast-paced Arena CombatQuake\u2019s signature rocket jumping, skill-based competition, and incredible speed remains intact, providing veterans with a welcome return and new players a fresh way to showcase their multiplayer skills.Incredible, Diverse ChampionsQuake Champions introduces 16 elite Champions, each equipped with unique attributes and abilities to fit your play style. The entire roster of Champions can be unlocked within the game.Uncompromising Weapons, Ready For BattleQuake\u2019s devastating arsenal of flesh-chewing weaponry, including fan-favorites like the thunderous Rocket Launcher, electrifying Lightning Gun, and snipe-tastic Railgun are back alongside new additions for you to master.Intense Game ModesEstablished and beloved game modes return, including the gib-filled fragfests of Deathmatch and Team Deathmatch and the competitive fury of 1v1 Duel mode, while a new team-based mode, Sacrifice, joins the fray.", + "short_description": "Step into the Arena. Compete against players from around the world in this fast-paced shooter that combines the dark mythos of the original Quake with the skill-based competition of Quake III Arena. Become a Champion.", + "genres": "Action", + "recommendations": 6282, + "score": 5.765361531903222 + }, + { + "type": "game", + "name": "Wolfenstein II: The New Colossus", + "detailed_description": "Accolades. About the GameWolfenstein\u00ae II: The New Colossus\u2122 is the highly anticipated sequel to the critically acclaimed, Wolfenstein\u00ae: The New Order\u2122 developed by the award-winning studio MachineGames. . An exhilarating adventure brought to life by the industry-leading id Tech\u00ae 6, Wolfenstein\u00ae II sends players to Nazi-controlled America on a mission to recruit the boldest resistance leaders left. Fight the Nazis in iconic American locations, equip an arsenal of badass guns, and unleash new abilities to blast your way through legions of Nazi soldiers in this definitive first-person shooter.STORY: . America, 1961. Your assassination of Nazi General Deathshead was a short-lived victory. Despite the setback, the Nazis maintain their stranglehold on the world. You are BJ Blazkowicz, aka \u201cTerror-Billy,\u201d member of the Resistance, scourge of the Nazi empire, and humanity\u2019s last hope for liberty. Only you have the guts, guns, and gumption to return stateside, kill every Nazi in sight, and spark the second American Revolution.KEY FEATURES:The Mission: Liberate America from the NazisStrap in for a heart-pounding journey as you fight the Nazi war machine on American soil. As BJ Blazkowicz, protect your family and friends, forge new alliances and face the demons of your troubled past as you rally pockets of resistance to overthrow the Nazi occupation.The People: Rally the ResistanceImmerse yourself in a world brought to life by unforgettable characters who bring a new level of personality to the franchise. Reunite with your friends and fellow freedom fighters such as Anya, Caroline, Bombate, Set, Max Hass, Fergus or Wyatt, and befriend new characters such as Horton and Grace as you take on the evil Frau Engel and her Nazi army.The Arsenal: Wield Devastating Guns and Future TechBlast Nazis to bits with high-tech weaponry such as the Laserkraftwerk, a multi-purpose, high-intensity laser weapon that can disintegrate enemies, or the Dieselkraftwerk, a rapid-fire, gas-powered grenade launcher that can devastate groups of enemies, or get up close and personal with advanced pistols, submachine guns, and hatchets. When you need a little more versatility, upgrade and dual-wield your favorite guns!The Plan: Kill Every Nazi in Your WayEveryone\u2019s favorite pastime! Unleash your inner war hero as you annihilate Nazis in new and hyper-violent ways. Lock and load futuristic guns and discover BJ\u2019s new set of abilities as you fight to free America. Regardless of your playstyle, invent all-new ways of stabbing, shooting, and killing Nazis.", + "about_the_game": "Wolfenstein\u00ae II: The New Colossus\u2122 is the highly anticipated sequel to the critically acclaimed, Wolfenstein\u00ae: The New Order\u2122 developed by the award-winning studio MachineGames. An exhilarating adventure brought to life by the industry-leading id Tech\u00ae 6, Wolfenstein\u00ae II sends players to Nazi-controlled America on a mission to recruit the boldest resistance leaders left. Fight the Nazis in iconic American locations, equip an arsenal of badass guns, and unleash new abilities to blast your way through legions of Nazi soldiers in this definitive first-person shooter.STORY: America, 1961. Your assassination of Nazi General Deathshead was a short-lived victory. Despite the setback, the Nazis maintain their stranglehold on the world. You are BJ Blazkowicz, aka \u201cTerror-Billy,\u201d member of the Resistance, scourge of the Nazi empire, and humanity\u2019s last hope for liberty. Only you have the guts, guns, and gumption to return stateside, kill every Nazi in sight, and spark the second American Revolution.KEY FEATURES:The Mission: Liberate America from the NazisStrap in for a heart-pounding journey as you fight the Nazi war machine on American soil. As BJ Blazkowicz, protect your family and friends, forge new alliances and face the demons of your troubled past as you rally pockets of resistance to overthrow the Nazi occupation.The People: Rally the ResistanceImmerse yourself in a world brought to life by unforgettable characters who bring a new level of personality to the franchise. Reunite with your friends and fellow freedom fighters such as Anya, Caroline, Bombate, Set, Max Hass, Fergus or Wyatt, and befriend new characters such as Horton and Grace as you take on the evil Frau Engel and her Nazi army.The Arsenal: Wield Devastating Guns and Future TechBlast Nazis to bits with high-tech weaponry such as the Laserkraftwerk, a multi-purpose, high-intensity laser weapon that can disintegrate enemies, or the Dieselkraftwerk, a rapid-fire, gas-powered grenade launcher that can devastate groups of enemies, or get up close and personal with advanced pistols, submachine guns, and hatchets. When you need a little more versatility, upgrade and dual-wield your favorite guns!The Plan: Kill Every Nazi in Your WayEveryone\u2019s favorite pastime! Unleash your inner war hero as you annihilate Nazis in new and hyper-violent ways. Lock and load futuristic guns and discover BJ\u2019s new set of abilities as you fight to free America. Regardless of your playstyle, invent all-new ways of stabbing, shooting, and killing Nazis.", + "short_description": "America, 1961. The assassination of Nazi General Deathshead was a short-lived victory. The Nazis maintain their stranglehold on the world. You are BJ Blazkowicz, aka \u201cTerror-Billy,\u201d member of the Resistance, scourge of the Nazi empire, and humanity\u2019s last hope for liberty.", + "genres": "Action", + "recommendations": 24911, + "score": 6.673451850569486 + }, + { + "type": "game", + "name": "House Flipper", + "detailed_description": "Check out our friend's games! About the Game. Check out our friends game:. . You've got to earn it around here before you purchase your first property. No worries though! Luckily, there's plenty of work at your fingertips! . Take job offers from nearby residents - clean up, paint walls, install heaters, showers, and air conditioners, or even furnish their whole property! . Once the grateful clients pay you for your solid work, it's time to get your own house. . . Grab your hammer! It's time to take a bit of a rude approach and knock some walls down! . Get rid of broken glass shards, litter, and leftover pieces of furniture, to prepare the place for a complete makeover! . It's up to you to either meet every single requirement of specific buyers or make yourself a cozy office to grow your business in. . . Fortunately, you're not alone. The set of your trustiest tools is here with ya! . With the help of your paint roller, window cleaner, plaster tool, mop, hammer, and of course, the mighty tablet, no renovation will scare you! . Using those tools also gives you experience, which can be used to upgrade them and polish your skills, making your work even more pleasant. . . Regardless if you plan to create the house of your dreams, help the residents with their renovations or feel the need to smack some walls - . House Flipper is here for You! So just sit comfortably, let go off your usual daily routine, and delve into the world of House Flipper. into your world!. . ", + "about_the_game": "Check out our friends game:You've got to earn it around here before you purchase your first property. No worries though! Luckily, there's plenty of work at your fingertips! Take job offers from nearby residents - clean up, paint walls, install heaters, showers, and air conditioners, or even furnish their whole property! Once the grateful clients pay you for your solid work, it's time to get your own house.Grab your hammer! It's time to take a bit of a rude approach and knock some walls down! Get rid of broken glass shards, litter, and leftover pieces of furniture, to prepare the place for a complete makeover! It's up to you to either meet every single requirement of specific buyers or make yourself a cozy office to grow your business in.Fortunately, you're not alone. The set of your trustiest tools is here with ya! With the help of your paint roller, window cleaner, plaster tool, mop, hammer, and of course, the mighty tablet, no renovation will scare you! Using those tools also gives you experience, which can be used to upgrade them and polish your skills, making your work even more pleasant.Regardless if you plan to create the house of your dreams, help the residents with their renovations or feel the need to smack some walls - House Flipper is here for You! So just sit comfortably, let go off your usual daily routine, and delve into the world of House Flipper... into your world!", + "short_description": "House Flipper is a unique chance to become a one-man renovation crew. Buy, repair and remodel devastated houses. Give them a second life and sell them at a profit!", + "genres": "Indie", + "recommendations": 68380, + "score": 7.339106047890947 + }, + { + "type": "game", + "name": "Remnant: From the Ashes", + "detailed_description": "NEW CONTENT. About the GameRemnant: From the Ashes is a third-person survival action shooter set in a post-apocalyptic world overrun by monstrous creatures. As one of the last remnants of humanity, you\u2019ll set out alone or alongside up to two other players to face down hordes of deadly enemies and epic bosses, and try to carve a foothold, rebuild, and then retake what was lost. . A REMNANT OF MANKIND. The world has been thrown into chaos by an ancient evil from another dimension. Humanity is struggling to survive, but they possess the technology to open portals to other realms and alternate realities. They must travel through these portals to uncover the mystery of where the evil came from, scavenge resources to stay alive, and fight back to carve out a foothold for mankind to rebuild. . ENDLESS FANTASTIC REALMS AWAIT. Explore dynamically-generated worlds that change each time you play through them, creating new maps, enemy encounters, quest opportunities, and in-world events. Each of the game\u2019s four unique worlds is filled with monstrous denizens and environments that will provide fresh challenges with each playthrough. Adapt and explore\u2026 or die trying. . SCAVENGE. UPGRADE. SPECIALIZE. Overcome tough-as-nails enemies and epic bosses throughout hostile environments to earn experience, valuable loot and upgrade materials you can use to build a wicked arsenal of weapons, armor, and modifications to approach each encounter dozens of unique ways. . STRENGTH IN NUMBERS. Invading other worlds to seek an end to the Root is dangerous and survival is far from guaranteed. Team up with up to two other players to increase your chances of survival. Teamwork is necessary to make it through the game\u2019s toughest challenges\u2026 and unlock its greatest rewards.", + "about_the_game": "Remnant: From the Ashes is a third-person survival action shooter set in a post-apocalyptic world overrun by monstrous creatures. As one of the last remnants of humanity, you\u2019ll set out alone or alongside up to two other players to face down hordes of deadly enemies and epic bosses, and try to carve a foothold, rebuild, and then retake what was lost.A REMNANT OF MANKINDThe world has been thrown into chaos by an ancient evil from another dimension. Humanity is struggling to survive, but they possess the technology to open portals to other realms and alternate realities. They must travel through these portals to uncover the mystery of where the evil came from, scavenge resources to stay alive, and fight back to carve out a foothold for mankind to rebuild...ENDLESS FANTASTIC REALMS AWAITExplore dynamically-generated worlds that change each time you play through them, creating new maps, enemy encounters, quest opportunities, and in-world events. Each of the game\u2019s four unique worlds is filled with monstrous denizens and environments that will provide fresh challenges with each playthrough. Adapt and explore\u2026 or die trying.SCAVENGE. UPGRADE. SPECIALIZE.Overcome tough-as-nails enemies and epic bosses throughout hostile environments to earn experience, valuable loot and upgrade materials you can use to build a wicked arsenal of weapons, armor, and modifications to approach each encounter dozens of unique ways.STRENGTH IN NUMBERS.Invading other worlds to seek an end to the Root is dangerous and survival is far from guaranteed. Team up with up to two other players to increase your chances of survival. Teamwork is necessary to make it through the game\u2019s toughest challenges\u2026 and unlock its greatest rewards.", + "short_description": "The world has been thrown into chaos by an ancient evil from another dimension. As one of the last remnants of humanity, you must set out alone or alongside up to two other survivors to face down hordes of deadly enemies to try to carve a foothold, rebuild, and retake what was lost.", + "genres": "Action", + "recommendations": 39237, + "score": 6.972937319373928 + }, + { + "type": "game", + "name": "Beat Saber", + "detailed_description": "Beat Saber is an immersive rhythm experience you have never seen before! Enjoy tons of handcrafted levels and swing your way through the pulsing music beats, surrounded by a futuristic world. Use your sabers to slash the beats as they come flying at you \u2013 every beat indicates which saber you need to use and the direction you need to match. With Beat Saber you become a dancing superhero!FeaturesFeel the Rhythm: Immerse yourself in the smoothest combination of music beats and visual effects in Beat Saber\u2019s truly unique gameplay. . Handcrafted Levels & Music: Unlike other rhythm games with generated content, music and levels in Beat Saber are drawn precisely by hand to enhance the music experience. . Compete in Multiplayer: Challenge your friends or random opponents around the world. . Challenging Campaign: Get better every day while completing objectives and challenges in the Campaign. . Rise Up the Global Leaderboards: Compete against other Beat Saberists around the world in various difficulties. . Easy to Learn, Fun to Master: Everyone can understand the basic game mechanics. It's easy for anyone to pick up and play. . Great Exercise: Exercise while dancing and slashing the beats, Beat Saber gets you moving.", + "about_the_game": "Beat Saber is an immersive rhythm experience you have never seen before! Enjoy tons of handcrafted levels and swing your way through the pulsing music beats, surrounded by a futuristic world. Use your sabers to slash the beats as they come flying at you \u2013 every beat indicates which saber you need to use and the direction you need to match. With Beat Saber you become a dancing superhero!FeaturesFeel the Rhythm: Immerse yourself in the smoothest combination of music beats and visual effects in Beat Saber\u2019s truly unique gameplay.Handcrafted Levels & Music: Unlike other rhythm games with generated content, music and levels in Beat Saber are drawn precisely by hand to enhance the music experience.Compete in Multiplayer: Challenge your friends or random opponents around the world. Challenging Campaign: Get better every day while completing objectives and challenges in the Campaign.Rise Up the Global Leaderboards: Compete against other Beat Saberists around the world in various difficulties. Easy to Learn, Fun to Master: Everyone can understand the basic game mechanics. It's easy for anyone to pick up and play.Great Exercise: Exercise while dancing and slashing the beats, Beat Saber gets you moving.", + "short_description": "Beat Saber is a VR rhythm game where you slash the beats of adrenaline-pumping music as they fly towards you, surrounded by a futuristic world.", + "genres": "Indie", + "recommendations": 63314, + "score": 7.288363327946926 + }, + { + "type": "game", + "name": "PC Building Simulator", + "detailed_description": "Featured DLC. About the Game. Build your very own PC empire, from simple diagnosis and repairs to bespoke, boutique creations that would be the envy of any enthusiast. With an ever-expanding marketplace full of real-world components you can finally stop dreaming of that ultimate PC and get out there, build it and see how it benchmarks in 3DMark!. PC Building Simulator has already enjoyed viral success with over 650,000+ downloads of its pre-alpha demo and has now been lovingly developed into a fully-fledged simulation to allow you to build the PC of your dreams. . . Take charge of IT support for Irratech Corp in the IT Expansion which features over 20 hours of additional story content, included in PC Building Simulator completely for free. . . . The career mode in PC Building Simulator puts you in charge of your very own PC building and repair business. From your own cozy workshop, you must use all your technical skills to complete the various jobs that come your way. Customers will provide you with a range of jobs from simple upgrades and repairs to full system builds which you must complete while balancing your books to ensure you are still making a profit!. . . PC Building Simulator will allow you to experiment with a large selection of accurately modelled, fully licensed parts from your favourite real-world manufacturers. If money was no object, what would you build?. Build your PC from the case up with your favourite parts and express your building flair by choosing your favourite LED and cabling colors to really make it stand out. Choose from a range of air and water cooling solutions to keep it cool or even go all out with fully customizable water cooling loops! Once your rig is ready to go, turn it on and see how it benchmarks. Not happy with the results? Jump into the bios and try your hand at overclocking to see if you can get better results without breaking anything!. . . Does building your own PC seem like an impossible task?. PC Building Simulator aims to teach even the most novice PC user how their machine is put together with step-by-step instructions explaining the order parts should be assembled and providing useful information on what each part is and its function. .", + "about_the_game": "Build your very own PC empire, from simple diagnosis and repairs to bespoke, boutique creations that would be the envy of any enthusiast. With an ever-expanding marketplace full of real-world components you can finally stop dreaming of that ultimate PC and get out there, build it and see how it benchmarks in 3DMark!PC Building Simulator has already enjoyed viral success with over 650,000+ downloads of its pre-alpha demo and has now been lovingly developed into a fully-fledged simulation to allow you to build the PC of your dreams.Take charge of IT support for Irratech Corp in the IT Expansion which features over 20 hours of additional story content, included in PC Building Simulator completely for free.The career mode in PC Building Simulator puts you in charge of your very own PC building and repair business. From your own cozy workshop, you must use all your technical skills to complete the various jobs that come your way.Customers will provide you with a range of jobs from simple upgrades and repairs to full system builds which you must complete while balancing your books to ensure you are still making a profit!PC Building Simulator will allow you to experiment with a large selection of accurately modelled, fully licensed parts from your favourite real-world manufacturers.If money was no object, what would you build?Build your PC from the case up with your favourite parts and express your building flair by choosing your favourite LED and cabling colors to really make it stand out. Choose from a range of air and water cooling solutions to keep it cool or even go all out with fully customizable water cooling loops! Once your rig is ready to go, turn it on and see how it benchmarks. Not happy with the results? Jump into the bios and try your hand at overclocking to see if you can get better results without breaking anything!Does building your own PC seem like an impossible task?PC Building Simulator aims to teach even the most novice PC user how their machine is put together with step-by-step instructions explaining the order parts should be assembled and providing useful information on what each part is and its function.", + "short_description": "Build and grow your very own computer repair enterprise as you learn to diagnose, fix and build PCs. With real-world licensed components and comprehensive hardware and software simulation, you can plan and bring your ultimate PC to life.", + "genres": "Indie", + "recommendations": 38506, + "score": 6.960540093959011 + }, + { + "type": "game", + "name": "Idle Champions of the Forgotten Realms", + "detailed_description": "Key Features:. Collect Iconic Champions. Unlock Champions from across the Dungeons & Dragons multiverse including fan-favorites from novels, adventures, and live streams like Force Grey: Lost City of Omu, Acquisitions Incorporated, Black Dice Society, and The Oxventurers Guild. . Dungeons & Dragons Strategy Game. Master each Champion's formation abilities to complete adventures based on official Dungeons & Dragons books like Wild Beyond the Witchlight, Waterdeep: Dragon Heist, Baldur's Gate: Descent into Avernus, and Curse of Strahd. . Adventure in the Forgotten Realms. Journey throughout the Sword Coast and beyond, visiting cities like Waterdeep, Neverwinter, and Baldur's Gate. Venture to Icewind Dale, Chult, Barovia, the Nine Hells of Baator, and more!. Weekly Content Updates. Idle Champions has been actively developed since launching in 2017, releasing new campaigns each year, exciting new Champions every month, and new in-game features frequently. . Regular Events. Quarterly Celebrations. Time Gates. Offline Progress. Multi Party Mode. Modron Automation. Trials of Mount Tiamat. Original Bardic Inspiration Soundtrack by Jason Charles Miller. More information: ", + "about_the_game": "Key Features:Collect Iconic ChampionsUnlock Champions from across the Dungeons & Dragons multiverse including fan-favorites from novels, adventures, and live streams like Force Grey: Lost City of Omu, Acquisitions Incorporated, Black Dice Society, and The Oxventurers Guild.Dungeons & Dragons Strategy GameMaster each Champion's formation abilities to complete adventures based on official Dungeons & Dragons books like Wild Beyond the Witchlight, Waterdeep: Dragon Heist, Baldur's Gate: Descent into Avernus, and Curse of Strahd.Adventure in the Forgotten RealmsJourney throughout the Sword Coast and beyond, visiting cities like Waterdeep, Neverwinter, and Baldur's Gate. Venture to Icewind Dale, Chult, Barovia, the Nine Hells of Baator, and more!Weekly Content UpdatesIdle Champions has been actively developed since launching in 2017, releasing new campaigns each year, exciting new Champions every month, and new in-game features frequently.Regular EventsQuarterly CelebrationsTime GatesOffline ProgressMulti Party ModeModron AutomationTrials of Mount TiamatOriginal Bardic Inspiration Soundtrack by Jason Charles MillerMore information: ", + "short_description": "Idle Champions of the Forgotten Realms is a Dungeons & Dragons strategy management game uniting characters from throughout the D&D multiverse into a grand adventure.", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Soundpad", + "detailed_description": "Play sounds in voice chats in high digital quality. Try the free demo now!. You probably heard of soundboard, where people put sounds together like the popular Duke Nukem sounds. With Soundpad you can play them not only to yourself, but also to others.Features Play sounds in voice chats. Works in any voice related application like Teamspeak, Mumble, Skype, Discord or games like Dota2, CS:GO or PUBG. . Hotkeys. Set hotkeys for each and every sound file and play them quickly while ingame. . Sound recorder and editor. Soundpad has a built-in Sound recorder, which allows you to record what you hear. The integrated editor helps you to cut the sounds quickly. . Volume normalization. Some of your sound files are quiet while others are too loud? The integrated volume normalization will equalize the volume, so it meets the volume of your voice. . Easy setup. Soundpad extends your default recording device, which most commonly is your microphone, without installing additional devices. After a system restart you can enjoy playing sounds on your microphone. . Supported file types. aac, flac, m4a, mp3, ogg, wav, wma . Important notice: Soundpad installs an audio driver extension, which requires a system restart when you run Soundpad for the first time. . Furthermore, Soundpad requires deactivated Windows Audio DRM validation in order to work. If you want to watch a DRM protected DVD and run Soundpad at the same time, one of both will not work. You can toggle DRM validation in the options, when you are about to watch or listen to DRM protected media. . Check out the demo and start collecting your individual sounds!", + "about_the_game": "Play sounds in voice chats in high digital quality. Try the free demo now!You probably heard of soundboard, where people put sounds together like the popular Duke Nukem sounds. With Soundpad you can play them not only to yourself, but also to others.Features Play sounds in voice chatsWorks in any voice related application like Teamspeak, Mumble, Skype, Discord or games like Dota2, CS:GO or PUBG. HotkeysSet hotkeys for each and every sound file and play them quickly while ingame. Sound recorder and editorSoundpad has a built-in Sound recorder, which allows you to record what you hear. The integrated editor helps you to cut the sounds quickly. Volume normalizationSome of your sound files are quiet while others are too loud? The integrated volume normalization will equalize the volume, so it meets the volume of your voice. Easy setupSoundpad extends your default recording device, which most commonly is your microphone, without installing additional devices.After a system restart you can enjoy playing sounds on your microphone. Supported file typesaac, flac, m4a, mp3, ogg, wav, wma Important notice: Soundpad installs an audio driver extension, which requires a system restart when you run Soundpad for the first time. Furthermore, Soundpad requires deactivated Windows Audio DRM validation in order to work. If you want to watch a DRM protected DVD and run Soundpad at the same time, one of both will not work. You can toggle DRM validation in the options, when you are about to watch or listen to DRM protected media.Check out the demo and start collecting your individual sounds!", + "short_description": "Play sounds in voice chats in high digital quality. Add sounds or music to your microphone signal so others will hear it, too.", + "genres": "Audio Production", + "recommendations": 53278, + "score": 7.174593451682334 + }, + { + "type": "game", + "name": "Blade and Sorcery", + "detailed_description": "The era of the VR weightless, wiggle-sword combat is over. Blade & Sorcery is a medieval fantasy sandbox like no other, focusing on melee, ranged and magic combat that fully utilizes a unique and realistic physics driven interaction and combat system. . Built exclusively for VR, collisions are dictated by fine hitboxes, objects have weight and follow the laws of physics, creatures have full body physics and presence, and blades can be used to penetrate soft materials or deflect magic. . . In Blade & Sorcery, the combat is limited only by your own creativity. Choose your weapon, choose your stance, choose your fighting style; Be the powerful warrior, ranger or sorcerer you always dreamed of becoming!", + "about_the_game": "The era of the VR weightless, wiggle-sword combat is over. Blade & Sorcery is a medieval fantasy sandbox like no other, focusing on melee, ranged and magic combat that fully utilizes a unique and realistic physics driven interaction and combat system.Built exclusively for VR, collisions are dictated by fine hitboxes, objects have weight and follow the laws of physics, creatures have full body physics and presence, and blades can be used to penetrate soft materials or deflect magic.In Blade & Sorcery, the combat is limited only by your own creativity. Choose your weapon, choose your stance, choose your fighting style; Be the powerful warrior, ranger or sorcerer you always dreamed of becoming!", + "short_description": "Blade & Sorcery is a built-for-VR medieval fantasy sandbox with full physics driven melee, ranged and magic combat. Become a powerful warrior, ranger or sorcerer and devastate your enemies.", + "genres": "Action", + "recommendations": 40825, + "score": 6.999091249770542 + }, + { + "type": "game", + "name": "MORDHAU", + "detailed_description": "MORDHAU is a medieval first & third person multiplayer slasher. Enter a hectic battlefield of up to 64 players as a mercenary in a fictional, but realistic world, where you will get to experience the brutal and satisfying melee combat that will have you always coming back for more.Features: Massive battles: From small-scale engagements to 64-player all-out war in modes such as Frontline and Invasion. . Cooperative & offline play: Fight waves of enemies alongside your friends in the cooperative Horde mode, or practice your skills offline against AI. . Free-form melee and ranged combat: Gain complete control over your character and attacks and develop your unique style. . In-depth character customization: Sculpt your face, create your weapon from parts, and pick out individual pieces of armor to create the perfect warrior. . Huge arsenal of weapons & equipment: Take on enemies with a greatsword, rain arrows from above, or even sit back and build fortifications. . Fight anywhere: Experience cavalry charges, fight on ladders, and operate siege engines such as the catapult and ballista. . Visceral and gory combat: Feel the impact of every blow, and send limbs flying as you wreak havoc upon your foes. (Blood & gore are optional). Believable fights: A game where fights look believable, MORDHAU strikes a balance between gameplay and realism.", + "about_the_game": "MORDHAU is a medieval first & third person multiplayer slasher. Enter a hectic battlefield of up to 64 players as a mercenary in a fictional, but realistic world, where you will get to experience the brutal and satisfying melee combat that will have you always coming back for more.Features: Massive battles: From small-scale engagements to 64-player all-out war in modes such as Frontline and Invasion. Cooperative & offline play: Fight waves of enemies alongside your friends in the cooperative Horde mode, or practice your skills offline against AI. Free-form melee and ranged combat: Gain complete control over your character and attacks and develop your unique style. In-depth character customization: Sculpt your face, create your weapon from parts, and pick out individual pieces of armor to create the perfect warrior. Huge arsenal of weapons & equipment: Take on enemies with a greatsword, rain arrows from above, or even sit back and build fortifications. Fight anywhere: Experience cavalry charges, fight on ladders, and operate siege engines such as the catapult and ballista. Visceral and gory combat: Feel the impact of every blow, and send limbs flying as you wreak havoc upon your foes. (Blood & gore are optional) Believable fights: A game where fights look believable, MORDHAU strikes a balance between gameplay and realism.", + "short_description": "MORDHAU is a multiplayer medieval slasher. Create your mercenary and fight in brutal battles where you will experience fast paced combat, castle sieges, cavalry charges, and more.", + "genres": "Action", + "recommendations": 88545, + "score": 7.5094689334726965 + }, + { + "type": null, + "name": "SoulWorker - Anime Action MMO", + "detailed_description": null, + "about_the_game": null, + "short_description": null, + "genres": null, + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Risk of Rain 2", + "detailed_description": "Survivors of the Void Expansion. About the Game. SURVIVE AN ALIEN PLANET. Over a dozen handcrafted locales await, each packed with challenging monsters and enormous bosses that oppose your continued existence. Fight your way to the final boss and escape or continue your run indefinitely to see just how long you can survive. A unique scaling system means both you and your foes limitlessly increase in power over the course of a game. . . DISCOVER POWERFUL NEW ITEMS. More than 110 items keep each run fresh and full of new challenge. The more items you collect, the more their effects combine, the more surprising some of those combinations might be. The more items you encounter, the more lore (and strategy) you\u2019ll discover through the logs. . . UNLOCK NEW WAYS TO PLAY . Unlock a crew of eleven playable survivors, each with their own unique combat style and alternate skills to master. Learn the secrets of the Artifacts to toggle gameplay modifiers like friendly fire, random survivor spawns, item selection and more. With randomized stages, enemies, and items, no run will ever be the same. . . PLAY SOLO OR CO-OP. Tackle the adventure solo or with up to three friends in online co-op, or compete in the rotating challenge of the Prismatic Trials. Brand new survivors like the Captain and MUL-T join classic survivors such as the Engineer, Huntress, and--of course--the Commando. .", + "about_the_game": "SURVIVE AN ALIEN PLANETOver a dozen handcrafted locales await, each packed with challenging monsters and enormous bosses that oppose your continued existence. Fight your way to the final boss and escape or continue your run indefinitely to see just how long you can survive. A unique scaling system means both you and your foes limitlessly increase in power over the course of a game.DISCOVER POWERFUL NEW ITEMSMore than 110 items keep each run fresh and full of new challenge. The more items you collect, the more their effects combine, the more surprising some of those combinations might be. The more items you encounter, the more lore (and strategy) you\u2019ll discover through the logs.UNLOCK NEW WAYS TO PLAY Unlock a crew of eleven playable survivors, each with their own unique combat style and alternate skills to master. Learn the secrets of the Artifacts to toggle gameplay modifiers like friendly fire, random survivor spawns, item selection and more. With randomized stages, enemies, and items, no run will ever be the same.PLAY SOLO OR CO-OPTackle the adventure solo or with up to three friends in online co-op, or compete in the rotating challenge of the Prismatic Trials. Brand new survivors like the Captain and MUL-T join classic survivors such as the Engineer, Huntress, and--of course--the Commando.", + "short_description": "Escape a chaotic alien planet by fighting through hordes of frenzied monsters \u2013 with your friends, or on your own. Combine loot in surprising ways and master each character until you become the havoc you feared upon your first crash landing.", + "genres": "Action", + "recommendations": 162513, + "score": 7.909780896078855 + }, + { + "type": "game", + "name": "Disco Elysium - The Final Cut", + "detailed_description": "NEW FEATURES. AWARDS. About the Game. Disco Elysium - The Final Cut is the definitive edition of the groundbreaking role playing game. You\u2019re a detective with a unique skill system at your disposal and a whole city block to carve your path across. Interrogate unforgettable characters, crack murders, or take bribes. Become a hero or an absolute disaster of a human being. . Full voice acting. All of the city's beautiful people are brought to life with full English voiceover. Play characters against each other, try to help them, or fall hopelessly in love as each word is spoken to you with the appropriate accent and emotion. . New political vision quests. Face the reality of your worldview as your political compass leads you down new paths. Discover more citizens, a whole extra area, and monumental sights as you leave an even bigger mark on the world by chasing your dreams. . Unprecedented freedom of choice\u200b. Intimidate, sweet-talk, resort to violence, write poetry, sing karaoke, dance like a beast, or solve the meaning of life. Disco Elysium - The Final Cut is the most faithful representation of desktop role playing ever attempted in video games. . Countless tools for role playing.\u200b Mix and match from 24 wildly different skills. Develop a personal style with over 80 clothing items. Wield 14 tools from guns to flashlights to a boombox, or pour yourself a cocktail of 6 different psychoactive substances. Develop your character even further with 60 wild \u200bthoughts \u200bto think \u2013 with the detective's Thought Cabinet. . A revolutionary dialogue system with unforgettable characters. \u200bThe world is alive with real people, not extras. Ask probing questions, make insightful observations, or express your wildest desires as you play cop or something completely different. Disco Elysium's revolutionary dialogue system lets you do almost anything. . Carve your unique path across the city\u200b. Explore, manipulate, collect tare, or become a millionaire in an open world unlike anything you've seen before. The city of Revachol is yours for the taking, one small piece at a time. From the streets to the beaches \u2013 and beyond. . Hard boiled, hard core. \u200bDeath, sex, taxes, and disco \u2013 nothing is off the table. Revachol is a real place with real challenges. Solve a massive murder investigation, or relax and kick back with sprawling side-cases. The detective decides, the citizens abide.", + "about_the_game": "Disco Elysium - The Final Cut is the definitive edition of the groundbreaking role playing game. You\u2019re a detective with a unique skill system at your disposal and a whole city block to carve your path across. Interrogate unforgettable characters, crack murders, or take bribes. Become a hero or an absolute disaster of a human being.Full voice acting. All of the city's beautiful people are brought to life with full English voiceover. Play characters against each other, try to help them, or fall hopelessly in love as each word is spoken to you with the appropriate accent and emotion.New political vision quests. Face the reality of your worldview as your political compass leads you down new paths. Discover more citizens, a whole extra area, and monumental sights as you leave an even bigger mark on the world by chasing your dreams.Unprecedented freedom of choice\u200b. Intimidate, sweet-talk, resort to violence, write poetry, sing karaoke, dance like a beast, or solve the meaning of life. Disco Elysium - The Final Cut is the most faithful representation of desktop role playing ever attempted in video games.Countless tools for role playing.\u200b Mix and match from 24 wildly different skills. Develop a personal style with over 80 clothing items. Wield 14 tools from guns to flashlights to a boombox, or pour yourself a cocktail of 6 different psychoactive substances. Develop your character even further with 60 wild \u200bthoughts \u200bto think \u2013 with the detective's Thought Cabinet.A revolutionary dialogue system with unforgettable characters. \u200bThe world is alive with real people, not extras. Ask probing questions, make insightful observations, or express your wildest desires as you play cop or something completely different. Disco Elysium's revolutionary dialogue system lets you do almost anything.Carve your unique path across the city\u200b. Explore, manipulate, collect tare, or become a millionaire in an open world unlike anything you've seen before. The city of Revachol is yours for the taking, one small piece at a time. From the streets to the beaches \u2013 and beyond.Hard boiled, hard core. \u200bDeath, sex, taxes, and disco \u2013 nothing is off the table. Revachol is a real place with real challenges. Solve a massive murder investigation, or relax and kick back with sprawling side-cases. The detective decides, the citizens abide.", + "short_description": "Disco Elysium - The Final Cut is a groundbreaking role playing game. You\u2019re a detective with a unique skill system at your disposal and a whole city to carve your path across. Interrogate unforgettable characters, crack murders or take bribes. Become a hero or an absolute disaster of a human being.", + "genres": "RPG", + "recommendations": 73225, + "score": 7.3842339766094165 + }, + { + "type": "game", + "name": "NARUTO TO BORUTO: SHINOBI STRIKER", + "detailed_description": "Coming soon! Digital Deluxe Edition. Purchase NARUTO TO BORUTO: SHINOBI STRIKER Deluxe Edition and get the most complete experience from NARUTO TO BORUTO: SHINOBI STRIKER! This edition includes the full NARUTO TO BORUTO: SHINOBI STRIKER game and all additional content eligible to the Season Pass. NARUTO TO BORUTO: SHINOBI STRIKER Ultimate Edition. The Ultimate Edition includes:. \u2022 NARUTO TO BORUTO: SHINOBI STRIKER (full game). \u2022 Season Pass 1. \u2022 Season Pass 2. \u2022 Season Pass 3. \u2022 Season Pass 4. About the Game. The Naruto franchise is back with a brand new experience in NARUTO TO BORUTO: SHINOBI STRIKER! This new game lets gamers battle as a team of 4 to compete against other teams online! Graphically, SHINOBI STRIKER is also built from the ground up in a completely new graphic style. Lead your team and fight online to see who the best ninjas are!", + "about_the_game": "The Naruto franchise is back with a brand new experience in NARUTO TO BORUTO: SHINOBI STRIKER! This new game lets gamers battle as a team of 4 to compete against other teams online! Graphically, SHINOBI STRIKER is also built from the ground up in a completely new graphic style. Lead your team and fight online to see who the best ninjas are!", + "short_description": "Battle as a team of 4 to compete against other teams online! Graphically, SHINOBI STRIKER is also built from the ground up in a completely new graphic style. Lead your team and fight online to see who the best ninjas are!", + "genres": "Action", + "recommendations": 40191, + "score": 6.98877353791436 + }, + { + "type": "game", + "name": "CarX Drift Racing Online", + "detailed_description": "CarX Drift Racing is all about realistic driving physics, detailed customization and tuning of car parameters, a number of cities and special racing track locations, an array of vinyls to design the look of your vehicle, open online rooms and competitions enhanced with new graphics.", + "about_the_game": "CarX Drift Racing is all about realistic driving physics, detailed customization and tuning of car parameters, a number of cities and special racing track locations, an array of vinyls to design the look of your vehicle, open online rooms and competitions enhanced with new graphics.", + "short_description": "CarX Drift Racing Online is your chance to immerse yourself in the real world of drifting. Get together with friends, tune your car and burn some tires!", + "genres": "Massively Multiplayer", + "recommendations": 60466, + "score": 7.25802260447748 + }, + { + "type": "game", + "name": "Ravenfield", + "detailed_description": "Fight upon the Ravenfield together with your Blue allies! Take down those pesky Reds using helicopters, tanks, guns, and active ragdoll physics!. Ravenfield is a singleplayer game in the vein of older team-vs-team AI shooters. The game is designed to be easy to pick up and play, but also rewarding for all skill levels!Key FeaturesEasy-to-pickup, singleplayer mayhem. Fight as infantry, or in ground vehicles, aircraft, or watercraft. Active ragdoll physics combines tactical strategies with a sprinkle of silly fun. The number of combatants is only limited by what your computer can handle!. Damaged soldiers drop team-colored blood splats, indicating where battles have taken place. Development RoadmapRavenfield is being developed as an early access game, with major content updates scheduled to be released every 4-6 weeks. Additionally, incremental updates are distributed via a beta branch for those who do not fear slightly more buggy releases. . While some content, such as new weapons, vehicles and maps will be released on a regular basis, other key features will be added roughly in the following order:. Custom map support. Steam Workshop integration. AI Commanding. Custom weapon support. Custom vehicle support. Conquest mode.", + "about_the_game": "Fight upon the Ravenfield together with your Blue allies! Take down those pesky Reds using helicopters, tanks, guns, and active ragdoll physics!Ravenfield is a singleplayer game in the vein of older team-vs-team AI shooters. The game is designed to be easy to pick up and play, but also rewarding for all skill levels!Key FeaturesEasy-to-pickup, singleplayer mayhemFight as infantry, or in ground vehicles, aircraft, or watercraftActive ragdoll physics combines tactical strategies with a sprinkle of silly funThe number of combatants is only limited by what your computer can handle!Damaged soldiers drop team-colored blood splats, indicating where battles have taken placeDevelopment RoadmapRavenfield is being developed as an early access game, with major content updates scheduled to be released every 4-6 weeks. Additionally, incremental updates are distributed via a beta branch for those who do not fear slightly more buggy releases.While some content, such as new weapons, vehicles and maps will be released on a regular basis, other key features will be added roughly in the following order:Custom map supportSteam Workshop integrationAI CommandingCustom weapon supportCustom vehicle supportConquest mode", + "short_description": "Fight upon the Ravenfield together with your Blue allies! Take down those pesky Reds using helicopters, tanks, guns, and active ragdoll physics!", + "genres": "Action", + "recommendations": 58186, + "score": 7.2326845821445644 + }, + { + "type": "game", + "name": "BATTLETECH", + "detailed_description": "WISHLIST MORE HAREBRAINED SCHEMES GAMES Featured DLC MERCENARY COLLECTION. The BATTLETECH Mercenary Collection is the ultimate BATTLETECH bundle, including the Digital Deluxe Edition and the Season Pass, which gives players access to three expansions: Flashpoint, Urban Warfare and the upcoming Heavy Metal. Digital Deluxe Edition. The Digital Deluxe Edition of BATTLETECH provides intrepid MechCommanders with exclusive access to the game's official soundtrack, insight into the design of BATTLETECH, as well as a variety of additional goodies.CONTENTS Digital Soundtrack Immerse yourself in the brutal universe of BATTLETECH with the game's original soundtrack.Art Book A digital art book that gives you a detailed look at the design of BATTLETECH.Deluxe Avatar & Icon for the Paradox Interactive forums.WallpapersBeautiful 4K artwork from the BATTLETECH universe to decorate your computer desktop. About the Game. From original BATTLETECH/MechWarrior creator Jordan Weisman and the developers of the award-winning Shadowrun Returns series comes the next-generation of turn-based tactical 'Mech combat. . The year is 3025 and the galaxy is trapped in a cycle of perpetual war, fought by noble houses with enormous, mechanized combat vehicles called BattleMechs. Take command of your own mercenary outfit of 'Mechs and the MechWarriors that pilot them, struggling to stay afloat as you find yourself drawn into a brutal interstellar civil war. Upgrade your starfaring base of operations, negotiate mercenary contracts with feudal lords, repair and maintain your stable of aging BattleMechs, and execute devastating combat tactics to defeat your enemies on the battlefield. . COMMAND A SQUAD OF 'MECHS IN TURN-BASED COMBATDeploy over 30 BattleMechs in a wide variety of combinations. Use terrain, positioning, weapon selection and special abilities to outmaneuver and outplay your opponents.MANAGE YOUR MERCENARY COMPANYRecruit, customize, and develop unique MechWarriors. Improve and customize your dropship. As a Mercenary, travel a wide stretch of space, taking missions and managing your reputation with a variety of noble houses and local factions.TAKE PART IN A DESPERATE CIVIL WARImmerse yourself in the story of a violently deposed ruler, waging a brutal war to take back her throne with the support of your ragtag mercenary company.CUSTOMIZE YOUR 'MECHSUse your MechLab to maintain and upgrade your units, replacing damaged weapon systems with battlefield salvage taken from fallen foes.PVP MULTIPLAYER & SKIRMISH MODECustomize a Lance of 'Mechs and MechWarriors to go head-to-head with your friends, compete against opponents online, or jump into single-player skirmish mode to test your strategies against the AI. .", + "about_the_game": "From original BATTLETECH/MechWarrior creator Jordan Weisman and the developers of the award-winning Shadowrun Returns series comes the next-generation of turn-based tactical 'Mech combat. The year is 3025 and the galaxy is trapped in a cycle of perpetual war, fought by noble houses with enormous, mechanized combat vehicles called BattleMechs. Take command of your own mercenary outfit of 'Mechs and the MechWarriors that pilot them, struggling to stay afloat as you find yourself drawn into a brutal interstellar civil war. Upgrade your starfaring base of operations, negotiate mercenary contracts with feudal lords, repair and maintain your stable of aging BattleMechs, and execute devastating combat tactics to defeat your enemies on the battlefield.COMMAND A SQUAD OF 'MECHS IN TURN-BASED COMBATDeploy over 30 BattleMechs in a wide variety of combinations. Use terrain, positioning, weapon selection and special abilities to outmaneuver and outplay your opponents.MANAGE YOUR MERCENARY COMPANYRecruit, customize, and develop unique MechWarriors. Improve and customize your dropship. As a Mercenary, travel a wide stretch of space, taking missions and managing your reputation with a variety of noble houses and local factions.TAKE PART IN A DESPERATE CIVIL WARImmerse yourself in the story of a violently deposed ruler, waging a brutal war to take back her throne with the support of your ragtag mercenary company.CUSTOMIZE YOUR 'MECHSUse your MechLab to maintain and upgrade your units, replacing damaged weapon systems with battlefield salvage taken from fallen foes.PVP MULTIPLAYER & SKIRMISH MODECustomize a Lance of 'Mechs and MechWarriors to go head-to-head with your friends, compete against opponents online, or jump into single-player skirmish mode to test your strategies against the AI.", + "short_description": "Take command of your own mercenary outfit of 'Mechs and the MechWarriors that pilot them, struggling to stay afloat as you find yourself drawn into a brutal interstellar civil war.", + "genres": "Action", + "recommendations": 19361, + "score": 6.5073014100475675 + }, + { + "type": "game", + "name": "FINAL FANTASY XV WINDOWS EDITION", + "detailed_description": "FINAL FANTASY XV: EPISODE ARDYNFor the first time, players take control of Noctis's greatest foe in this brand-new episode of FINAL FANTASY XV! Delve into the dark tale of scorned saviour Ardyn Lucis Caelum and unravel the secrets surrounding his mysterious past. . *Players must purchase FINAL FANTASY XV in order to access this content. Updating to the latest version of the game may also be required. FINAL FANTASY XV WINDOWS EDITION MOD ORGANIZER. FINAL FANTASY XV WINDOWS EDITION MOD ORGANIZER is a tool to help you make mods for the FINAL FANTASY XV WINDOWS EDITION. It allows you to convert your assets into mod data and incorporate them into the game world. . The main function of MOD ORGANIZER is building model data and uploading mods to Steam Workshop. It does not have the functionality for creating and editing assets such as 3D models. Please create assets with your own tools and output them in FBX format, which MOD ORGANIZER can then import. . Your mods can be uploaded to Steam Workshop if you have a Steam account, and then shared with the community. Subscribe to Steam Workshop's mod data to use the mods in the Steam version of FINAL FANTASY XV WINDOWS EDITION. Bonus: Half-Life Pack. Bonus: Half-Life Pack \u2013 Available now through the Workshop for all FINAL FANTASY XV WINDOWS EDITION owners on Steam! . Half-Life Costume (Main Game Exclusive). Protective gear made at the Black Mesa Research Facility. . Crowbar (Main Game Exclusive). Metallic tool that could prove quite useful in a pinch. . HEV Suit (COMRADES Exclusive). Full outfit for the entire body, exclusive to COMRADES. Protective suit made at the Black Mesa Research Facility. . Scientist Glasses (COMRADES Exclusive). Decorative accessory for the face, exclusive to COMRADES. Thick-rimmed black glasses that exude an air of quiet intelligence. . Crowbar (COMRADES Exclusive). Metallic tool that could prove quite useful in a pinch. Exclusive to COMRADES. . Playable Demo Out Now!. Get a sneak peek into how it all starts with the demo version of FINAL FANTASY XV WINDOWS EDITION. *Spec may differ from the product version. . Take the journey, now in ultimate quality. Boasting a wealth of bonus content and supporting Native4K(3840\u00d72160px) ultra high-resolution graphical options and HDR 10, you can now enjoy the beautiful and carefully-crafted experience of FINAL FANTASY XV like never before. *The main difference to the product version is that sub-quests have been disabled. . The download size for the FINAL FANTASY XV WINDOWS EDITION PLAYABLE DEMO is 21GB. The High-Res 4K textures are included in this demo and are turned on or off automatically depending on your hardware specification. . In the final product, High-Res 4K textures will be an optional download and can be toggled on or off by the user. . Please visit here for more details on the recommended hardware needed to optimally use these textures. . The FINAL FANTASY XV WINDOWS EDITION PLAYABLE DEMO is a preview of the full game. We will continue to work on all aspects to ensure FFXV WINDOWS EDITION will be a great experience for PC gamers. FINAL FANTASY XV WINDOWS EDITION Benchmark. Reviews & Accolades\"A Must Have for RPG Fans!\" - Gamezoom. \"Final Fantasy XV: Windows Edition is the best version of the game.\" - Multiplayer it. \"The attention to detail is astonishing\" - Rock Paper Shotgun. \"It looks stunning\" - Tech Radar. \"The ultimate way to play\" - PC Invasion. FFXV WINDOWS EDITION 4K Resolution Pack. This pack allows you to enjoy FINAL FANTASY XV in high resolution. Experience the world of FINAL FANTASY XV as you have never seen it before, with even more beautiful movie scenes and meticulously drawn characters and backgrounds. About the Game. Get ready to be at the centre of the ultimate fantasy adventure, now for Windows PC. . Joined by your closest friends on the roadtrip of a lifetime through a breathtaking open world, witness stunning landscapes and encounter larger-than-life beasts on your journey to reclaim your homeland from an unimaginable foe. . In an action-packed battle system, channel the power of your ancestors to warp effortlessly through the air in thrilling combat, and together with your comrades, master the skills of weaponry, magic and team-based attacks. . Now realised with the power of cutting-edge technology for Windows PCs, including support for high-resolution displays and HDR10, the beautiful and carefully-crafted experience of FINAL FANTASY XV can be explored like never before. . KEY FEATURES:. Includes all of the exciting content released as part of continuous game updates (Chapter 13 alternate route, off-road Regalia customisation, character swap feature and more!). And comes with all of content released in the Season Pass - Episode Gladiolus, Episode Prompto, Multiplayer Expansion: Comrades, and Episode Ignis. Get ready to be at the centre of the ultimate fantasy adventure. . Main game:. FINAL FANTASY XV. New Features:. \u201cInsomnia City Ruins: Expanded Map\u201d \u2013 a new map that takes you right up to the end. First Person Mode. Armiger Unleashed. Use of the Royal Cruiser has been unlocked, with new fishing spots and recipes. Additional quest to acquire and upgrade the Regalia Type-D. Additional Achievements. DLC:. FFXV Episode Gladiolus. FFXV Episode Prompto. FFXV Episode Ignis. FFXV MULTIPLAYER EXPANSION: COMRADES. FFXV Booster Pack+. FFXV Holiday Pack+. *Moogle Chocobo Carnival tickets are not included in the FFXV Holiday Pack+. . Bonus Items:. [Weapon] Masamune (FFXV Original Model). [Weapon] Mage Mashers (FFIX Model). [Weapon] Blazefire Saber XV (FFXV Original Color). [Weapon] Gae Bolg (FFXIV Model). [Regalia Decal] Platinum Leviathan. [Regalia Decal] 16-Bit Buddies. [Regalia Decal] Cindymobile. [Regalia Decal] Gold Chocobo. [Outfit] Royal Raiment. [Item] Travel Pack. [Item] Camera Kit. [Item] Angler Set. [Item] Gourmand Set. ----------------------------------------------------------------------------------------------. The following menu items have been deleted and the ONLINE CONTENT function has been discontinued as of 24 June 2020. (Deleted Items). MAIN MENU - ONLINE. OPTIONS - ONLINE CONTENT. (End of Service). Ability to change the appearance of Noctis. Display function for other players\u2019 avatar shadows. Player Treasure function. Official Treasure function. Player Photo function. Cross-platform play between the Steam version and the Origin version. Further, the problem with temporary movement instability during play has been fixed.", + "about_the_game": "Get ready to be at the centre of the ultimate fantasy adventure, now for Windows PC.Joined by your closest friends on the roadtrip of a lifetime through a breathtaking open world, witness stunning landscapes and encounter larger-than-life beasts on your journey to reclaim your homeland from an unimaginable foe.In an action-packed battle system, channel the power of your ancestors to warp effortlessly through the air in thrilling combat, and together with your comrades, master the skills of weaponry, magic and team-based attacks. Now realised with the power of cutting-edge technology for Windows PCs, including support for high-resolution displays and HDR10, the beautiful and carefully-crafted experience of FINAL FANTASY XV can be explored like never before.KEY FEATURES:Includes all of the exciting content released as part of continuous game updates (Chapter 13 alternate route, off-road Regalia customisation, character swap feature and more!). And comes with all of content released in the Season Pass - Episode Gladiolus, Episode Prompto, Multiplayer Expansion: Comrades, and Episode IgnisGet ready to be at the centre of the ultimate fantasy adventure. Main game:FINAL FANTASY XVNew Features:\u201cInsomnia City Ruins: Expanded Map\u201d \u2013 a new map that takes you right up to the endFirst Person ModeArmiger UnleashedUse of the Royal Cruiser has been unlocked, with new fishing spots and recipesAdditional quest to acquire and upgrade the Regalia Type-DAdditional AchievementsDLC:FFXV Episode GladiolusFFXV Episode PromptoFFXV Episode IgnisFFXV MULTIPLAYER EXPANSION: COMRADESFFXV Booster Pack+FFXV Holiday Pack+*Moogle Chocobo Carnival tickets are not included in the FFXV Holiday Pack+.Bonus Items:[Weapon] Masamune (FFXV Original Model)[Weapon] Mage Mashers (FFIX Model)[Weapon] Blazefire Saber XV (FFXV Original Color)[Weapon] Gae Bolg (FFXIV Model)[Regalia Decal] Platinum Leviathan[Regalia Decal] 16-Bit Buddies[Regalia Decal] Cindymobile[Regalia Decal] Gold Chocobo[Outfit] Royal Raiment[Item] Travel Pack[Item] Camera Kit[Item] Angler Set[Item] Gourmand Set----------------------------------------------------------------------------------------------The following menu items have been deleted and the ONLINE CONTENT function has been discontinued as of 24 June 2020.(Deleted Items)MAIN MENU - ONLINEOPTIONS - ONLINE CONTENT(End of Service)Ability to change the appearance of NoctisDisplay function for other players\u2019 avatar shadowsPlayer Treasure functionOfficial Treasure functionPlayer Photo functionCross-platform play between the Steam version and the Origin versionFurther, the problem with temporary movement instability during play has been fixed.", + "short_description": "Take the journey, now in ultimate quality. Boasting a wealth of bonus content and supporting ultra high-resolution graphical options and HDR 10, you can now enjoy the beautiful and carefully-crafted experience of FINAL FANTASY XV like never before.", + "genres": "RPG", + "recommendations": 35233, + "score": 6.901981693120456 + }, + { + "type": "game", + "name": "Yakuza 0", + "detailed_description": "The glitz, glamour, and unbridled decadence of the 80s are back in Yakuza 0. . Fight like hell through Tokyo and Osaka with protagonist Kazuma Kiryu and series regular Goro Majima. Play as Kazuma Kiryu and discover how he finds himself in a world of trouble when a simple debt collection goes wrong and his mark winds up murdered. Then, step into the silver-toed shoes of Goro Majima and explore his \u201cnormal\u201d life as the proprietor of a cabaret club. . Switch between three different fighting styles instantaneously and beat up all manner of goons, thugs, hoodlums, and lowlifes. Take combat up a notch by using environmental objects such as bicycles, sign posts, and car doors for bone-crunching combos and savage take-downs. . Fighting is not the only way to kill time in 1988\u2019s Japan: from discos and hostess clubs to classic SEGA arcades, there are tons of distractions to pursue in the richly detailed, neon-lit world. . Interact with the colourful denizens the red light district: help a budding S&M dominatrix learn her profession, or ensure a street performer can make it to the bathroom in time \u2013 there are 100 incredible stories to discover.", + "about_the_game": "The glitz, glamour, and unbridled decadence of the 80s are back in Yakuza 0.\r\n\r\nFight like hell through Tokyo and Osaka with protagonist Kazuma Kiryu and series regular Goro Majima. Play as Kazuma Kiryu and discover how he finds himself in a world of trouble when a simple debt collection goes wrong and his mark winds up murdered. Then, step into the silver-toed shoes of Goro Majima and explore his \u201cnormal\u201d life as the proprietor of a cabaret club.\r\n\r\nSwitch between three different fighting styles instantaneously and beat up all manner of goons, thugs, hoodlums, and lowlifes. Take combat up a notch by using environmental objects such as bicycles, sign posts, and car doors for bone-crunching combos and savage take-downs.\r\n\r\nFighting is not the only way to kill time in 1988\u2019s Japan: from discos and hostess clubs to classic SEGA arcades, there are tons of distractions to pursue in the richly detailed, neon-lit world. \r\n\r\nInteract with the colourful denizens the red light district: help a budding S&M dominatrix learn her profession, or ensure a street performer can make it to the bathroom in time \u2013 there are 100 incredible stories to discover.", + "short_description": "SEGA\u2019s legendary Japanese series finally comes to PC. Fight like hell through Tokyo and Osaka as junior yakuza Kiryu and Majima. Take a front row seat to 1980s life in Japan in an experience unlike anything else in video gaming, with uncapped framerates and 4K resolutions. A legend is born.", + "genres": "Action", + "recommendations": 48010, + "score": 7.105959654689756 + }, + { + "type": "game", + "name": "The LEGO\u00ae NINJAGO\u00ae Movie Video Game", + "detailed_description": "Find your inner ninja with the all-new LEGO NINJAGO Movie Video Game! Play as your favorite ninjas, Lloyd, Jay, Kai, Cole, Zane, Nya and Master Wu to defend their home island of Ninjago from the evil Lord Garmadon and his Shark Army. Master the art of Ninjagility by wall-running, high-jumping and battling the foes of Ninjago to rank up and upgrade the ninja's combat skills. Only in the LEGO NINJAGO Movie Video Game will you experience the film across 8 action packed locations each with its own unique Challenge Dojo. And with the Battle Maps, play against friends and family in competitions for up to four players!", + "about_the_game": "Find your inner ninja with the all-new LEGO NINJAGO Movie Video Game! Play as your favorite ninjas, Lloyd, Jay, Kai, Cole, Zane, Nya and Master Wu to defend their home island of Ninjago from the evil Lord Garmadon and his Shark Army. Master the art of Ninjagility by wall-running, high-jumping and battling the foes of Ninjago to rank up and upgrade the ninja's combat skills. Only in the LEGO NINJAGO Movie Video Game will you experience the film across 8 action packed locations each with its own unique Challenge Dojo. And with the Battle Maps, play against friends and family in competitions for up to four players!", + "short_description": "Find your inner ninja with the all-new LEGO NINJAGO Movie Video Game! Play as your favorite ninjas to defend Ninjago from the evil Lord Garmadon. Master the art of Ninjagility by wall-running and high-jumping, and battle foes to rank up and upgrade the ninja's combat skills.", + "genres": "Action", + "recommendations": 990, + "score": 4.547837818279109 + }, + { + "type": "game", + "name": "Pathfinder: Kingmaker - Enhanced Plus Edition", + "detailed_description": "The sequel to Pathfinder: Kingmaker is now available now! About the Game. With the help of over 18,000 Kickstarter backers, Narrative Designer Chris Avellone and composer Inon Zur, Owlcat Games is proud to bring you the first isometric computer RPG set in the beloved Pathfinder tabletop universe. Enjoy a classic RPG experience inspired by games like Baldur's Gate, Fallout 1 and 2 and Arcanum. Explore and conquer the Stolen Lands and make them your kingdom!. Based on our players' feedback and suggestions, this version of the game improves and builds upon the original. This edition includes: . \u2022 numerous gameplay-enriching content additions and dozens of quality-of-life features. \u2022 new abilities and ways to build your character, including a brand-new class. \u2022 new items and weaponry. \u2022 improved balance, especially in the beginning and last two chapters of the game. \u2022 enhanced kingdom management system, both in terms of balance as well as usability and player comfort. \u2022 increased variety of random encounters on the global map. \u2022 thousands of fixes and improvements made since the game's initial release. Explore the Stolen Lands, a region that has been contested territory for centuries: Hundreds of kingdoms have risen and fallen in these lands, and now it is time for you to make your mark\u2014by building your own kingdom! To do so, you\u2019ll need to survive the harsh wilderness and the threat of rival nations\u2026 as well as threats within your own court. . . Customize your character with a wide range of classes and powers including specialized archetypes, powerful arcane and divine spells, choosing from a multitude of class abilities, skills, and feats. Pathfinder allows players to create heroes (or villains) that fit both their individual gameplay styles and their personalities. . Meet a diverse cast of companions and NPCs, including iconic characters from the Pathfinder setting itself. You\u2019ll need to decide who to trust and who to watch carefully, as each companion has an agenda, alignment, and goals that may differ from yours. Your journey will become their journey, and you\u2019ll help shape their lives both in the moment and well into the future. . . Conquer new regions as claim them as your own, carving your kingdom from the wilderness. While classic dungeon crawling and exploration lie at the heart of this adventure, diplomacy, politics, and kingdom development are also part of the challenge. Choose your allies well, and keep them close while exploring ancient tombs and ruins \u2014 and while dealing with politics in your own court. . Your kingdom is a reflection of your character and your choices throughout the game. It is a living thing shaped by your alignment, your allies, and your ability to lead your people. Not only can your kingdom expand, opening up new territories and allowing you to build new towns and communities, but your capital city will physically change based on your decisions, your policies, and even whom you choose to ally with. As your kingdom grows, a number of factions and neighboring countries will come to you to seek favor\u2014and to test your strength. . . Explore - Conquer - Rule!. The Pathfinder Roleplaying Game is an evolution of the 3.5 rules set of the world's oldest fantasy roleplaying game, designed by Paizo, Inc using the feedback of tens of thousands of gamers just like you. Whether you\u2019re new to the Pathfinder\u00ae universe or you\u2019re a seasoned veteran, Pathfinder: Kingmaker is the CRPG you\u2019ve been waiting for.", + "about_the_game": "With the help of over 18,000 Kickstarter backers, Narrative Designer Chris Avellone and composer Inon Zur, Owlcat Games is proud to bring you the first isometric computer RPG set in the beloved Pathfinder tabletop universe. Enjoy a classic RPG experience inspired by games like Baldur's Gate, Fallout 1 and 2 and Arcanum. Explore and conquer the Stolen Lands and make them your kingdom!Based on our players' feedback and suggestions, this version of the game improves and builds upon the original. This edition includes: \u2022 numerous gameplay-enriching content additions and dozens of quality-of-life features\u2022 new abilities and ways to build your character, including a brand-new class\u2022 new items and weaponry\u2022 improved balance, especially in the beginning and last two chapters of the game\u2022 enhanced kingdom management system, both in terms of balance as well as usability and player comfort\u2022 increased variety of random encounters on the global map\u2022 thousands of fixes and improvements made since the game's initial releaseExplore the Stolen Lands, a region that has been contested territory for centuries: Hundreds of kingdoms have risen and fallen in these lands, and now it is time for you to make your mark\u2014by building your own kingdom! To do so, you\u2019ll need to survive the harsh wilderness and the threat of rival nations\u2026 as well as threats within your own court.Customize your character with a wide range of classes and powers including specialized archetypes, powerful arcane and divine spells, choosing from a multitude of class abilities, skills, and feats. Pathfinder allows players to create heroes (or villains) that fit both their individual gameplay styles and their personalities.Meet a diverse cast of companions and NPCs, including iconic characters from the Pathfinder setting itself. You\u2019ll need to decide who to trust and who to watch carefully, as each companion has an agenda, alignment, and goals that may differ from yours. Your journey will become their journey, and you\u2019ll help shape their lives both in the moment and well into the future.Conquer new regions as claim them as your own, carving your kingdom from the wilderness. While classic dungeon crawling and exploration lie at the heart of this adventure, diplomacy, politics, and kingdom development are also part of the challenge. Choose your allies well, and keep them close while exploring ancient tombs and ruins \u2014 and while dealing with politics in your own court. Your kingdom is a reflection of your character and your choices throughout the game. It is a living thing shaped by your alignment, your allies, and your ability to lead your people. Not only can your kingdom expand, opening up new territories and allowing you to build new towns and communities, but your capital city will physically change based on your decisions, your policies, and even whom you choose to ally with. As your kingdom grows, a number of factions and neighboring countries will come to you to seek favor\u2014and to test your strength.Explore - Conquer - Rule!The Pathfinder Roleplaying Game is an evolution of the 3.5 rules set of the world's oldest fantasy roleplaying game, designed by Paizo, Inc using the feedback of tens of thousands of gamers just like you. Whether you\u2019re new to the Pathfinder\u00ae universe or you\u2019re a seasoned veteran, Pathfinder: Kingmaker is the CRPG you\u2019ve been waiting for.", + "short_description": "Pathfinder: Kingmaker - Enhanced Plus Edition is the first isometric party-based computer RPG set in the Pathfinder fantasy universe. Enjoy a classic RPG experience inspired by games like Baldur's Gate, Fallout 1 and 2 and Arcanum. Explore and conquer the Stolen Lands and make them your kingdom!", + "genres": "Adventure", + "recommendations": 24197, + "score": 6.6542816935392555 + }, + { + "type": "game", + "name": "The Escapists 2", + "detailed_description": "Introducing: The Survivalists. Check out our new game in the Escapists Universe: The Survivalists. Join the Discord community. Just UpdatedSnow Way Out Available Now!. . Prepare for a frosty reception in the North Pole this year - in this free festive Escapists 2 update you\u2019ll be having a woeful Christmas time. . . Rumours have been circulating that since becoming a .com millionaire Santa\u2019s a little past his prime, and his booming online empire has replaced all joy and cheer with cold hard cash and a regime of fear. The grotto\u2019s become a warehouse and the elves have all been replaced by robots, with one exception \u2013 you!. . Santa\u2019s firmly keeping the work in workshop this Christmas with a list of new jobs to keep you busy while incarcerated. The reindeers need feeding, Christmas lists need incinerating and you\u2019re just the elf to do it. Faced with a lifetime of hard labour, it\u2019s time to plan your next daring escape and earn your festive freedom. . . You\u2019ve been put in the nick by St. Nick, have you got what it takes or is there Snow Way Out?. Just UpdatedFestive fun in free Santa\u2019s Shakedown update. Deck the cells with bars and escape attempts! Christmas has come early in the latest free game update to The Escapists 2, featuring a brand new map \u2013 Santa\u2019s Shakedown. Not content with life in a perpetually festive lock-up, you must devise ingenious new ways of getting out of prison without getting caught in the tinsel! Featuring brand new items and some very unique craftables, you must pitch in with new prison jobs such as Christmas tree-decorating and toy soldier construction to blend in until the time is right to ho-ho-hop out of there!. Wrap up warm, grab some fellow inmates if it tickles your fancy, and head to the Play Game menu now to experience Santa\u2019s Shakedown. Featured DLC. Things have taken a strange turn in the locked off rooms of an abandoned hospital. Once again, you\u2019ll have to craft, fight and scheme your way to freedom from this eerie supernatural slammer. About the GameThe Ultimate Prison Sandbox!. Risk it all to breakout from the toughest prisons in the world. Explore the biggest prisons yet, with multiple floors, roofs, vents and underground tunnels. You\u2019ll have to live by the prison rules, attending roll call, doing prison jobs and following strict routines; all the while secretly engineering your bid for freedom!. Your prison escape antics will take you from the frosty Fort Tundra, a train hurtling through the desert, and even to the final frontier!Escape Team Assemble! . Unite with up to 3 friends to create the ultimate escape crew and engineer the wildest escapes yet! Jump online or gather round on a couch to prepare for your sneaky adventures. By working together you\u2019ll be able to create even more elaborate and daring plans. . Feeling competitive? Dive into the versus mode and show that you\u2019ve got the skills to break out of any prison faster than your friends can. If all else fails, settle your rivalry in the court yard with a prison punch up!Create YOUR Con!. It\u2019s time to make your prisoner truly yours. Choose from a massive array of customisations to make your character unique to you. It\u2019s important to look stylish whilst you mastermind your escape.Craft your Escape!. Being in prison forces you to be creative and work with the limited tools at your disposal. You\u2019ll have to combine everyday objects like soap and socks to craft new weapons and tools to help you achieve your goal. Steal forks from the cafeteria to chip a tunnel in your room, and craft a poster from magazines and duct tape to hide the evidence. You\u2019ll soon learn that duct tape solves (almost) everything!Prepare for a fight!\u00a0. The Escapists 2 introduces a brand new combat system to make every prison brawl more exciting and interactive. You\u2019ll have to block and tie together chains of attacks whilst strafing around your locked on targets to gain the upper hand in combat. Make sure your visit the gym first to build up those muscles!New ways to escape!. As the prisons get tougher you\u2019re going to have to get more creative with your escape plans. There\u2019s a ton of options to tackle almost any prison escape.Construct a clink!. With the Prison Map Editor, it\u2019s your turn to construct a prison worthy of housing the toughest inmates! It includes all the rooms, fences and guard dogs you need to build a prison that\u2019s as hard as your imagination makes it \u2013 no duct-tape required. You can pick up those prison blueprints and start crafting your own creations through the Custom Prisons option on the main menu, and when you\u2019re ready you can show the world by sharing them through Steam Workshop where you can download subscribe to fellow architects\u2019 lock-ups \u2013 all custom maps can be played either solo or in both local and online multiplayer!Features11 Prisons. Up to 4 player co-operative and versus multiplayer. Drop-in/ Drop-out Online/Splitscreen multiplayer. Over 300 customisations. Multi-storey Prisons.", + "about_the_game": "The Ultimate Prison Sandbox!Risk it all to breakout from the toughest prisons in the world. Explore the biggest prisons yet, with multiple floors, roofs, vents and underground tunnels. You\u2019ll have to live by the prison rules, attending roll call, doing prison jobs and following strict routines; all the while secretly engineering your bid for freedom!Your prison escape antics will take you from the frosty Fort Tundra, a train hurtling through the desert, and even to the final frontier!Escape Team Assemble! Unite with up to 3 friends to create the ultimate escape crew and engineer the wildest escapes yet! Jump online or gather round on a couch to prepare for your sneaky adventures. By working together you\u2019ll be able to create even more elaborate and daring plans.Feeling competitive? Dive into the versus mode and show that you\u2019ve got the skills to break out of any prison faster than your friends can. If all else fails, settle your rivalry in the court yard with a prison punch up!Create YOUR Con!It\u2019s time to make your prisoner truly yours. Choose from a massive array of customisations to make your character unique to you. It\u2019s important to look stylish whilst you mastermind your escape.Craft your Escape!Being in prison forces you to be creative and work with the limited tools at your disposal. You\u2019ll have to combine everyday objects like soap and socks to craft new weapons and tools to help you achieve your goal. Steal forks from the cafeteria to chip a tunnel in your room, and craft a poster from magazines and duct tape to hide the evidence. You\u2019ll soon learn that duct tape solves (almost) everything!Prepare for a fight!\u00a0The Escapists 2 introduces a brand new combat system to make every prison brawl more exciting and interactive. You\u2019ll have to block and tie together chains of attacks whilst strafing around your locked on targets to gain the upper hand in combat. Make sure your visit the gym first to build up those muscles!New ways to escape!As the prisons get tougher you\u2019re going to have to get more creative with your escape plans. There\u2019s a ton of options to tackle almost any prison escape.Construct a clink!With the Prison Map Editor, it\u2019s your turn to construct a prison worthy of housing the toughest inmates! It includes all the rooms, fences and guard dogs you need to build a prison that\u2019s as hard as your imagination makes it \u2013 no duct-tape required.You can pick up those prison blueprints and start crafting your own creations through the Custom Prisons option on the main menu, and when you\u2019re ready you can show the world by sharing them through Steam Workshop where you can download subscribe to fellow architects\u2019 lock-ups \u2013 all custom maps can be played either solo or in both local and online multiplayer!Features11 PrisonsUp to 4 player co-operative and versus multiplayer Drop-in/ Drop-out Online/Splitscreen multiplayerOver 300 customisationsMulti-storey Prisons", + "short_description": "Craft, Steal, Brawl and Escape! It\u2019s time to bust out of the toughest prisons in the world as you return to the life of an inmate in The Escapists 2, now with multiplayer! Have you got what it takes to escape?", + "genres": "Indie", + "recommendations": 21476, + "score": 6.57564389791008 + }, + { + "type": "game", + "name": "Mirror", + "detailed_description": "It is said that there is a magic mirror, which is closely related to the destiny of numerous beautiful girls. If you obtain it, you will be able to walk into the world of the beauties and experience a magnificent journey. Among those girls, there is the dark elf, who was born in a noble family but has a rebellious nature, she enjoys bring the fairness and justice to people by robbing the rich and help the poor. There is the shrine maiden, who keeps Kyoto in peace will serve the Gods for her whole life. . Game Characteristics:. This is a game that combines match-3 and visual novel elements. If you want to learn more about those girls, you need to best them first. If you want to win the battle, in addition to mastering the skills of match-3. And of course, props can always save your life if put good use to them. How the story goes is choice-based so your choices will ultimately decide their fate.", + "about_the_game": "It is said that there is a magic mirror, which is closely related to the destiny of numerous beautiful girls\r\nIf you obtain it, you will be able to walk into the world of the beauties and experience a magnificent journey\r\nAmong those girls, there is the dark elf, who was born in a noble family but has a rebellious nature, she enjoys bring the fairness and justice to people by robbing the rich and help the poor.\r\nThere is the shrine maiden, who keeps Kyoto in peace will serve the Gods for her whole life.\r\n\r\nGame Characteristics:\r\n\r\nThis is a game that combines match-3 and visual novel elements.\r\nIf you want to learn more about those girls, you need to best them first.\r\nIf you want to win the battle, in addition to mastering the skills of match-3. And of course, props can always save your life if put good use to them. \r\nHow the story goes is choice-based so your choices will ultimately decide their fate.", + "short_description": "This is a game that combines match-3, GALGAME elements and beauties. If you want to learn more about those beauties, you need to best them first. How the story goes is choice-based so your choices will ultimately decide their fate.", + "genres": "Adventure", + "recommendations": 74950, + "score": 7.399583493530799 + }, + { + "type": "game", + "name": "They Are Billions", + "detailed_description": "They Are Billions is a strategy game in a distant future about building and managing human colonies after a zombie apocalypse destroyed almost all of human kind. Now there are only a few thousand humans left alive that must struggle to survive under the threat of the infection. Billions of infected roam around the world in massive swarms seeking the last living human colonies.Campaign: The New Empire - Available now!. Lead the campaign under the orders of Quintus Crane, ruler of the New Empire, and reconquer the lands devastated by the infected. . 48 missions with more than 60 hours of gameplay. . Build fortified colonies to survive in infected territories. Destroy the swarms of infected with the Imperial Army. . Make your colonies evolve with more than 90 available technologies. . Explore the ancient human fortresses with your Hero. . Discover the story behind the apocalypse. how did the pandemic start?. Survival Mode. In this mode, a random world is generated with its own events, weather, geography, and infected population. You must build a successful colony that must survive for a specific period of time against the swarms of infected. It is a fast and ultra addictive game mode. We plan to release a challenge of the week where all players must play the same random map. The best scores will be published in a leaderboard.Real Time with Pause. This is a real-time strategy game, but don\u2019t get too nervous. You can pause the action to take the best strategic and tactical decisions. In Pause Mode, you can place structures to build, give orders to your army, or consult all of the game\u2019s information. This game is all about strategy, not player performance or the player\u2019s skill to memorize and quickly execute dozens of key commands. Pause the game and take all the time you need!Build your Colony. Build dwellings and acquire food for the colonists. They will come to live and work for the colony. Collect resources from the environment using various building structures. Upgrade buildings to make them more efficient. Expand the energy distribution of the colony by placing Tesla Towers and build mills and power plants to feed the energy to your buildings. Build walls, gates, towers, and structures to watch the surroundings. Don\u2019t let the infected take over the colony!Build an Army. What kind of people would want to combat the infected?. Only the maddest ones. Train and contract mercenaries to protect the colony. They demand their money and food, and you will have to listen to their awful comments, but these tormented heroes will be your best weapon to destroy the infected. Every unit is unique and has their own skills and personality \u2013 discover them!Thousands of Units on Screen. Yes! They are billions! The world is full of infected creatures\u2026 they roam, smell, and listen. Every one of them has their own AI. Make noise and they will come \u2013 kill some of them to access an oil deposit and hundred of them will come to investigate. We have created our custom engine to handle hordes of thousands of the infected, up to 20,000 units in real time. Do you think your colony is safe? Wait for the swarms of thousands of infected that are roaming the world. Sometimes your colony is in their path!Prevent the Infection. If just one of the infected breaks into a building, all the colonies and workers inside will become infected. The infected workers will then run rabid to infect more buildings. Infections must be eradicated from the beginning, otherwise, it will grow exponentially becoming impossible to contain.Beautiful 4K Graphics!. Prepare to enjoy these ultra high definition graphics. Our artists have created tons of art pieces: Beautiful buildings with their own animations, thousands of frames of animation to get the smoothest movements and everything with a crazy Steampunk and Victorian style!", + "about_the_game": "They Are Billions is a strategy game in a distant future about building and managing human colonies after a zombie apocalypse destroyed almost all of human kind. Now there are only a few thousand humans left alive that must struggle to survive under the threat of the infection. Billions of infected roam around the world in massive swarms seeking the last living human colonies.Campaign: The New Empire - Available now!Lead the campaign under the orders of Quintus Crane, ruler of the New Empire, and reconquer the lands devastated by the infected.48 missions with more than 60 hours of gameplay.Build fortified colonies to survive in infected territoriesDestroy the swarms of infected with the Imperial Army.Make your colonies evolve with more than 90 available technologies.Explore the ancient human fortresses with your Hero.Discover the story behind the apocalypse... how did the pandemic start?Survival ModeIn this mode, a random world is generated with its own events, weather, geography, and infected population. You must build a successful colony that must survive for a specific period of time against the swarms of infected. It is a fast and ultra addictive game mode. We plan to release a challenge of the week where all players must play the same random map. The best scores will be published in a leaderboard.Real Time with PauseThis is a real-time strategy game, but don\u2019t get too nervous. You can pause the action to take the best strategic and tactical decisions.In Pause Mode, you can place structures to build, give orders to your army, or consult all of the game\u2019s information.This game is all about strategy, not player performance or the player\u2019s skill to memorize and quickly execute dozens of key commands. Pause the game and take all the time you need!Build your ColonyBuild dwellings and acquire food for the colonists. They will come to live and work for the colony.Collect resources from the environment using various building structures. Upgrade buildings to make them more efficient.Expand the energy distribution of the colony by placing Tesla Towers and build mills and power plants to feed the energy to your buildings.Build walls, gates, towers, and structures to watch the surroundings. Don\u2019t let the infected take over the colony!Build an ArmyWhat kind of people would want to combat the infected?Only the maddest ones. Train and contract mercenaries to protect the colony. They demand their money and food, and you will have to listen to their awful comments, but these tormented heroes will be your best weapon to destroy the infected.Every unit is unique and has their own skills and personality \u2013 discover them!Thousands of Units on ScreenYes! They are billions! The world is full of infected creatures\u2026 they roam, smell, and listen. Every one of them has their own AI. Make noise and they will come \u2013 kill some of them to access an oil deposit and hundred of them will come to investigate.We have created our custom engine to handle hordes of thousands of the infected, up to 20,000 units in real time.Do you think your colony is safe? Wait for the swarms of thousands of infected that are roaming the world. Sometimes your colony is in their path!Prevent the InfectionIf just one of the infected breaks into a building, all the colonies and workers inside will become infected. The infected workers will then run rabid to infect more buildings. Infections must be eradicated from the beginning, otherwise, it will grow exponentially becoming impossible to contain.Beautiful 4K Graphics!Prepare to enjoy these ultra high definition graphics. Our artists have created tons of art pieces: Beautiful buildings with their own animations, thousands of frames of animation to get the smoothest movements and everything with a crazy Steampunk and Victorian style!", + "short_description": "They Are Billions is a Steampunk strategy game set on a post-apocalyptic planet. Build and defend colonies to survive against the billions of the infected that seek to annihilate the few remaining living humans. Can humanity survive after the zombie apocalypse?", + "genres": "Strategy", + "recommendations": 38682, + "score": 6.963546302951247 + }, + { + "type": "game", + "name": "Car Mechanic Simulator 2018", + "detailed_description": "Even more games About the Game The Bestselling Car Mechanic Simulator series goes to a new level!. Car Mechanic Simulator 2018 challenges players to repair, paint, tune and drive cars. Find classic, unique cars in the new Barn Find module and Junkyard module. You can even add your self-made car in the Car Editor. Build and expand your repair service empire in this incredibly detailed and highly realistic simulation game, where attention to car detail is astonishing. All this with new, photorealistic graphics. Featuring more cars (40+), more tools (10+), more options and more parts (1000+) than ever before. It\u2019s time to roll up your sleeves and get to work!. . Car Mechanic Simulator 2018 also includes car auctions where old cars are available for resale or purchased for your collection. With the inclusion of photo-mode, you can take stunning before and after photos, and the game\u2019s infinite number of randomly generated missions will keep you more than busy (and dirty). . Each mission offers its own unique challenge of varying difficulty and time constraints to meet. Additional tools are available for purchase if needed. You can eventually upgrade your garage to include specific equipment such as lacquer sprayer or a parts warehouse. . . Features of Car Mechanic Simulator 2018:. photorealistic graphics. 40+ cars to get your hands dirty with. 10+ tools to help you check out cars. 1000+ parts waiting for you. start from a small workshop and upgrade it to a full sized 3-lifter gem. mix of randomly generated jobs to fulfill. endless gameplay. multilevel car parking in which you can store you cars. Advanced Upgrades System (level up and spend your points to upgrades). Path Test to test car suspension. Test Track to test car condition (or just fool around). Race Track to test car performance. Car Auctions where you can compete with other bidders and try to outbid them. Car Paint Shop with different paint types and car liveries (or you can just paint one part to save money). Barn Finds, where you search for abandoned cars in barns - make sure to look there for parts. Junkyard (scavenge for parts and rusty cars). Car Editor for modders (add your cars to the game!). New Features since CMS 2015:. seats, steering wheels and benches are exchangeable. car windows are now parts too. new repair system (smarter way to repair parts). parts warehouse (you can store your parts in a warehouse now). sheds (Barn Find module). separated tires and rims (you can place any tire and rim you want). new working shock absorber tool. new working battery charger. new working wheel balancer and changer. race track (next to test track, there is a race track with a timer). new physics system (much more complex). car liveries (you can apply liveries to your car). redone paint system (you can paint each part separately, choose the paint type: matt, metallic, pearl). modding support from day 1 (place your own cars in the game). customizable license plates (with modding support). customizable game music (with user music). engine crane (tired of lifting your car up and down to disassemble engine). creating new engines on the crane (starting from scratch). leveling system (XP with upgrades). new car salon (you can buy brand new cars). liquids in car. story orders (pregenerated like in CMS 2014) next to generated orders (like in CMS 2015). all new UI and easier controls (with rebind). pad support. . and much, much more. Official licensed brands coming up in DLC's:. Mercedes. Maserati. DeLorean. Pagani. Bentley. Dodge. Plymouth. Chrysler. Jeep. Ram. Lotus. Mazda. . and more. Check out more great games published by PlayWay:", + "about_the_game": " Bestselling Car Mechanic Simulator series goes to a new level!Car Mechanic Simulator 2018 challenges players to repair, paint, tune and drive cars.Find classic, unique cars in the new Barn Find module and Junkyard module. You can even add your self-made car in the Car Editor.Build and expand your repair service empire in this incredibly detailed and highly realistic simulation game, where attention to car detail is astonishing.All this with new, photorealistic graphics. Featuring more cars (40+), more tools (10+), more options and more parts (1000+) than ever before. It\u2019s time to roll up your sleeves and get to work!Car Mechanic Simulator 2018 also includes car auctions where old cars are available for resale or purchased for your collection. With the inclusion of photo-mode, you can take stunning before and after photos, and the game\u2019s infinite number of randomly generated missions will keep you more than busy (and dirty).Each mission offers its own unique challenge of varying difficulty and time constraints to meet. Additional tools are available for purchase if needed. You can eventually upgrade your garage to include specific equipment such as lacquer sprayer or a parts warehouse.Features of Car Mechanic Simulator 2018:photorealistic graphics40+ cars to get your hands dirty with10+ tools to help you check out cars1000+ parts waiting for youstart from a small workshop and upgrade it to a full sized 3-lifter gemmix of randomly generated jobs to fulfillendless gameplaymultilevel car parking in which you can store you carsAdvanced Upgrades System (level up and spend your points to upgrades)Path Test to test car suspensionTest Track to test car condition (or just fool around)Race Track to test car performanceCar Auctions where you can compete with other bidders and try to outbid themCar Paint Shop with different paint types and car liveries (or you can just paint one part to save money)Barn Finds, where you search for abandoned cars in barns - make sure to look there for partsJunkyard (scavenge for parts and rusty cars)Car Editor for modders (add your cars to the game!)New Features since CMS 2015:seats, steering wheels and benches are exchangeablecar windows are now parts toonew repair system (smarter way to repair parts)parts warehouse (you can store your parts in a warehouse now)sheds (Barn Find module)separated tires and rims (you can place any tire and rim you want)new working shock absorber toolnew working battery chargernew working wheel balancer and changerrace track (next to test track, there is a race track with a timer)new physics system (much more complex)car liveries (you can apply liveries to your car)redone paint system (you can paint each part separately, choose the paint type: matt, metallic, pearl)modding support from day 1 (place your own cars in the game)customizable license plates (with modding support)customizable game music (with user music)engine crane (tired of lifting your car up and down to disassemble engine)creating new engines on the crane (starting from scratch)leveling system (XP with upgrades)new car salon (you can buy brand new cars)liquids in carstory orders (pregenerated like in CMS 2014) next to generated orders (like in CMS 2015)all new UI and easier controls (with rebind)pad support... and much, much moreOfficial licensed brands coming up in DLC's:MercedesMaseratiDeLoreanPaganiBentleyDodgePlymouthChryslerJeepRamLotusMazda... and moreCheck out more great games published by PlayWay:", + "short_description": "Build and expand your repair service empire in this incredibly detailed and highly realistic simulation game, where attention to car detail is astonishing. Find classic, unique cars in the new Barn Find module and Junkyard module. You can even add your self-made car in the Car Editor.", + "genres": "Racing", + "recommendations": 41948, + "score": 7.016979753033798 + }, + { + "type": "game", + "name": "Slay the Spire", + "detailed_description": "We fused card games and roguelikes together to make the best single player deckbuilder we could. Craft a unique deck, encounter bizarre creatures, discover relics of immense power, and Slay the Spire!. FeaturesDynamic Deck Building: Choose your cards wisely! Discover hundreds of cards to add to your deck with each attempt at climbing the Spire. Select cards that work together to efficiently dispatch foes and reach the top. . An Ever-changing Spire: Whenever you embark on a journey up the Spire, the layout differs each time. Choose a risky or safe path, face different enemies, choose different cards, discover different relics, and even fight different bosses!. Powerful Relics to Discover: Powerful items known as relics can be found throughout the Spire. The effects of these relics can greatly enhance your deck through powerful interactions. But beware, obtaining a relic may cost you more than just gold. . Slay the Spire left Early Access and comes with:Four characters that each have their own unique set of cards. . 350+ fully implemented cards. . 200+ different items to be found. . 50+ unique combat encounters. . 50+ mysterious events that can help or harm you. . Daily Climbs allow you to compare yourself with every other player in the world. . Custom mode that allows mixing and matching various crazy run modifiers. .", + "about_the_game": "We fused card games and roguelikes together to make the best single player deckbuilder we could. Craft a unique deck, encounter bizarre creatures, discover relics of immense power, and Slay the Spire!FeaturesDynamic Deck Building: Choose your cards wisely! Discover hundreds of cards to add to your deck with each attempt at climbing the Spire. Select cards that work together to efficiently dispatch foes and reach the top. An Ever-changing Spire: Whenever you embark on a journey up the Spire, the layout differs each time. Choose a risky or safe path, face different enemies, choose different cards, discover different relics, and even fight different bosses!Powerful Relics to Discover: Powerful items known as relics can be found throughout the Spire. The effects of these relics can greatly enhance your deck through powerful interactions. But beware, obtaining a relic may cost you more than just gold...Slay the Spire left Early Access and comes with:Four characters that each have their own unique set of cards.350+ fully implemented cards.200+ different items to be found.50+ unique combat encounters.50+ mysterious events that can help or harm you.Daily Climbs allow you to compare yourself with every other player in the world.Custom mode that allows mixing and matching various crazy run modifiers.", + "short_description": "We fused card games and roguelikes together to make the best single player deckbuilder we could. Craft a unique deck, encounter bizarre creatures, discover relics of immense power, and Slay the Spire!", + "genres": "Indie", + "recommendations": 115193, + "score": 7.682909294582728 + }, + { + "type": "game", + "name": "The Crew\u2122 2", + "detailed_description": "GOLD EDITION. The Crew\u00ae 2 Gold Edition includes: . - Season Pass . - Digital Special Pack, with:. * DODGE CHALLENGER SRT DEMON INTERCEPTION UNIT. * PORSCHE 911 SPEEDSTER. JOIN A COMMUNITY OF 30 MILLION PLAYERS! Get ready for a high-speed trip across the USA and enjoy one of the most complete open-world action driving experiences ever created. With free content, new game modes, tracks, vehicles, and more added every season, The Crew\u00ae 2 has all you need for an unforgettable ride. . Take on the American motorsports scene and pick your favorite vehicles among hundreds. Experience the thrill and excitement of competing across the USA as you test your skills in a wide range of disciplines. Play with up to seven friends online. Special EditionThe Crew\u00ae 2 Special Edition includes the Digital Special Pack, with:. - Dodge Challenger SRT Demon Interception Unit. - Porsche 911 Speedster. JOIN A COMMUNITY OF 30 MILLION PLAYERS! Get ready for a high-speed trip across the USA and enjoy one of the most complete open-world action driving experiences ever created. With access to free content, new game modes, tracks, vehicles, events, and more added every season, The Crew\u00ae 2 has all you need for an unforgettable ride. . Take on the American motorsports scene, discover exhilarating landscapes and pick your favorite vehicles among hundreds. Experience the thrill and excitement of competing across the USA and test your skills in a wide range of disciplines. Play with up to seven friends online. SEASON PASS. Upgrade your American Motorsport adventures with the Season Pass. It includes three exclusive vehicles, early access to 22 vehicles in monthly drops, a permanent 20% discount to the in-game store. About the Game. Play The CREW\u00ae 2 full game for free for 4 hours by downloading the trial!. JOIN A COMMUNITY OF 30 MILLION PLAYERS! Get ready for a high-speed trip across the USA and enjoy one of the most complete open-world action driving experiences ever created. With dozens of new game modes, tracks, vehicles, events, and more added every season, The Crew\u00ae 2 has all you need for an unforgettable ride. . Take on the American motorsports scene, discover exhilarating landscapes and pick your favorite vehicles among hundreds. Experience the thrill and excitement of competing across the USA as you test your skills in a wide range of disciplines. Record every heart-pounding moment and share them with the push of a button - fame is yours to take! Play with up to seven friends online.", + "about_the_game": "Play The CREW\u00ae 2 full game for free for 4 hours by downloading the trial!JOIN A COMMUNITY OF 30 MILLION PLAYERS! Get ready for a high-speed trip across the USA and enjoy one of the most complete open-world action driving experiences ever created. With dozens of new game modes, tracks, vehicles, events, and more added every season, The Crew\u00ae 2 has all you need for an unforgettable ride.Take on the American motorsports scene, discover exhilarating landscapes and pick your favorite vehicles among hundreds. Experience the thrill and excitement of competing across the USA as you test your skills in a wide range of disciplines. Record every heart-pounding moment and share them with the push of a button - fame is yours to take! Play with up to seven friends online.", + "short_description": "Take on the American motorsports scene as you explore and dominate the land, air, and sea across the entire USA. With a wide variety of cars, bikes, boats, and planes, compete in a wide range of driving disciplines.", + "genres": "Action", + "recommendations": 57405, + "score": 7.223776321871212 + }, + { + "type": "game", + "name": "Jurassic World Evolution", + "detailed_description": "Digital Deluxe EditionA pack of 5 extra dinosaurs that can be accessed through dig sites within the game. . Styracosaurus. Crichtonsaurus . Majungasaurus. Archaeornithomimus . Suchomimus. . About the GameTake charge of operations on the legendary islands of the Muertes archipelago and bring the wonder, majesty and danger of dinosaurs to life. Build for Science, Entertainment or Security interests in an uncertain world where life always finds a way. . Bioengineer dinosaurs that think, feel and react intelligently to the world around them. Play with life itself to give your dinosaurs unique behaviors, traits and appearances, then contain and profit from them to fund your global search for lost dinosaur DNA. . Control the big picture with deep management tools or go hands-on to confront challenges on the ground or in the air. Expand your islands and choose your own journey in an all-new narrative featuring iconic characters from across the franchise and decades of Jurassic lore at your fingertips.", + "about_the_game": "Take charge of operations on the legendary islands of the Muertes archipelago and bring the wonder, majesty and danger of dinosaurs to life. Build for Science, Entertainment or Security interests in an uncertain world where life always finds a way.\r\n\r\nBioengineer dinosaurs that think, feel and react intelligently to the world around them. Play with life itself to give your dinosaurs unique behaviors, traits and appearances, then contain and profit from them to fund your global search for lost dinosaur DNA.\r\n\r\nControl the big picture with deep management tools or go hands-on to confront challenges on the ground or in the air. Expand your islands and choose your own journey in an all-new narrative featuring iconic characters from across the franchise and decades of Jurassic lore at your fingertips.", + "short_description": "Place yourself at the heart of the Jurassic franchise and build your own Jurassic World. Bioengineer dinosaurs that think, feel and react intelligently to the world around them and face threats posed by espionage, breakouts and devastating tropical storms in an uncertain world where life always finds a way.", + "genres": "Simulation", + "recommendations": 45183, + "score": 7.065952907046949 + }, + { + "type": "game", + "name": "Raft", + "detailed_description": "By yourself or with friends, your mission is to survive an epic oceanic adventure across. a perilous sea! Gather debris to survive, expand your raft and set sail towards forgotten and dangerous islands! . . Trapped on a small raft with nothing but a hook made of old plastic, players awake on a vast,. blue ocean totally alone and with no land in sight! With a dry throat and an empty stomach,. survival will not be easy!. Raft throws you and your friends into an epic adventure out on the big open sea, with the. objective to stay alive, gather resources and build yourself a floating home worthy of. survival. . Resources are tough to come by at sea: Players will have to make sure to catch whatever debris floats by using their trusty hook and when possible, scavenge the reefs beneath the waves and the islands above. However, thirst and hunger is not the only danger in the ocean\u2026 watch out for the man-. eating shark determined to end your voyage!. Find the last parts of civilization still above water. Overcome the challenges therein, uncover the story of its previous inhabitants and find your way to the next destination!. Features:. \u25cf Multiplayer! Survive by yourself or with friends in online co-op!. \u25cf Hook! Use your hook to catch debris floating by. \u25cf Craft! Build survival equipment, weapons, crop plots and more to help you stay alive!. \u25cf Build! Expand your raft from a simple wreckage to a buoyant mansion. \u25cf Research! Learn new things to craft in the research table. \u25cf Navigate! Sail your raft towards new destinations and overcome their challenges, uncover their story and find new items to help you on your journey!. \u25cf Dive! Drop anchor and explore the depths for more resources. \u25cf Fight! Defend your raft from the dangers of the ocean and fight your way through perilous destinations. \u25cf Farm and cook! Grow crops, catch and tend to animals, cook recipes and make tasty smoothies to keep your stomach happy.", + "about_the_game": "By yourself or with friends, your mission is to survive an epic oceanic adventure acrossa perilous sea! Gather debris to survive, expand your raft and set sail towards forgotten and dangerous islands! Trapped on a small raft with nothing but a hook made of old plastic, players awake on a vast,blue ocean totally alone and with no land in sight! With a dry throat and an empty stomach,survival will not be easy!Raft throws you and your friends into an epic adventure out on the big open sea, with theobjective to stay alive, gather resources and build yourself a floating home worthy ofsurvival.Resources are tough to come by at sea: Players will have to make sure to catch whatever debris floats by using their trusty hook and when possible, scavenge the reefs beneath the waves and the islands above.However, thirst and hunger is not the only danger in the ocean\u2026 watch out for the man-eating shark determined to end your voyage!Find the last parts of civilization still above water. Overcome the challenges therein, uncover the story of its previous inhabitants and find your way to the next destination!Features:\u25cf Multiplayer! Survive by yourself or with friends in online co-op!\u25cf Hook! Use your hook to catch debris floating by.\u25cf Craft! Build survival equipment, weapons, crop plots and more to help you stay alive!\u25cf Build! Expand your raft from a simple wreckage to a buoyant mansion.\u25cf Research! Learn new things to craft in the research table.\u25cf Navigate! Sail your raft towards new destinations and overcome their challenges, uncover their story and find new items to help you on your journey!\u25cf Dive! Drop anchor and explore the depths for more resources.\u25cf Fight! Defend your raft from the dangers of the ocean and fight your way through perilous destinations.\u25cf Farm and cook! Grow crops, catch and tend to animals, cook recipes and make tasty smoothies to keep your stomach happy.", + "short_description": "Raft throws you and your friends into an epic oceanic adventure! Alone or together, players battle to survive a perilous voyage across a vast sea! Gather debris, scavenge reefs and build your own floating home, but be wary of the man-eating sharks!", + "genres": "Adventure", + "recommendations": 235807, + "score": 8.155181648854855 + }, + { + "type": "game", + "name": "Hand Simulator", + "detailed_description": "Hand Simulator is a game in which you control your own hands (You do not need a VR helmet, you just need a keyboard and mouse). There are many different levels where you can play with spinners, plunge into the subtleties of handling weapons, milk a cow, take part in a Mexican duel with your friends, have a good time fishing, play chess or simply chat in an anonymous club. Hand Simulator is a game where everyone finds entertainment for their tastes. . Features: . - A lot of different levels. The game is developed every day; players' most interesting ideas are inevitably realized. - Multiplayer. For online games fans there are many levels implemented in Hand Simulator; there you can have fun with your friends. - Detailed mechanics of weapons. In order to make at least one shot, you will have to work hard. - Achievements. In each level, both online and offline, there are tasks in the performance of which, you will receive achievements. - Collectible cards.", + "about_the_game": "Hand Simulator is a game in which you control your own hands (You do not need a VR helmet, you just need a keyboard and mouse). There are many different levels where you can play with spinners, plunge into the subtleties of handling weapons, milk a cow, take part in a Mexican duel with your friends, have a good time fishing, play chess or simply chat in an anonymous club. Hand Simulator is a game where everyone finds entertainment for their tastes. \r\n\r\nFeatures: \r\n- A lot of different levels. The game is developed every day; players' most interesting ideas are inevitably realized. \r\n- Multiplayer. For online games fans there are many levels implemented in Hand Simulator; there you can have fun with your friends. \r\n- Detailed mechanics of weapons. In order to make at least one shot, you will have to work hard. \r\n- Achievements. In each level, both online and offline, there are tasks in the performance of which, you will receive achievements. \r\n- Collectible cards.", + "short_description": "There are many different levels where you can play with spinners, plunge into the subtleties of handling weapons, milk a cow, take part in a Mexican duel with your friends, have a good time fishing, play chess or simply chat in an anonymous club.", + "genres": "Simulation", + "recommendations": 28047, + "score": 6.751615213747026 + }, + { + "type": "game", + "name": "CS2D", + "detailed_description": "CS2D is a fast-paced top-down multiplayer shooter! FREE for Windows & Linux!. . Two teams fight each other in action packed matches. With a variety of missions like bomb planting, hostage rescue, V.I.P. assassination, capture the flag, construction, zombies, deathmatch and team deathmatch. You have access to a huge arsenal of weapons - also including crazy stuff like portal guns, lasers, RPGs and much more. Play online, in LAN or against bots. Use the built-in map editor to create your own maps within seconds or write Lua scripts to modify and extend the game!. . CS2D is 100% FREE! Zero costs. No payments. No pay to win. No way to spend money. That's right! You don't have to pay anything to play this game! We just want you to have some fun!. . Fast paced online action (or offline against Lua scripted bot AI). Pistols, shotguns, rifles, sniper rifles, (S)MGs, grenades and many other weapons. Many game modes: Classic (Bombs, Hostages, VIP), Deathmatch, Zombies, Construction. . Easy to use map editor with entity/trigger system. Console & buy scripts. Modify & extend with Lua scripts (yes, we also have mods with funny hats!). Dynamic light effects and a \"GTA 2\"-like top-down 3D mode. Win & Linux clients and headless dedicated server. Many active players around the world, loads of custom maps and scripts!. . also. did we mention that all this is FREE OF CHARGE?!. . Many different firearms and a tactical shield. Fancy special armors (including a medic armor and a stealth armor). Medikits & bandages (instant health recovery on pickup). Money items (gain money by collecting them). Close combat: machete, wrench, claw, chainsaw. Special \"grenades\": flare, molotov cocktail, gas grenade, airstrike, snowball. Launchers: RPG launcher, rocket launcher, grenade launcher. Mines: anti-personnel mine, laser mines. And more: flamethrower, laser, portal gun, . - over 70 different items in total!. . Classic mode with DE, CS and AS maps (bombs, hostages, VIPs). Deathmatch: just go crazy and kill everyone!. Team Deathmatch with capture the flag and domination maps. Construction mode: Build your own turrets, walls, teleporters, dispensers and more!. Zombies! Try to survive or be a zombie and infest all survivors!. . CS2D has been around for over a decade and it has been improved with many updates. A complete and working game! No early access! No wrong promises! WYSIWYG!. The awesome CS2D community already created tons of custom maps and mods.", + "about_the_game": "CS2D is a fast-paced top-down multiplayer shooter! FREE for Windows & Linux!Two teams fight each other in action packed matches. With a variety of missions like bomb planting, hostage rescue, V.I.P. assassination, capture the flag, construction, zombies, deathmatch and team deathmatch. You have access to a huge arsenal of weapons - also including crazy stuff like portal guns, lasers, RPGs and much more. Play online, in LAN or against bots. Use the built-in map editor to create your own maps within seconds or write Lua scripts to modify and extend the game!CS2D is 100% FREE! Zero costs. No payments. No pay to win. No way to spend money.That's right! You don't have to pay anything to play this game! We just want you to have some fun! Fast paced online action (or offline against Lua scripted bot AI) Pistols, shotguns, rifles, sniper rifles, (S)MGs, grenades and many other weapons Many game modes: Classic (Bombs, Hostages, VIP), Deathmatch, Zombies, Construction... Easy to use map editor with entity/trigger system Console & buy scripts Modify & extend with Lua scripts (yes, we also have mods with funny hats!) Dynamic light effects and a \"GTA 2\"-like top-down 3D mode Win & Linux clients and headless dedicated server Many active players around the world, loads of custom maps and scripts! ... also... did we mention that all this is FREE OF CHARGE?! Many different firearms and a tactical shield Fancy special armors (including a medic armor and a stealth armor) Medikits & bandages (instant health recovery on pickup) Money items (gain money by collecting them) Close combat: machete, wrench, claw, chainsaw Special \"grenades\": flare, molotov cocktail, gas grenade, airstrike, snowball Launchers: RPG launcher, rocket launcher, grenade launcher Mines: anti-personnel mine, laser mines And more: flamethrower, laser, portal gun, ... - over 70 different items in total! Classic mode with DE, CS and AS maps (bombs, hostages, VIPs) Deathmatch: just go crazy and kill everyone! Team Deathmatch with capture the flag and domination maps Construction mode: Build your own turrets, walls, teleporters, dispensers and more! Zombies! Try to survive or be a zombie and infest all survivors! CS2D has been around for over a decade and it has been improved with many updates A complete and working game! No early access! No wrong promises! WYSIWYG! The awesome CS2D community already created tons of custom maps and mods", + "short_description": "CS2D is a free fast-paced top-down multiplayer shooter. Featuring many different game modes, a built-in map editor and much more.", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Tricolour Lovestory", + "detailed_description": "\u2014\u2014It is the freedom, that one\u2019s been longing for a lifetime. \u2014\u2014It is the simple of mind, that one\u2019s never released from its shackle.\u2014\u2014It is the emaki, that we all paint our own color on. . \u25c6STORY\u25c6. It was the fall of 2005, weather here in the River City was warm and lovely. His childhood is like a pair of handcuffs, shackled the boy like he was soaked in dark grey paint.Entering the classroom called \u300cFine Art\u300d, . he saw 2 girls who auras out entirely different colors, embraced him at the same time.He almost say the auras encountered, twined, parted, and twined again\u2026\u2026The young man was fascinated, before he could even reach his inner self. \u300c\u2026\u2026How about we paint something together\u2026\u2026\u300d\u300c\u2026\u2026all three of us, from now on\u2026\u2026\u300d. \u25c6CHARACTORS\u25c6. \u25c6Violet\u25c6 . CV\uff1a\u6731\u96c0\u6a59. Birthday:Oct.7th Height:162cm Weight:51kg. B\uff1a96(D) W\uff1a60 H\uff1a87 . One of the main characters, 17 and in her junior year. Like the young man, she was also a transfer student, and happened to sit by his side. With eyes deep like amethysts, dark silk-like hair a face of perfect beauty but cold as ice, and mesmerizing bosom, she drew attention wherever she went. An \u2018Ice Queen\u2019 like her, responded nothing after the young man greeted her. And because of this, she wasn\u2019t the most popular one among her classmates. But in the professor\u2019s point of view, Violet was an absolute wizard of brushes. She worked her magic on a canvas like no one ever seen before. But her art was quite distinguished from her personality and seemed missing something crucial. What would that be? What would that be?. . \u25c6Daisy\u25c6. CV\uff1a\u5c0fN Birthday:\u00a0Aug.10th Height:157cm Weight:44kg. B\uff1a82(A) W\uff1a58 H\uff1a85 . One of the main characters, 17 and in her junior year. She always light up the room with her bright smile. But not always speaks her mind. She had lived in the same block with the young man, and had known him for 10 years. She always tried to protect him. And though she was the younger one, she insisted on acting more mature. And when he was locked up by his parents, he could always count on her. But for some reasons, she is on \u300cNOT TALKING\u300d term with him. . \u25c6SYSTEM\u25c6. . \u25cfYour decisions will guide the game to come! . The game carried the original, unprecedented system which basically uploads your every choice to our cloud sever, and shows the result to all after data was gathered and calculated on our page. So the ending isn\u2019t final yet, and the rest is for you to write. . \u25c6STAGE\u25c6. . \u25cfWuhan - the River City . A beautiful city in central China, also known as \u2018The River City\u2019. Everyday here is a new and promising day. . . \u25cfWuhan No.12 High School. Found in 1954, a prominent high school, and has a group of students studies Fine Art every grade. . Trading cards: According to new policy of Steam, trading cards will be available when the quantity of copies of game sold reachs a certain amount.", + "about_the_game": "\u2014\u2014It is the freedom, that one\u2019s been longing for a lifetime. \u2014\u2014It is the simple of mind, that one\u2019s never released from its shackle.\u2014\u2014It is the emaki, that we all paint our own color on.\u25c6STORY\u25c6It was the fall of 2005, weather here in the River City was warm and lovely. His childhood is like a pair of handcuffs, shackled the boy like he was soaked in dark grey paint.Entering the classroom called \u300cFine Art\u300d, he saw 2 girls who auras out entirely different colors, embraced him at the same time.He almost say the auras encountered, twined, parted, and twined again\u2026\u2026The young man was fascinated, before he could even reach his inner self. \u300c\u2026\u2026How about we paint something together\u2026\u2026\u300d\u300c\u2026\u2026all three of us, from now on\u2026\u2026\u300d\u25c6CHARACTORS\u25c6\u25c6Violet\u25c6\u00a0\u00a0\u00a0CV\uff1a\u6731\u96c0\u6a59Birthday:Oct.7th \u00a0\u00a0\u00a0Height:162cm\u00a0\u00a0\u00a0\u00a0Weight:51kgB\uff1a96(D) \u00a0\u00a0\u00a0W\uff1a60 \u00a0\u00a0H\uff1a87\u00a0One of the main characters, 17 and in her junior year. Like the young man, she was also a transfer student, and happened to sit by his side. With eyes deep like amethysts, dark silk-like hair a face of perfect beauty but cold as ice, and mesmerizing bosom, she drew attention wherever she went.An \u2018Ice Queen\u2019 like her, responded nothing after the young man greeted her. And because of this, she wasn\u2019t the most popular one among her classmates. But in the professor\u2019s point of view, Violet was an absolute wizard of brushes. She worked her magic on a canvas like no one ever seen before. But her art was quite distinguished from her personality and seemed missing something crucial. What would that be? What would that be? \u25c6Daisy\u25c6CV\uff1a\u5c0fN\u00a0Birthday:\u00a0Aug.10th \u00a0\u00a0\u00a0\u00a0Height:157cm\u00a0\u00a0Weight:44kgB\uff1a82(A) \u00a0\u00a0\u00a0W\uff1a58 \u00a0\u00a0\u00a0H\uff1a85\u00a0One of the main characters, 17 and in her junior year. She always light up the room with her bright smile. But not always speaks her mind. She had lived in the same block with the young man, and had known him for 10 years. She always tried to protect him. And though she was the younger one, she insisted on acting more mature. And when he was locked up by his parents, he could always count on her. But for some reasons, she is on \u300cNOT TALKING\u300d term with him. \u25c6SYSTEM\u25c6\u00a0\u00a0\u00a0\u00a0\u25cfYour decisions will guide the game to come! The game carried the original, unprecedented system which basically uploads your every choice to our cloud sever, and shows the result to all after data was gathered and calculated on our page. So the ending isn\u2019t final yet, and the rest is for you to write.\u25c6STAGE\u25c6\u00a0\u00a0\u00a0\u00a0\u25cfWuhan - the River City A beautiful city in central China, also known as \u2018The River City\u2019. Everyday here is a new and promising day. \u00a0\u00a0\u00a0\u25cfWuhan No.12 High SchoolFound in 1954, a prominent high school, and has a group of students studies Fine Art every grade. Trading cards: According to new policy of Steam, trading cards will be available when the quantity of copies of game sold reachs a certain amount.", + "short_description": "Time flies and never comes back. But with an incredible 1-million-word script and 100+ original CGs, this game will take you back to when you were young, simple and pure. Go and get the love of your life back, start something new, or end everything in flame, that's for you to decide!", + "genres": "Adventure", + "recommendations": 24156, + "score": 6.653163777046965 + }, + { + "type": "game", + "name": "BattleBit Remastered", + "detailed_description": "BattleBit Remastered aims for a chaotic, massively multiplayer online first-person shooter experience. . PRIMARY FEATURES Destructible environment & levolution. . Exhaustively optimized for high frames-per-second gameplay. . Proximity-based voice chat for real-time communication with friendlies and enemies. . Enhanced netcode for an FPS game, supporting 254 players per server, with high tickrate performance. . FEATURES Vehicular combat with tanks, helicopters, transports, and sea vehicles. . 45+ weapons with extensive customization options for tailored combat. . Classic class system with Assault, Medic, Engineer, Support, and Recon roles. . Experience dynamic day and night gameplay across 19+ strategically designed maps. . Discord Community We utilize Discord as our preferred communication platform for bug fixes and suggestions within our community. . Join a clan and fight along with your clan members.", + "about_the_game": "BattleBit Remastered aims for a chaotic, massively multiplayer online first-person shooter experience. PRIMARY FEATURES Destructible environment & levolution. Exhaustively optimized for high frames-per-second gameplay. Proximity-based voice chat for real-time communication with friendlies and enemies. Enhanced netcode for an FPS game, supporting 254 players per server, with high tickrate performance.FEATURES Vehicular combat with tanks, helicopters, transports, and sea vehicles. 45+ weapons with extensive customization options for tailored combat. Classic class system with Assault, Medic, Engineer, Support, and Recon roles. Experience dynamic day and night gameplay across 19+ strategically designed mapsDiscord Community We utilize Discord as our preferred communication platform for bug fixes and suggestions within our community. Join a clan and fight along with your clan members.", + "short_description": "BattleBit Remastered is a low-poly, massive multiplayer FPS, supporting 254 players per server. Battle on a near-fully destructible map with various vehicles!", + "genres": "Action", + "recommendations": 62713, + "score": 7.282075884903755 + }, + { + "type": "game", + "name": "AMID EVIL", + "detailed_description": "The producers of DUSK and the creators of Return of the Triad invite you to embark . upon an UNREAL new FPS adventure:. SEVEN distinct episodes each featuring a completely different setting and enemies. LUDICROUS magical weaponry that can be overcharged with the souls of the dead. ENDLESS Hordes of Evil to hone your skills against. BRUTAL and adaptive enemy AI that will hunt you down on land, sea and air. SPRAWLING non-linear levels filled with secrets and ancient lore. MULTITUDES of in-game options + cheat codes for a truly golden PC age experience. EPIC original & dynamic soundtrack composed by Andrew Hulshult. BUILT in Unreal Engine 4 for cutting edge visuals (even if they are a bit retro). NOW with support for Ray Tracing and DLSS 2.0 .", + "about_the_game": "The producers of DUSK and the creators of Return of the Triad invite you to embark upon an UNREAL new FPS adventure: SEVEN distinct episodes each featuring a completely different setting and enemies LUDICROUS magical weaponry that can be overcharged with the souls of the dead ENDLESS Hordes of Evil to hone your skills against BRUTAL and adaptive enemy AI that will hunt you down on land, sea and air SPRAWLING non-linear levels filled with secrets and ancient lore MULTITUDES of in-game options + cheat codes for a truly golden PC age experience EPIC original & dynamic soundtrack composed by Andrew Hulshult BUILT in Unreal Engine 4 for cutting edge visuals (even if they are a bit retro) NOW with support for Ray Tracing and DLSS 2.0", + "short_description": "A retro FPS for the ages! Once branded a HERETIC. Now YOU have been chosen as our champion! Reclaim our sacred weapons. Take back our ancient lands. If you can stand... AMID EVIL.", + "genres": "Action", + "recommendations": 5203, + "score": 5.641149455068569 + }, + { + "type": "game", + "name": "Farm Together", + "detailed_description": "The ultimate farming experience!. From the creators of Avatar Farm comes Farm Together, the ultimate farming experience!. Start from scratch, with a small plot, and end with a huge farm that extends further than the eye can see!Grow your farm. Grow crops, plant trees, take care of the animals, and much more! Spend your hard-earned money in new buildings and facilities for your farm! Earn experience to unlock hundreds of new items!. Hop onto your tractor and speed up the tasks, but watch out or you'll run out of gas!Chill out. Stay for as long as you want! In Farm Together time advances even if you're not online, so you can be sure you'll have something to do when you come back later. . Manage your farm all by yourself, allow entrance only to your friends, or open it to the public and start cultivating together! A simple permission system allows you to limit what strangers can do, so they can help with it without risks of vandalizing.Customize your farm and your looks. You'll have plenty of customization items at your disposal: Fences, roads, buildings, decorations. Show your gardening and decoration skills to your neighbours!. And don't forget about your clothes! Customize your avatar and your tractor to your liking, and go visit your friends' farms!Take your pet anywhere. Are you a cat person or a dog person? No problem, we got you covered!. Your loyal friend will always be there to show you some love! Customize its looks however you like and have fun with it!Build your own house. Want a change of pace? No problem! Just enter your house and relax!. Decorate the house interior however you like, and spend some time cooking some recipes, painting, or even composing music!", + "about_the_game": "The ultimate farming experience!From the creators of Avatar Farm comes Farm Together, the ultimate farming experience!Start from scratch, with a small plot, and end with a huge farm that extends further than the eye can see!Grow your farmGrow crops, plant trees, take care of the animals, and much more! Spend your hard-earned money in new buildings and facilities for your farm! Earn experience to unlock hundreds of new items!Hop onto your tractor and speed up the tasks, but watch out or you'll run out of gas!Chill outStay for as long as you want! In Farm Together time advances even if you're not online, so you can be sure you'll have something to do when you come back later.Manage your farm all by yourself, allow entrance only to your friends, or open it to the public and start cultivating together! A simple permission system allows you to limit what strangers can do, so they can help with it without risks of vandalizing.Customize your farm and your looksYou'll have plenty of customization items at your disposal: Fences, roads, buildings, decorations... Show your gardening and decoration skills to your neighbours!And don't forget about your clothes! Customize your avatar and your tractor to your liking, and go visit your friends' farms!Take your pet anywhereAre you a cat person or a dog person? No problem, we got you covered!Your loyal friend will always be there to show you some love! Customize its looks however you like and have fun with it!Build your own houseWant a change of pace? No problem! Just enter your house and relax!Decorate the house interior however you like, and spend some time cooking some recipes, painting, or even composing music!", + "short_description": "Grow your own farm all by yourself, or cooperate with your friends in this unique, relaxing farming experience!", + "genres": "Casual", + "recommendations": 15948, + "score": 6.379466049518623 + }, + { + "type": "game", + "name": "World War 3", + "detailed_description": "Featured DLC. Take the fight to a global level with a raft of amazing bonus content to use in World War 3.The YEAR 1 | Starter Pack contains:. First Response Operator (Operator Blueprint). M416 Hunter Assault Rifle (Assault Rifle). 500 UNC. 5 XP Boosters. IMPORTANT: To receive your items in World War 3, go to your web Inventory, sign in with your World War 3 Steam account, and follow the instructions. . This DLC does not grant access to the World War 3 Closed Beta Test (CBT). For CBT access, purchase the Private Pack, Sergeant Pack, Lieutenant Pack, or Major Pack. If you're a Veteran (you purchased World War 3 on Steam before October 4, 2021), you can claim your rewards via your web Inventory.\". Operation Sunstorm Battle PassOperation Sunstorm is here, and the Battle Pass is your key to exclusive rewards throughout it. Play now to unlock over 50 Tiers of Free and Premium rewards, including new and unique customization options for Operators, weapons, and strikes!. . The Operation Redline Battle Pass is now available to buy in-game. Buy it for access to the Premium track, and to instantly unlock the Great Wave Banner Background, Type-89 Ashi (Weapon Blueprint), and Special Boarding Unit (Operator Blueprint). About the GameWorld War 3 is an online multiplayer tactical FPS set against the backdrop of a modern global conflict. Team up to outgun and outflank the enemy in thrilling tactical skirmishes waged across real-world locations like Warsaw, Berlin, and Moscow. Customize your perfect loadout from a huge weapons arsenal, then deploy vehicles, gadgets, and drones, and call in strikes to seize the advantage. . . Use every tool at your disposal to win the fight. Get your boots on the ground as an infantry soldier, drive around in tanks and vehicles, utilize drones to survey the battlefield, and call in tactical strikes for maximum damage. . . Battle through stunning maps featuring realistic geography and incredible levels of detail. Take the fight from the streets of Warsaw, Berlin, Moscow, and Polyarny, to the outskirts of Smolensk and beyond. . . Every shot counts. Discover realistic gameplay features that enhance immersion without impacting combat, including an advanced ballistics system, full body awareness, vehicle physics, and extensive customization. . . A huge arsenal of weapons, vehicles, gadgets, drones, artillery, and airstrikes are at your disposal. Create your perfect loadout, and choose from hundreds of combinations of unique weapon components and cosmetic customizations to make it personal. Your vehicles, tactical gear, and uniforms are all fully customizable, so you can really make your mark on the battlefield. . . Hit the battlefield with up to 40 players in two core game modes. Capture points in fast-paced skirmishes in Tactical Ops (20 vs. 20), and race to victory in Team Deathmatch (10 vs. 10), a classic FPS mode where you need to compete for the highest kill count!.", + "about_the_game": "World War 3 is an online multiplayer tactical FPS set against the backdrop of a modern global conflict. Team up to outgun and outflank the enemy in thrilling tactical skirmishes waged across real-world locations like Warsaw, Berlin, and Moscow. Customize your perfect loadout from a huge weapons arsenal, then deploy vehicles, gadgets, and drones, and call in strikes to seize the advantage.Use every tool at your disposal to win the fight. Get your boots on the ground as an infantry soldier, drive around in tanks and vehicles, utilize drones to survey the battlefield, and call in tactical strikes for maximum damage.Battle through stunning maps featuring realistic geography and incredible levels of detail. Take the fight from the streets of Warsaw, Berlin, Moscow, and Polyarny, to the outskirts of Smolensk and beyond.Every shot counts. Discover realistic gameplay features that enhance immersion without impacting combat, including an advanced ballistics system, full body awareness, vehicle physics, and extensive customization.A huge arsenal of weapons, vehicles, gadgets, drones, artillery, and airstrikes are at your disposal. Create your perfect loadout, and choose from hundreds of combinations of unique weapon components and cosmetic customizations to make it personal. Your vehicles, tactical gear, and uniforms are all fully customizable, so you can really make your mark on the battlefield.Hit the battlefield with up to 40 players in two core game modes. Capture points in fast-paced skirmishes in Tactical Ops (20 vs. 20), and race to victory in Team Deathmatch (10 vs. 10), a classic FPS mode where you need to compete for the highest kill count!", + "short_description": "World War 3 is a free-to-play tactical online multiplayer FPS where the world is your battleground. Outgun the enemy in thrilling, team-based skirmishes with a huge arsenal of weapons, vehicles, gadgets, and drones at your disposal.", + "genres": "Action", + "recommendations": 28941, + "score": 6.7722995352492426 + }, + { + "type": "game", + "name": "Stick Fight: The Game", + "detailed_description": "Stick Fight is a physics-based couch/online fighting game where you battle it out as the iconic stick figures from the golden age of the internet. Fight it out against your friends or find random sticks from around the world!. 2 to 4 PLAYERS in either Local or Online Multiplayer (NO SINGLE PLAYER MODE). Physics-Based Combat System. 100 Highly Interactive Levels. Level editor. Over 100,000 community made levels. Lots of weapons! . Procedural Animations using the system from Totally Accurate Battle Simulator.", + "about_the_game": "Stick Fight is a physics-based couch/online fighting game where you battle it out as the iconic stick figures from the golden age of the internet. Fight it out against your friends or find random sticks from around the world!2 to 4 PLAYERS in either Local or Online Multiplayer (NO SINGLE PLAYER MODE)Physics-Based Combat System100 Highly Interactive LevelsLevel editorOver 100,000 community made levelsLots of weapons! Procedural Animations using the system from Totally Accurate Battle Simulator", + "short_description": "Stick Fight is a physics-based couch/online fighting game where you battle it out as the iconic stick figures from the golden age of the internet.", + "genres": "Action", + "recommendations": 88652, + "score": 7.51026507330656 + }, + { + "type": "game", + "name": "MudRunner", + "detailed_description": "Buzz. About the GameMudRunner is the ultimate off-road experience, putting the players in the driver seat and daring them to take charge of incredible all-terrain vehicles, venturing across extreme Siberian landscapes with only a map and compass as guides!. Drive 19 powerful all-terrain vehicles, each with its own characteristics and attachable equipment. Complete your objectives and deliveries by enduring perilous conditions across wild, untamed landscapes in extreme conditions with dynamic day-night cycles. Explore an immersive sandbox environment, enhanced by improved graphics. Overcome muddy terrain, raging rivers and other obstacles that all realistically react to the weight and movement of your vehicle powered by the game's advanced physics engine. . With your map, compass, winch, and your driving skills as allies, go solo or join up to three others in the coop multiplayer. Download mods created by the passionate community for truck-loads of content and an ever-evolving MudRunner experience. . The ultimate off-road experience. A wider selection of 19 incredible all-terrain vehicles. Explore immense, untamed Siberian sandbox environments. Overhauled graphics and advanced physics engine for extreme realism. Complete perilous objectives and deliveries in extreme conditions. Play solo or in multiplayer coop up to 4!. Download mods for an ever-evolving experience.", + "about_the_game": "MudRunner is the ultimate off-road experience, putting the players in the driver seat and daring them to take charge of incredible all-terrain vehicles, venturing across extreme Siberian landscapes with only a map and compass as guides!Drive 19 powerful all-terrain vehicles, each with its own characteristics and attachable equipment. Complete your objectives and deliveries by enduring perilous conditions across wild, untamed landscapes in extreme conditions with dynamic day-night cycles. Explore an immersive sandbox environment, enhanced by improved graphics. Overcome muddy terrain, raging rivers and other obstacles that all realistically react to the weight and movement of your vehicle powered by the game's advanced physics engine.With your map, compass, winch, and your driving skills as allies, go solo or join up to three others in the coop multiplayer. Download mods created by the passionate community for truck-loads of content and an ever-evolving MudRunner experience.The ultimate off-road experienceA wider selection of 19 incredible all-terrain vehiclesExplore immense, untamed Siberian sandbox environmentsOverhauled graphics and advanced physics engine for extreme realismComplete perilous objectives and deliveries in extreme conditionsPlay solo or in multiplayer coop up to 4!Download mods for an ever-evolving experience", + "short_description": "MudRunner is the ultimate off-road experience putting the players in the driver seat and dares them to take charge of incredible all-terrain vehicles, venturing across extreme Siberian landscapes with only a map and compass as guides!", + "genres": "Simulation", + "recommendations": 24389, + "score": 6.659491735924952 + }, + { + "type": "game", + "name": "Splitgate", + "detailed_description": "Splitgate is a free-to-play, fast-paced multiplayer shooter that features player-controlled portals. This sci-fi shooter takes the FPS genre to a new dimension with its portal mechanics, delivering high-flying, multi-dimensional combat. Evoking memories of the most revered shooters of the past two decades, Splitgate embraces the classic and familiar feel of close-quarters combat while adding a unique twist.Portal Combat: a New Kind of ShooterKeep your head on a swivel and experience intense, traversal action as you fly, flank, and frag through the air using portal combat to constantly out-smart and out-maneuver your enemies. There\u2019s nothing quite like landing a no-scope headshot from behind after portalling circles around a confused enemy, who still thinks you are standing in front of him!Comprehensive, Feature-Filled Multiplayer Experience for FREEAlong with grindable challenges, dozens of customizable characters, a competitive leaderboard and ranking system, and over 15 casual and competitive game modes, Splitgate offers more than 20 maps, each with its own unique setting and play style. The maps include a research facility inside an active volcano, an underwater luxury hotel, an alien crash site, and much more. Each map has its own look and feel and plays differently, rewarding players for adapting their tactics in the fast-paced, portal combat that only Splitgate offers. And it\u2019s FREE.Party Up with Your Friends Across Multiple PlatformsCross-play functionality lets you play with or against your friends across multiple consoles and PCs. Standard FPS controls and intuitive portal mechanics mean beginners are up and running right off the bat, and with competitive and casual modes, you can party up with friends of any skill level. You can even create a custom lobby with modifiers to play any way you like. We highly recommend Big-Head Mode with low gravity and unlimited ammo!.", + "about_the_game": "Splitgate is a free-to-play, fast-paced multiplayer shooter that features player-controlled portals. This sci-fi shooter takes the FPS genre to a new dimension with its portal mechanics, delivering high-flying, multi-dimensional combat. Evoking memories of the most revered shooters of the past two decades, Splitgate embraces the classic and familiar feel of close-quarters combat while adding a unique twist.Portal Combat: a New Kind of ShooterKeep your head on a swivel and experience intense, traversal action as you fly, flank, and frag through the air using portal combat to constantly out-smart and out-maneuver your enemies. There\u2019s nothing quite like landing a no-scope headshot from behind after portalling circles around a confused enemy, who still thinks you are standing in front of him!Comprehensive, Feature-Filled Multiplayer Experience for FREEAlong with grindable challenges, dozens of customizable characters, a competitive leaderboard and ranking system, and over 15 casual and competitive game modes, Splitgate offers more than 20 maps, each with its own unique setting and play style. The maps include a research facility inside an active volcano, an underwater luxury hotel, an alien crash site, and much more. Each map has its own look and feel and plays differently, rewarding players for adapting their tactics in the fast-paced, portal combat that only Splitgate offers. And it\u2019s FREE.Party Up with Your Friends Across Multiple PlatformsCross-play functionality lets you play with or against your friends across multiple consoles and PCs. Standard FPS controls and intuitive portal mechanics mean beginners are up and running right off the bat, and with competitive and casual modes, you can party up with friends of any skill level. You can even create a custom lobby with modifiers to play any way you like. We highly recommend Big-Head Mode with low gravity and unlimited ammo!", + "short_description": "Splitgate is a free-to-play, fast-paced multiplayer shooter that features player-controlled portals. This sci-fi shooter takes the FPS genre to a new dimension with its portal mechanics, delivering high-flying, multi-dimensional combat.", + "genres": "Action", + "recommendations": 162, + "score": 3.357951642268623 + }, + { + "type": "game", + "name": "DRAGON BALL FighterZ", + "detailed_description": "FighterZ Edition. The FighterZ Edition includes the game and the FighterZ Pass, which adds 8 new mighty characters to the roster. Ultimate Edition. The Ultimate Edition includes:. \u2022 The game. \u2022 FighterZ Pass (8 new characters). \u2022 Anime Music Pack (11 songs from the Anime, available 3/1/18). \u2022 Commentator Voice Pack (available 4/15/18). About the Game. DRAGON BALL FighterZ is born from what makes the DRAGON BALL series so loved and famous: endless spectacular fights with its all-powerful fighters. . Partnering with Arc System Works, DRAGON BALL FighterZ maximizes high end Anime graphics and brings easy to learn but difficult to master fighting gameplay. . High-end Anime Graphics. Using the power of the Unreal engine and the talented team at Arc System Works, DRAGON BALL FighterZ is a visual tour-de-force. . 3vs3 Tag/Support. Build your dream team and sharpen your skills to master high-speed tag combinations. . Thrilling Online Features. Ranked matches, interactive lobby, crazy 6-player Party Match. There is something for every taste!. Exclusive Story Mode. Discover a never-seen-before scenario featuring Android 21, a brand new character whose creation was supervised by Akira Toriyama himself. . Spectacular Fights. Experience aerial combos, destructible stages and famous scenes from the DRAGON BALL anime in 60FPS and 1080p resolution!", + "about_the_game": "DRAGON BALL FighterZ is born from what makes the DRAGON BALL series so loved and famous: endless spectacular fights with its all-powerful fighters.Partnering with Arc System Works, DRAGON BALL FighterZ maximizes high end Anime graphics and brings easy to learn but difficult to master fighting gameplay.High-end Anime GraphicsUsing the power of the Unreal engine and the talented team at Arc System Works, DRAGON BALL FighterZ is a visual tour-de-force.3vs3 Tag/SupportBuild your dream team and sharpen your skills to master high-speed tag combinations.Thrilling Online FeaturesRanked matches, interactive lobby, crazy 6-player Party Match... There is something for every taste!Exclusive Story ModeDiscover a never-seen-before scenario featuring Android 21, a brand new character whose creation was supervised by Akira Toriyama himself.Spectacular FightsExperience aerial combos, destructible stages and famous scenes from the DRAGON BALL anime in 60FPS and 1080p resolution!", + "short_description": "DRAGON BALL FighterZ is born from what makes the DRAGON BALL series so loved and famous: endless spectacular fights with its all-powerful fighters.", + "genres": "Action", + "recommendations": 44581, + "score": 7.05711075621648 + }, + { + "type": "game", + "name": "CODE VEIN", + "detailed_description": "RISE TOGETHER. Team up with an AI partner or a friend in co-op multiplayer and venture out into a world of destruction in this story driven connected dungeon experience. Use your combined strength to coordinate your approach and defend each other from surprise attacks or tackle overpowered enemies. . GREATER CHALLENGES BRING GREATER REWARDS. Acquire new gear, level up your character, and become more powerful to rise up against the Lost. From new players to seasoned action game veterans, the challenges in CODE VEIN will keep you coming back for more. . CUSTOMIZE YOUR REVENANT. Choose from various weapons such as bayonets, axes, spears, and more. Enhance your character\u2019s abilities with powerful Blood Code enhancements, each with access to various \u201cGifts\u201d that can increase your strength, weaken enemies, and can allow you to utilize new weapon abilities or access overpowered attacks. Finish off your opponents with your Blood Veil, powerful blood draining tools, each with their own unique visual and attack style that opens up a myriad of new combat strategies. . . In the face of certain death, we rise. . Team up and embark on a journey to the ends of hell to unlock your past and escape your living nightmare in CODE VEIN. Death may feel permanent but your loadout doesn't have to. Change your character class at any time, unlock the ability to mix and match skills, or choose different NPCs to partner with, all of which could make the difference between life and death. .", + "about_the_game": "RISE TOGETHERTeam up with an AI partner or a friend in co-op multiplayer and venture out into a world of destruction in this story driven connected dungeon experience. Use your combined strength to coordinate your approach and defend each other from surprise attacks or tackle overpowered enemies.GREATER CHALLENGES BRING GREATER REWARDSAcquire new gear, level up your character, and become more powerful to rise up against the Lost. From new players to seasoned action game veterans, the challenges in CODE VEIN will keep you coming back for more. CUSTOMIZE YOUR REVENANTChoose from various weapons such as bayonets, axes, spears, and more. Enhance your character\u2019s abilities with powerful Blood Code enhancements, each with access to various \u201cGifts\u201d that can increase your strength, weaken enemies, and can allow you to utilize new weapon abilities or access overpowered attacks. Finish off your opponents with your Blood Veil, powerful blood draining tools, each with their own unique visual and attack style that opens up a myriad of new combat strategies. In the face of certain death, we rise.Team up and embark on a journey to the ends of hell to unlock your past and escape your living nightmare in CODE VEIN. Death may feel permanent but your loadout doesn't have to. Change your character class at any time, unlock the ability to mix and match skills, or choose different NPCs to partner with, all of which could make the difference between life and death.", + "short_description": "In the face of certain death, we rise. Team up and embark on a journey to the ends of hell to unlock your past and escape your living nightmare in CODE VEIN.", + "genres": "Action", + "recommendations": 36866, + "score": 6.931848305308296 + }, + { + "type": "game", + "name": "OUTRIDERS", + "detailed_description": "OUTRIDERS WORLDSLAYER. OUTRIDERS WORLDSLAYER is a brutal 1-3 player co-op looter shooter set in an original, dark sci-fi universe. . The full experience of OUTRIDERS WORLDSLAYER includes the original OUTRIDERS game, with all the numerous quality of life improvements and Expedition content added since launch. . You\u2019ll create your own Outrider from one of 4 powerful classes and journey across the diverse and deadly planet Enoch. . Begin with the original OUTRIDERS campaign or use the boost to jump straight into the Worldslayer campaign with a fully geared up level 30 Outrider. . Here you will face off against the most deadly Altered ever encountered - Ereshkigal, in humanity\u2019s last fight for survival. . Beyond her even greater horrors exist in the ultimate endgame experience taking place in the ancient ruins of Tarya Gratar. . Combining aggressive gunplay with violent powers and an arsenal of increasingly twisted customisable weaponry and gear-sets, OUTRIDERS WORLDSLAYER offers countless hours of visceral gameplay from one of the finest shooter developers in the industry \u2013 People Can Fly. OUTRIDERS NEW HORIZON. Outriders\u2019 free New Horizon Update adds Endgame 2.0 \u2013 New No Timer Expeditions! 4 New Expedition Maps, Transmog, improved Loot Drop System, Buffed Skills, connectivity and matchmaking improvements and more!. Reviews & Accolades\"Brutal and Unrelenting\" - MMORPG. Absolutely Incredible\u201d - Gamers Heroes. \u201cTHE SCI-FI RPG EPIC WE\u2019VE BEEN WAITING FOR\u201d - COGConnected. \u201cGrisly combo of gunplay and superpowers\u201d - IGN. \u201cA bonafide hit\u201d - Heavy. PLAY THE DEMO NOW!. Take your first steps into a savage future in the OUTRIDERS Demo, and get a taste for the most aggressive RPG-Shooter in the genre. . With all four classes available, and the first four brutal abilities from each, you can assassinate your enemies as the Trickster, incinerate them as the Pyromancer, punish them up close as the Devastator, or at range as the mysterious Technomancer. Play single-player, or with up to two friends, as you experience the prologue and opening hours of OUTRIDERS. . NOTE: The OUTRIDERS Demo requires a free Square Enix Members account. Register for a new account to receive a free 'Slick and Smooth' in-game emote! The OUTRIDERS Demo also requires persistent online access and may require a platform-specific subscription fee. About the Game. OUTRIDERS is a 1-3 player co-op RPG shooter set in an original, dark and desperate sci-fi universe. . As mankind bleeds out in the trenches of Enoch, you\u2019ll create your own Outrider and embark on a journey across the hostile planet. . With rich storytelling spanning a diverse world, you\u2019ll leave behind the slums and shanty towns of the First City and traverse forests, mountains and desert in the pursuit of a mysterious signal. . Combining intense gunplay with violent powers and an arsenal of increasingly twisted weaponry and gear-sets, OUTRIDERS offers countless hours of gameplay from one of the finest shooter developers in the industry \u2013 People Can Fly.INTENSITY OF A SHOOTER, DEPTH OF AN RPGOUTRIDERS\u2019 brutal and bloody combat combines frenetic gunplay, violent powers and deep RPG systems to create a true genre hybrid.A DARK AND DESPERATE JOURNEYDiscover the hostile planet of Enoch as you embark on a journey to the source of a mysterious signal.DYNAMIC 1-3 PLAYER CO-OP Play single-player or join up to two friends in drop-in drop-out co-op as you tackle the horrors of a hyper-evolved planet.FOUR UNIQUE CLASSESCreate and customise your own Outrider and choose from four unique classes each with its own skill tree to define your own playstyle.SCAVENGE & ADAPTCustomise and upgrade your Outrider with countless items of mod-able guns and gear. Now with full and entirely free Transmog. .", + "about_the_game": "OUTRIDERS is a 1-3 player co-op RPG shooter set in an original, dark and desperate sci-fi universe. As mankind bleeds out in the trenches of Enoch, you\u2019ll create your own Outrider and embark on a journey across the hostile planet. With rich storytelling spanning a diverse world, you\u2019ll leave behind the slums and shanty towns of the First City and traverse forests, mountains and desert in the pursuit of a mysterious signal. Combining intense gunplay with violent powers and an arsenal of increasingly twisted weaponry and gear-sets, OUTRIDERS offers countless hours of gameplay from one of the finest shooter developers in the industry \u2013 People Can Fly.INTENSITY OF A SHOOTER, DEPTH OF AN RPGOUTRIDERS\u2019 brutal and bloody combat combines frenetic gunplay, violent powers and deep RPG systems to create a true genre hybrid.A DARK AND DESPERATE JOURNEYDiscover the hostile planet of Enoch as you embark on a journey to the source of a mysterious signal.DYNAMIC 1-3 PLAYER CO-OP Play single-player or join up to two friends in drop-in drop-out co-op as you tackle the horrors of a hyper-evolved planet.FOUR UNIQUE CLASSESCreate and customise your own Outrider and choose from four unique classes each with its own skill tree to define your own playstyle.SCAVENGE & ADAPTCustomise and upgrade your Outrider with countless items of mod-able guns and gear. Now with full and entirely free Transmog.", + "short_description": "Outriders\u2019 brutal and bloody combat combines frenetic gunplay, violent powers and deep RPG systems to create a true genre hybrid.", + "genres": "Action", + "recommendations": 44458, + "score": 7.055289453443106 + }, + { + "type": "game", + "name": "Bless Online", + "detailed_description": "\u201cWe invite you all to the world of Bless Online!\u201d. Explore the beautiful and breathtaking open world!. Face diverse challenges!. Join group battles to decide the fate of huge wars while earning rewards!. Experience the endless possibilities of Bless Online now!. 7 Distinct Races & 5 Unique ClassesTake the first steps in creating your character by selecting your character\u2019s class and race! Experience the wide variety in skills, combat styles, and lore with each option. . Race:. Class: . Production and CraftingWith a variety of crafting skills including weaponry, armor, handiwork, enchantment, alchemy, and cooking, players can pursue whatever aspect of production sparks their imagination. Dungeons Challenge yourself with dungeons of varying scale and difficulty! Battle bosses and monsters on your path to glory!. . Discover the special dungeon where players can obtain rare plants and minerals.Field Battles & RaidsCooperate with other players or pit yourself against them as you fight terrifying bosses!. . . Monsters in Bless aren\u2019t just for fighting! The 660 unique tameable species can become useful allies through taming. . . Take part in the ongoing war between Hieron and Union! In everything from simple duels to 100v100 RvR battles, a player\u2019s prowess will help build their reputation in the Bless world.", + "about_the_game": "\u201cWe invite you all to the world of Bless Online!\u201dExplore the beautiful and breathtaking open world!Face diverse challenges!Join group battles to decide the fate of huge wars while earning rewards!Experience the endless possibilities of Bless Online now!7 Distinct Races & 5 Unique ClassesTake the first steps in creating your character by selecting your character\u2019s class and race! Experience the wide variety in skills, combat styles, and lore with each option.Race:Class: Production and CraftingWith a variety of crafting skills including weaponry, armor, handiwork, enchantment, alchemy, and cooking, players can pursue whatever aspect of production sparks their imagination.Dungeons Challenge yourself with dungeons of varying scale and difficulty! Battle bosses and monsters on your path to glory!Discover the special dungeon where players can obtain rare plants and minerals.Field Battles & RaidsCooperate with other players or pit yourself against them as you fight terrifying bosses!Monsters in Bless aren\u2019t just for fighting! The 660 unique tameable species can become useful allies through taming.Take part in the ongoing war between Hieron and Union! In everything from simple duels to 100v100 RvR battles, a player\u2019s prowess will help build their reputation in the Bless world.", + "short_description": "Live your own adventure in the breathtaking world of Bless Online! Fight for your faction in RvR battles and field PvP, explore treacherous dungeons with your friends, tame fantastic monsters, and become a legend.", + "genres": "Action", + "recommendations": 7267, + "score": 5.861367517701071 + }, + { + "type": "game", + "name": "GRIS", + "detailed_description": "Latest from Nomada Studio Watch the Behind the Schemes \"GRIS\" episode About the GameGris is a hopeful young girl lost in her own world, dealing with a painful experience in her life. Her journey through sorrow is manifested in her dress, which grants new abilities to better navigate her faded reality. As the story unfolds, Gris will grow emotionally and see her world in a different way, revealing new paths to explore using her new abilities. . GRIS is a serene and evocative experience, free of danger, frustration or death. Players will explore a meticulously designed world brought to life with delicate art, detailed animation, and an elegant original score. Through the game light puzzles, platforming sequences, and optional skill-based challenges will reveal themselves as more of Gris\u2019s world becomes accessible. . GRIS is an experience with almost no text, only simple control reminders illustrated through universal icons. The game can be enjoyed by anyone regardless of their spoken language.", + "about_the_game": "Gris is a hopeful young girl lost in her own world, dealing with a painful experience in her life. Her journey through sorrow is manifested in her dress, which grants new abilities to better navigate her faded reality. As the story unfolds, Gris will grow emotionally and see her world in a different way, revealing new paths to explore using her new abilities.\r\n\r\nGRIS is a serene and evocative experience, free of danger, frustration or death. Players will explore a meticulously designed world brought to life with delicate art, detailed animation, and an elegant original score. Through the game light puzzles, platforming sequences, and optional skill-based challenges will reveal themselves as more of Gris\u2019s world becomes accessible.\r\n\r\nGRIS is an experience with almost no text, only simple control reminders illustrated through universal icons. The game can be enjoyed by anyone regardless of their spoken language.", + "short_description": "Gris is a hopeful young girl lost in her own world, dealing with a painful experience in her life. Her journey through sorrow is manifested in her dress, which grants new abilities to better navigate her faded reality.", + "genres": "Adventure", + "recommendations": 56107, + "score": 7.208699459014706 + }, + { + "type": "game", + "name": "Hell Let Loose", + "detailed_description": "Discord Community. About the Game. Fight in the most iconic battles of the Western Front, including Carentan, Omaha Beach and Foy and more. This is combat at a whole new scale. with lumbering tanks dominating the battlefield, crucial supply chains fuelling the frontlines, you are a cog in the machine of colossal combined arms warfare. Hell Let Loose puts you in the chaos of war, complete with deep player-controlled vehicles, a dynamically evolving front line, and crucial unit-focused gameplay that commands the tide of battle. . Featuring more than 9 sweeping maps modelled on real reconnaissance images and satellite data, the entire battlefield is divided up into large capture sectors - allowing for emergent and constantly unique gameplay that pits two forces of fifty players in a fight to the death across fields, bridges, forests and towns on an ever-evolving front line. When a sector is captured, it will generate one of three resources for your team, creating a complex meta-game that will influence your team\u2019s march to victory. . An Epic Theatre of War. Take to the battlefield in 50 vs 50 multiplayer across huge maps. Choose one of 14 playable roles within infantry, recon and armour unit types, each equipped with different weapons, vehicles and equipment. Play as an Officer, Scout, Machine Gunner, Medic, Engineer, Tank Commander and more to experience every aspect of World War II combat. . Hardcore Gameplay. Dropping you in more than 9 iconic battlefields of World War II - such as Omaha Beach, Carentan and Foy is at the heart of the Hell Let Loose experience. Historical vehicles, weapons, uniforms are intricately detailed, and the combat is as brutal and bloody as it was on the day. Combat takes place on huge, to-scale maps from real battle locations, recreated using archival aerial photography and satellite imagery in stunning detail using Unreal Engine 4. . Fight Together - Win Together. Hell Let Loose is not about kill to death ratios - teamwork is central to gameplay. Communication is essential. Players work together beneath the leadership of officers and their Commander to take strategic targets on the battlefield and dominate the opposition. Hell Let Loose is a game that demands teamwork and communication not only to win, but to survive. . Unique Meta Game. Fight for victory by breaking through the enemy lines on a large, evolving battlefield. The unique sector capture metagame requires teams to make continual large scale tactical decisions as to where to attack or defend. Manage resources and supplies to call in support, bombing runs, new vehicles, strafing runs and to reinforce strong-points or flank enemies. Strategy is key to success. . Key Features:. \u2022 Fight in epic 50 vs 50 multiplayer battles. \u2022 Two distinct gamemodes - Offensive and Warfare. \u2022 9 maps with more added frequently - land at Omaha Beach, fight through Carentan and into the frozen forests of Foy before climbing Hill 400. \u2022 Never fight the same battle twice - 99 capture point variations per map, means thousands of potential battles. \u2022 Play and master one or many of 14 unique roles, including:. Officer, Medic, Machinegunner, Commander, Crewman, Sniper and more. \u2022 Constantly updated with new maps, weapons, features and fixes. \u2022 True to life ballistics and recoil patterns create satisfying, skillful gunplay. \u2022 In-game proximity voip, command voip and unit voip. \u2022 Brutal combat - friend and foe are dismembered by heavy weapons. \u2022 Persistent player progression - show off your experience by unlocking new uniforms, loadouts and other customisation options as you level up each individual role, as well as your player. \u2022 Take control of a huge array of WW2 vehicles - including the Tiger, Sherman, Stuart, Puma and more - with additional vehicles still to come. \u2022 Bombard and wipe the enemy from the field by taking control of heavy weapons - such as anti-tank guns and artillery. \u2022 Build defenses on the battlefield to fortify your position. \u2022 Use teamwork to smash through the enemy front line and push through to victory. \u2022 Play the game as the Commander and lead your team to victory using different abilities as you orchestrate your forces via the tactical map.", + "about_the_game": "Fight in the most iconic battles of the Western Front, including Carentan, Omaha Beach and Foy and more. This is combat at a whole new scale....with lumbering tanks dominating the battlefield, crucial supply chains fuelling the frontlines, you are a cog in the machine of colossal combined arms warfare. Hell Let Loose puts you in the chaos of war, complete with deep player-controlled vehicles, a dynamically evolving front line, and crucial unit-focused gameplay that commands the tide of battle.Featuring more than 9 sweeping maps modelled on real reconnaissance images and satellite data, the entire battlefield is divided up into large capture sectors - allowing for emergent and constantly unique gameplay that pits two forces of fifty players in a fight to the death across fields, bridges, forests and towns on an ever-evolving front line. When a sector is captured, it will generate one of three resources for your team, creating a complex meta-game that will influence your team\u2019s march to victory.An Epic Theatre of WarTake to the battlefield in 50 vs 50 multiplayer across huge maps. Choose one of 14 playable roles within infantry, recon and armour unit types, each equipped with different weapons, vehicles and equipment. Play as an Officer, Scout, Machine Gunner, Medic, Engineer, Tank Commander and more to experience every aspect of World War II combat.Hardcore GameplayDropping you in more than 9 iconic battlefields of World War II - such as Omaha Beach, Carentan and Foy is at the heart of the Hell Let Loose experience. Historical vehicles, weapons, uniforms are intricately detailed, and the combat is as brutal and bloody as it was on the day. Combat takes place on huge, to-scale maps from real battle locations, recreated using archival aerial photography and satellite imagery in stunning detail using Unreal Engine 4.Fight Together - Win TogetherHell Let Loose is not about kill to death ratios - teamwork is central to gameplay. Communication is essential. Players work together beneath the leadership of officers and their Commander to take strategic targets on the battlefield and dominate the opposition. Hell Let Loose is a game that demands teamwork and communication not only to win, but to survive.Unique Meta GameFight for victory by breaking through the enemy lines on a large, evolving battlefield. The unique sector capture metagame requires teams to make continual large scale tactical decisions as to where to attack or defend. Manage resources and supplies to call in support, bombing runs, new vehicles, strafing runs and to reinforce strong-points or flank enemies. Strategy is key to success.Key Features:\u2022 Fight in epic 50 vs 50 multiplayer battles.\u2022 Two distinct gamemodes - Offensive and Warfare\u2022 9 maps with more added frequently - land at Omaha Beach, fight through Carentan and into the frozen forests of Foy before climbing Hill 400.\u2022 Never fight the same battle twice - 99 capture point variations per map, means thousands of potential battles.\u2022 Play and master one or many of 14 unique roles, including:Officer, Medic, Machinegunner, Commander, Crewman, Sniper and more.\u2022 Constantly updated with new maps, weapons, features and fixes.\u2022 True to life ballistics and recoil patterns create satisfying, skillful gunplay.\u2022 In-game proximity voip, command voip and unit voip.\u2022 Brutal combat - friend and foe are dismembered by heavy weapons.\u2022 Persistent player progression - show off your experience by unlocking new uniforms, loadouts and other customisation options as you level up each individual role, as well as your player.\u2022 Take control of a huge array of WW2 vehicles - including the Tiger, Sherman, Stuart, Puma and more - with additional vehicles still to come\u2022 Bombard and wipe the enemy from the field by taking control of heavy weapons - such as anti-tank guns and artillery.\u2022 Build defenses on the battlefield to fortify your position.\u2022 Use teamwork to smash through the enemy front line and push through to victory.\u2022 Play the game as the Commander and lead your team to victory using different abilities as you orchestrate your forces via the tactical map.", + "short_description": "Join the ever expanding experience of Hell Let Loose - a hardcore World War Two first person shooter with epic battles of 100 players with infantry, tanks, artillery, a dynamically shifting front line and a unique resource based RTS-inspired meta-game.", + "genres": "Action", + "recommendations": 67826, + "score": 7.333743436410636 + }, + { + "type": "game", + "name": "DiRT Rally 2.0", + "detailed_description": "DiRT Rally 2.0 - GOTY Edition. DiRT Rally 2.0 Game of the Year Edition includes the base game and every single one of its post-launch additions, including all Seasons content and the Colin McRae: FLAT OUT Pack. Every car, every location, every piece of content ever released for DiRT Rally 2.0 is included, making the Game of the Year Edition the definitive version of our award-winning off-road title. Colin McRae: FLAT OUT Pack. Relive the most iconic moments of a rally legend with the Colin McRae: FLAT OUT Pack, featuring; . 40 challenging scenarios from three decades of Colin McRae\u2019s career. . 12 new breathtaking rally routes through Perth and Kinross, Scotland. . Colin's SUBARU Impreza S4 Rally and the SUBARU Legacy RS. About the GameDiRT Rally 2.0 dares you to carve your way through a selection of iconic rally locations from across the globe, in the most powerful off-road vehicles ever made, knowing that the smallest mistake could end your stage. . . You will need to rely on your instincts with the most immersive and truly focused off-road experience yet, including a new authentic handling model, tyre choice and surface degradation. Power your rally car through real-life off-road environments in New Zealand, Argentina, Spain, Poland, Australia and the USA, with only your co-driver and instincts to guide you. . Race on eight official circuits from the FIA World Rallycross championship, complete with licensed Supercars and support series. Develop your team and cars around race strategies, and progress through a varied selection of Events and Championships in both a single player Career Campaign and a competitive online environment. . . \u2022 OVER 50 OF THE MOST POWERFUL OFF-ROAD CARS EVER BUILT \u2013 Tear through environments with an iconic roster of historic and modern-day rally cars, VW Polo GTI R5, Mitsubishi Lancer Evolution X & Citro\u00ebn C3 R5. Also take on the challenging power of the Chevrolet Camaro GT4.R. . \u2022 6 REAL LIFE RALLY LOCATIONS \u2013 Take the wheel through the stunning environments of New Zealand, Argentina, Spain, Poland, Australia and the USA. . \u2022 FEEL YOUR RACE \u2013 Improved handling, surfaces, fallibility and environments deliver the most authentic and focused off-road experience ever. . \u2022 THE OFFICIAL GAME OF THE FIA WORLD RALLYCROSS CHAMPIONSHIP \u2013 Race at Barcelona, Montalegre, Mettet, Loh\u00e9ac Bretagne, Trois-Rivi\u00e8res, Hell, H\u00f6ljes and Silverstone in a multitude of different series. . \u2022 DEVELOP YOUR OWN TEAM \u2013 Create a team, hire your staff and expand your garage of vehicles as you choose. . \u2022 TUNING \u2013 Tune your vehicle to suit your driving style and environmental characteristics. Alleviate wear and tear by configuring each car\u2019s set-up, and upgrade your parts to ensure your vehicles are ready for whatever challenge lies ahead. . \u2022 GET COMPETITIVE \u2013 Race the entire DiRT Community in Daily, Weekly and Monthly Challenges, with worldwide leaderboards and events. .", + "about_the_game": "DiRT Rally 2.0 dares you to carve your way through a selection of iconic rally locations from across the globe, in the most powerful off-road vehicles ever made, knowing that the smallest mistake could end your stage.You will need to rely on your instincts with the most immersive and truly focused off-road experience yet, including a new authentic handling model, tyre choice and surface degradation. Power your rally car through real-life off-road environments in New Zealand, Argentina, Spain, Poland, Australia and the USA, with only your co-driver and instincts to guide you. Race on eight official circuits from the FIA World Rallycross championship, complete with licensed Supercars and support series.Develop your team and cars around race strategies, and progress through a varied selection of Events and Championships in both a single player Career Campaign and a competitive online environment.\u2022 OVER 50 OF THE MOST POWERFUL OFF-ROAD CARS EVER BUILT \u2013 Tear through environments with an iconic roster of historic and modern-day rally cars, VW Polo GTI R5, Mitsubishi Lancer Evolution X & Citro\u00ebn C3 R5. Also take on the challenging power of the Chevrolet Camaro GT4.R.\u2022 6 REAL LIFE RALLY LOCATIONS \u2013 Take the wheel through the stunning environments of New Zealand, Argentina, Spain, Poland, Australia and the USA.\u2022 FEEL YOUR RACE \u2013 Improved handling, surfaces, fallibility and environments deliver the most authentic and focused off-road experience ever. \u2022 THE OFFICIAL GAME OF THE FIA WORLD RALLYCROSS CHAMPIONSHIP \u2013 Race at Barcelona, Montalegre, Mettet, Loh\u00e9ac Bretagne, Trois-Rivi\u00e8res, Hell, H\u00f6ljes and Silverstone in a multitude of different series.\u2022 DEVELOP YOUR OWN TEAM \u2013 Create a team, hire your staff and expand your garage of vehicles as you choose. \u2022 TUNING \u2013 Tune your vehicle to suit your driving style and environmental characteristics. Alleviate wear and tear by configuring each car\u2019s set-up, and upgrade your parts to ensure your vehicles are ready for whatever challenge lies ahead.\u2022 GET COMPETITIVE \u2013 Race the entire DiRT Community in Daily, Weekly and Monthly Challenges, with worldwide leaderboards and events.", + "short_description": "DiRT Rally 2.0 dares you to carve your way through a selection of iconic rally locations from across the globe, in the most powerful off-road vehicles ever made, knowing that the smallest mistake could end your stage.", + "genres": "Racing", + "recommendations": 26228, + "score": 6.707412765525681 + }, + { + "type": "game", + "name": "Doki Doki Literature Club!", + "detailed_description": "Hi, Monika here!. Welcome to the Literature Club! It's always been a dream of mine to make something special out of the things I love. Now that you're a club member, you can help me make that dream come true in this cute game!. Every day is full of chit-chat and fun activities with all of my adorable and unique club members:. Sayori, the youthful bundle of sunshine who values happiness the most;. Natsuki, the deceivingly cute girl who packs an assertive punch;. Yuri, the timid and mysterious one who finds comfort in the world of books;. And, of course, Monika, the leader of the club! That's me!. I'm super excited for you to make friends with everyone and help the Literature Club become a more intimate place for all my members. But I can tell already that you're a sweetheart\u2014will you promise to spend the most time with me? \u2665. This game is not suitable for children. or those who are easily disturbed. .", + "about_the_game": "Hi, Monika here!Welcome to the Literature Club! It's always been a dream of mine to make something special out of the things I love. Now that you're a club member, you can help me make that dream come true in this cute game!Every day is full of chit-chat and fun activities with all of my adorable and unique club members:Sayori, the youthful bundle of sunshine who values happiness the most;Natsuki, the deceivingly cute girl who packs an assertive punch;Yuri, the timid and mysterious one who finds comfort in the world of books;...And, of course, Monika, the leader of the club! That's me!I'm super excited for you to make friends with everyone and help the Literature Club become a more intimate place for all my members. But I can tell already that you're a sweetheart\u2014will you promise to spend the most time with me? \u2665This game is not suitable for childrenor those who are easily disturbed.", + "short_description": "The Literature Club is full of cute girls! Will you write the way into their heart? This game is not suitable for children or those who are easily disturbed.", + "genres": "Casual", + "recommendations": 389, + "score": 3.9330613891279835 + }, + { + "type": "game", + "name": "SCP: Secret Laboratory", + "detailed_description": "Venturing through Site-02 in the midst of a mass containment breach, you must navigate alongside (and against) other players, who have assumed the roles of Class-D Personnel, Scientists, Mobile Task Force operators, Chaos Insurgents, and dangerous SCP entities. Amidst this catastrophe, how will you survive?. . SCP: Secret Laboratory (SCP:SL), is a free-to-play multiplayer horror game, inspired by the SCP universe. The game centers around the Foundation's mission to protect humanity from the dangerous creatures and entities that threaten it. However, with the involvement of the Chaos Insurgency, this quickly introduces both conflict and turmoil \u2014 their forces acting against the Foundation's, to create a future in which humanity rules. . . With every round comes new experiences, threats, and dangers. There are multiple ways to survive this nightmarish ordeal, but none are without risk. . You will fight for survival with every faction: . SCP entities running amok with the intent to escape; The infamous Chaos Insurgents, working to undermine the Foundation; MTF and Foundation Security forces, mobilizing to secure the Facility at all costs; and armed Scientists and Class-D Personnel who refuse to accept death as an answer. Stay wary of anyone, and of anything you may encounter. . . Know that the danger lies, not only, in the sentient, but also in the environment that surrounds you. In your mad dash for freedom, you may find yourself being disintegrated by a Tesla Gate, or being blown into ashes by a last-minute nuclear explosion. . Site-02 is an unforgiving place. Stay alert, adhere to protocol(s), and above all else \u2014 stay alive. . . \u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac. SCP:SL was initially inspired by the well-known single-player horror game, SCP \u2013 Containment Breach (2012) by Undertow Games. Northwood Studios has since deviated from Containment Breach \u2014 instead opting to create a more unique and original game environment, complete with its own expanding lore. The Studio's aspiration is to present players with an authentic and immersive game experience that is strongly rooted within the SCP universe.", + "about_the_game": "Venturing through Site-02 in the midst of a mass containment breach, you must navigate alongside (and against) other players, who have assumed the roles of Class-D Personnel, Scientists, Mobile Task Force operators, Chaos Insurgents, and dangerous SCP entities. Amidst this catastrophe, how will you survive?SCP: Secret Laboratory (SCP:SL), is a free-to-play multiplayer horror game, inspired by the SCP universe. The game centers around the Foundation's mission to protect humanity from the dangerous creatures and entities that threaten it. However, with the involvement of the Chaos Insurgency, this quickly introduces both conflict and turmoil \u2014 their forces acting against the Foundation's, to create a future in which humanity rules. With every round comes new experiences, threats, and dangers. There are multiple ways to survive this nightmarish ordeal, but none are without risk. You will fight for survival with every faction: SCP entities running amok with the intent to escape; The infamous Chaos Insurgents, working to undermine the Foundation; MTF and Foundation Security forces, mobilizing to secure the Facility at all costs; and armed Scientists and Class-D Personnel who refuse to accept death as an answer. Stay wary of anyone, and of anything you may encounter.Know that the danger lies, not only, in the sentient, but also in the environment that surrounds you. In your mad dash for freedom, you may find yourself being disintegrated by a Tesla Gate, or being blown into ashes by a last-minute nuclear explosion. Site-02 is an unforgiving place. Stay alert, adhere to protocol(s), and above all else \u2014 stay alive.\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25ac\u25acSCP:SL was initially inspired by the well-known single-player horror game, SCP \u2013 Containment Breach (2012) by Undertow Games. Northwood Studios has since deviated from Containment Breach \u2014 instead opting to create a more unique and original game environment, complete with its own expanding lore. The Studio's aspiration is to present players with an authentic and immersive game experience that is strongly rooted within the SCP universe.", + "short_description": "Deep within the SCP Foundation during a containment breach, many of the anomalies have bypassed security and escaped from their chambers - without peaceful intentions. Become site personnel, a re-containment agent, or an anomalous entity and fight to take control of or escape the facility!", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Kingdom Two Crowns", + "detailed_description": "Buzz Featured DLC About the Game. Kingdom Two Crowns is a side-scrolling micro strategy game with a minimalist feel wrapped in a beautiful, modern pixel art aesthetic. Play the role of a monarch atop their steed and recruit loyal subjects, build your kingdom and protect it from the greedy creatures looking to steal your coins and crown. . In the brand-new campaign mode, monarchs must now work to build a kingdom that stands over time until finding a way to defeat the Greed for good. Explore the environments to discover new mounts and secrets hidden in the deep. . But you don\u2019t have to rule alone! Introducing a cooperative play experience that is totally unique to Kingdom Two Crowns, monarchs can now choose between a classic solo experience or seek the assistance of a friend, working together locally or online, dropping in or out at will. . In addition to the traditional medieval setting, Kingdom Two Crowns also includes: . \ud83d\udc51 Dead Lands: Enter the dark lands of Kingdom. Play as unique monarchs, including the Shardbinder Miriam, with powerful traits from the gothic horror action-RPG Bloodstained. Ride the gigantic beetle steed to lay out traps, the eerie undead mount that summons barriers impeding the progress of the Greed, and from Bloodstained the mythic demon horse \u201cGaming\u201d with its powerful charge attack. Building your Kingdom has never been spookier!. \ud83d\udc51 Shogun: Journey to lands inspired by the architecture and culture of feudal Japan. Play as the mighty Shogun or Onna-bugeisha, enlist the support of the ninja, lead your soldiers to battle atop the mythological Kirin, and form new strategies as you brave the Greed hiding in the thick bamboo forests. . We will continue to keep the feeling of exploration, discovery, and strategy alive in Kingdom Two Crowns in post-release updates with more themed settings, each with unique styles that marvel the eye while changing how you rule the lands. . A challenge awaits all who seek it here, whether you are a first-time ruler or a long-time fan. So be brave, great monarchs, for in the end Two Crowns shall reign stronger than one!", + "about_the_game": "Kingdom Two Crowns is a side-scrolling micro strategy game with a minimalist feel wrapped in a beautiful, modern pixel art aesthetic. Play the role of a monarch atop their steed and recruit loyal subjects, build your kingdom and protect it from the greedy creatures looking to steal your coins and crown. In the brand-new campaign mode, monarchs must now work to build a kingdom that stands over time until finding a way to defeat the Greed for good. Explore the environments to discover new mounts and secrets hidden in the deep. But you don\u2019t have to rule alone! Introducing a cooperative play experience that is totally unique to Kingdom Two Crowns, monarchs can now choose between a classic solo experience or seek the assistance of a friend, working together locally or online, dropping in or out at will.In addition to the traditional medieval setting, Kingdom Two Crowns also includes: \ud83d\udc51 Dead Lands: Enter the dark lands of Kingdom. Play as unique monarchs, including the Shardbinder Miriam, with powerful traits from the gothic horror action-RPG Bloodstained. Ride the gigantic beetle steed to lay out traps, the eerie undead mount that summons barriers impeding the progress of the Greed, and from Bloodstained the mythic demon horse \u201cGaming\u201d with its powerful charge attack. Building your Kingdom has never been spookier!\ud83d\udc51 Shogun: Journey to lands inspired by the architecture and culture of feudal Japan. Play as the mighty Shogun or Onna-bugeisha, enlist the support of the ninja, lead your soldiers to battle atop the mythological Kirin, and form new strategies as you brave the Greed hiding in the thick bamboo forests.We will continue to keep the feeling of exploration, discovery, and strategy alive in Kingdom Two Crowns in post-release updates with more themed settings, each with unique styles that marvel the eye while changing how you rule the lands.A challenge awaits all who seek it here, whether you are a first-time ruler or a long-time fan. So be brave, great monarchs, for in the end Two Crowns shall reign stronger than one!", + "short_description": "In Kingdom Two Crowns, players must work in the brand-new solo or co-op campaign mode to build their kingdom and secure it from the threat of the Greed. Experience new technology, units, enemies, mounts, and secrets in the next evolution of the award-winning micro strategy franchise!", + "genres": "Adventure", + "recommendations": 16312, + "score": 6.394342362815227 + }, + { + "type": "game", + "name": "Planet Zoo", + "detailed_description": "Digital Deluxe EditionPlanet Zoo Deluxe Edition includes the Planet Zoo game plus the following bonus digital content: . Three unique animals: Pygmy Hippopotamus, Thomson\u2019s Gazelle and Komodo Dragon. Set of Wallpapers . Original Soundtrack by JJ Ipsen. . With the Planet Zoo Deluxe Edition, you\u2019ll get access to three exclusive animals: the Pygmy Hippopotamus, Thomson\u2019s Gazelle, and the Komodo Dragon! These three animals all come with their own set of habitat and enrichment needs you\u2019ll need to fulfil!. . About the GameBuild a world for wildlife in Planet Zoo. From the developers of Planet Coaster and Zoo Tycoon comes the ultimate zoo sim, featuring authentic living animals who think, feel and explore the world you create around them. Experience a globe-trotting campaign or let your imagination run wild in the freedom of Sandbox mode. Create unique habitats and vast landscapes, make big decisions and meaningful choices, and nurture your animals as you construct and manage the world\u2019s wildest zoos. . . Meet a world of incredible animals. From playful lion cubs to mighty elephants, every animal in Planet Zoo is a thinking, feeling individual with a distinctive look and personality of their own. Craft detailed habitats to bring your animals\u2019 natural environments home, research and manage each species to allow them to thrive, and help your animals raise families to pass their genes onto future generations. . . Manage an amazing living world that responds to every decision you make. Focus on the big picture or go hands-on and control the smallest details. Thrill visitors with iconic exhibits, develop your zoo with new research, and release new generations of your animals back into the wild. Your choices come alive in a world where animal welfare and conservation comes first. . . Planet Zoo\u2019s powerful piece-by-piece construction tools let you effortlessly make your zoo unique. Every creative decision you make impacts the lives of your animals and the experience of your visitors. Let your imagination run wild as you dig lakes and rivers, raise hills and mountains, carve paths and caves, and build stunning zoos with a choice of unique themes and hundreds of building components. . . Join a connected community and share the world\u2019s most creative habitats, scenery and even whole zoos on the Steam Workshop. See your own designs appear in zoos around the world, or discover fresh new content from the Planet Zoo community every day.", + "about_the_game": "Build a world for wildlife in Planet Zoo. From the developers of Planet Coaster and Zoo Tycoon comes the ultimate zoo sim, featuring authentic living animals who think, feel and explore the world you create around them. Experience a globe-trotting campaign or let your imagination run wild in the freedom of Sandbox mode. Create unique habitats and vast landscapes, make big decisions and meaningful choices, and nurture your animals as you construct and manage the world\u2019s wildest zoos.Meet a world of incredible animals. From playful lion cubs to mighty elephants, every animal in Planet Zoo is a thinking, feeling individual with a distinctive look and personality of their own. Craft detailed habitats to bring your animals\u2019 natural environments home, research and manage each species to allow them to thrive, and help your animals raise families to pass their genes onto future generations. Manage an amazing living world that responds to every decision you make. Focus on the big picture or go hands-on and control the smallest details. Thrill visitors with iconic exhibits, develop your zoo with new research, and release new generations of your animals back into the wild. Your choices come alive in a world where animal welfare and conservation comes first.Planet Zoo\u2019s powerful piece-by-piece construction tools let you effortlessly make your zoo unique. Every creative decision you make impacts the lives of your animals and the experience of your visitors. Let your imagination run wild as you dig lakes and rivers, raise hills and mountains, carve paths and caves, and build stunning zoos with a choice of unique themes and hundreds of building components. Join a connected community and share the world\u2019s most creative habitats, scenery and even whole zoos on the Steam Workshop. See your own designs appear in zoos around the world, or discover fresh new content from the Planet Zoo community every day.", + "short_description": "Build a world for wildlife in Planet Zoo. From the developers of Planet Coaster and Zoo Tycoon comes the ultimate zoo sim. Construct detailed habitats, manage your zoo, and meet authentic living animals who think, feel and explore the world you create around them.", + "genres": "Casual", + "recommendations": 59273, + "score": 7.244886133108556 + }, + { + "type": "game", + "name": "Generation Zero\u00ae", + "detailed_description": "New Release About the GameGeneration Zero is set in the familiar but hostile open world of \u00d6stert\u00f6rn, Sweden. Your once peaceful home has now been overrun by mysterious, deadly machine enemies. You must choose your battles wisely as you engage in adrenaline-pumping guerilla combat against the mechanical forces. . Explore a Hostile Open World. . Explore a huge map inspired by the Swedish Cold War era where danger lurks on every street, in every patch of forest and deep inside every bunker. . Wage Guerilla Warfare. . Engage in tense battles against sophisticated and deadly machines. Take them on solo or together with up to three friends. Can you outsmart a relentless enemy designed to hunt you down?. Grow Stronger. . Grow stronger as you gain experience fighting back against the machines. Scavenge parts from your fallen enemies and use them to craft equipment, weapons and ammunition. Build and fortify your own bases across the island and start taking back your home!. Uncover the Mystery Behind the Machines. . Discover the truth behind what really happened to the region of \u00d6stert\u00f6rn.", + "about_the_game": "Generation Zero is set in the familiar but hostile open world of \u00d6stert\u00f6rn, Sweden. Your once peaceful home has now been overrun by mysterious, deadly machine enemies. You must choose your battles wisely as you engage in adrenaline-pumping guerilla combat against the mechanical forces.Explore a Hostile Open WorldExplore a huge map inspired by the Swedish Cold War era where danger lurks on every street, in every patch of forest and deep inside every bunker.Wage Guerilla WarfareEngage in tense battles against sophisticated and deadly machines. Take them on solo or together with up to three friends. Can you outsmart a relentless enemy designed to hunt you down?Grow StrongerGrow stronger as you gain experience fighting back against the machines. Scavenge parts from your fallen enemies and use them to craft equipment, weapons and ammunition. Build and fortify your own bases across the island and start taking back your home!Uncover the Mystery Behind the MachinesDiscover the truth behind what really happened to the region of \u00d6stert\u00f6rn.", + "short_description": "Generation Zero is a stealth-action shooter where you wage guerilla warfare against lethal mechanical enemies. Explore a vast open world map inspired by the Swedish Cold War era, take part in the resistance alone or with up to three friends in seamless co-op.", + "genres": "Action", + "recommendations": 22154, + "score": 6.596133160208296 + }, + { + "type": "game", + "name": "Thief Simulator", + "detailed_description": "More games Wishlist upcoming DLC! About the Game . Thief Simulator. Become the real thief. Steal in free roam sandbox neighborhoods. Observe your target and gather information that will help you with the burglary. Take the challenge and rob the best secured houses. Buy some hi-tech burglar equipment and learn new thief tricks. Sell stolen goods to the passers. Do anything that a real thief does!. . A good thief always observes his target. What's inside? Who lives there? What's your target day schedule? Find out when the house is empty and does it have nosy neighbours. Choose from lots of possible approaches to prepare the best plan. Many modern devices available in Thief Simulator might come in handy with gathering intel about your target and it's neighbourhood. . The faster, the better. Find and steal as many valuables as possible in the shortest time possible. Remember that infinite backpacks don't exist. When it's about time you have to maintain cold blood. In every house you'll find tons of useless stuff, which can really slow you down. If you're not sure that you can take some serious money for it, maybe a good idea would be to leave it behind and save space for some expensive goods. If you fill your backpack with worthless items, you may have to waste your time to throw stuff out just to make space for other things. Be careful, cause some things can draw police attention to you!. . A real, experienced thief can spot places where there's most probability of finding some valuables on the fly. Use the flashlight at night to highlight all the valuables in sight and places where you can expect them to be. . Disassemble a stolen car and sell parts on the internet. Prepare phones and tablets before selling them in a pawn shop by removing their security. . Look around for any useful items. They will save you some time on lockpicking or hacking. Key near a window or purchase receipts in trash bins. All those things can make life of an aspiring thief so much easier and reduce your burglary time even by a half. Of course, many of them are just useless trash. Or maybe they aren't?. . Be careful! In some houses, you can meet unexpected guests. If they catch you in the act, they will call the police. In this case, hide and wait till they stop looking for you or you can always leave the loot and run away as fast as possible.Check out more great games published by PlayWay:. ", + "about_the_game": " SimulatorBecome the real thief. Steal in free roam sandbox neighborhoods. Observe your target and gather information that will help you with the burglary. Take the challenge and rob the best secured houses. Buy some hi-tech burglar equipment and learn new thief tricks. Sell stolen goods to the passers. Do anything that a real thief does!A good thief always observes his target. What's inside? Who lives there? What's your target day schedule? Find out when the house is empty and does it have nosy neighbours. Choose from lots of possible approaches to prepare the best plan. Many modern devices available in Thief Simulator might come in handy with gathering intel about your target and it's neighbourhood.The faster, the better. Find and steal as many valuables as possible in the shortest time possible. Remember that infinite backpacks don't exist. When it's about time you have to maintain cold blood. In every house you'll find tons of useless stuff, which can really slow you down. If you're not sure that you can take some serious money for it, maybe a good idea would be to leave it behind and save space for some expensive goods. If you fill your backpack with worthless items, you may have to waste your time to throw stuff out just to make space for other things. Be careful, cause some things can draw police attention to you!A real, experienced thief can spot places where there's most probability of finding some valuables on the fly. Use the flashlight at night to highlight all the valuables in sight and places where you can expect them to be.Disassemble a stolen car and sell parts on the internet. Prepare phones and tablets before selling them in a pawn shop by removing their security. Look around for any useful items. They will save you some time on lockpicking or hacking. Key near a window or purchase receipts in trash bins. All those things can make life of an aspiring thief so much easier and reduce your burglary time even by a half. Of course, many of them are just useless trash... Or maybe they aren't?Be careful! In some houses, you can meet unexpected guests. If they catch you in the act, they will call the police. In this case, hide and wait till they stop looking for you or you can always leave the loot and run away as fast as possible.Check out more great games published by PlayWay:", + "short_description": "Become the best thief. Gather intel, steal things and sell them to buy hi-tech equipment. Do everything that a real thief does.", + "genres": "Action", + "recommendations": 22110, + "score": 6.594822623078179 + }, + { + "type": "game", + "name": "BLOCKPOST", + "detailed_description": "Procedural cubic 3D-shooter in the best traditions of the genre. The game is a rich cocktail consisting of the most popular and functional gaming solutions. Customization of characters, opening cases and improving the existing arsenal \u2014 all this is available in the game now. . Among other things, the main features of the game are:. \u2022 7 game modes with unique sets of locations (maps). \u2022 More than 20 game locations. \u2022 More than 100 types of firearms. \u2022 Clan (team) system. Join the gaming community of tomorrow!", + "about_the_game": "Procedural cubic 3D-shooter in the best traditions of the genre. The game is a rich cocktail consisting of the most popular and functional gaming solutions. Customization of characters, opening cases and improving the existing arsenal \u2014 all this is available in the game now. \r\n\r\nAmong other things, the main features of the game are:\r\n\r\n\u2022 7 game modes with unique sets of locations (maps)\r\n\u2022 More than 20 game locations\r\n\u2022 More than 100 types of firearms\r\n\u2022 Clan (team) system\r\n\r\nJoin the gaming community of tomorrow!", + "short_description": "Procedural cubic 3D-shooter in the best traditions of the genre. The game is a rich cocktail consisting of the most popular and functional gaming solutions. Customization of characters, opening cases and improving the existing arsenal \u2014 all this is available in the game now!", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Overcooked! 2", + "detailed_description": "Introducing: epic chef Epic Chef is a story-driven adventure game flavoured with life-sim farming, and crafting elements, blended together into one delicious dish via an interactive cooking experience - all served with a side of humour and elaborate cast of characters. . New DLC Available. Available Now!. About the GameOvercooked returns with a brand-new helping of chaotic cooking action! Journey back to the Onion Kingdom and assemble your team of chefs in classic couch co-op or online play for up to four players. Hold onto your aprons \u2026 it\u2019s time to save the world (again!). Out of the frying pan, into the fire\u2026. You\u2019ve saved the world from the Ever Peckish. Now a new threat has arisen and it\u2019s time to get back in the kitchen to stave off the hunger of The Unbread!. . ONLINE/LOCAL MULTIPLAYER MADNESS You\u2019ll knead to work together (or against each other) to get the highest score in chaotic local and online multiplayer. . FEAST YOUR EYES ON THIS Journey across a brand new overworld map by land, sea and air. Get cooking in new themes ranging from sushi restaurants, magic schools, mines and even alien planets!. WHET YOUR APPETITE! Travel the land cooking up a range of new recipes that are sure to cater to any tastes, including sushi, cakes, burgers and pizzas. . ROMAINE CALM! Travel through teleporters, across moving platforms and save time by throwing ingredients across dynamic kitchens that shift and evolve. Some kitchens even whisk your chefs away to new locations. .", + "about_the_game": "Overcooked returns with a brand-new helping of chaotic cooking action! Journey back to the Onion Kingdom and assemble your team of chefs in classic couch co-op or online play for up to four players. Hold onto your aprons \u2026 it\u2019s time to save the world (again!)Out of the frying pan, into the fire\u2026You\u2019ve saved the world from the Ever Peckish. Now a new threat has arisen and it\u2019s time to get back in the kitchen to stave off the hunger of The Unbread!ONLINE/LOCAL MULTIPLAYER MADNESS You\u2019ll knead to work together (or against each other) to get the highest score in chaotic local and online multiplayer.FEAST YOUR EYES ON THIS Journey across a brand new overworld map by land, sea and air. Get cooking in new themes ranging from sushi restaurants, magic schools, mines and even alien planets!WHET YOUR APPETITE! Travel the land cooking up a range of new recipes that are sure to cater to any tastes, including sushi, cakes, burgers and pizzas.ROMAINE CALM! Travel through teleporters, across moving platforms and save time by throwing ingredients across dynamic kitchens that shift and evolve. Some kitchens even whisk your chefs away to new locations.", + "short_description": "Overcooked returns with a brand-new helping of chaotic cooking action! Journey back to the Onion Kingdom and assemble your team of chefs in classic couch co-op or online play for up to four players. Hold onto your aprons\u2026 it\u2019s time to save the world again!", + "genres": "Action", + "recommendations": 36626, + "score": 6.927542764691937 + }, + { + "type": "game", + "name": "Post Scriptum", + "detailed_description": "Roadmap 2021 / 2022. Supporter Edition. About the Game. Post Scriptum is a WW2 themed tactical first-person shooter game, focusing on historical accuracy, large scale battles, a difficult learning curve and an intense need for cohesion, communication and teamwork. . Experience the intense campaigns that were Operation Market Garden, Plan Jaune (Fall Gelb) or Operation Overlord which stretched across farms, woods, villages and city areas of the Netherlands, Mountains and rivers of Belgium and shores of France. Whether you\u2019re jumping out of a plane, arriving in a landing craft by sea, resupplying friendlies or operating a tank, you will find multiple reasons to drop back into the battlefield in this grand scaled representation of a WW2 setting never explored in a large multiplayer environment. . Post Scriptum will cover multiple theatres in the form of chapters, with the 1st Chapter \u201cThe Bloody Seventh\u201d being the original setting in Operation Market Garden, it covers the 1st Airborne, 82nd and 101st Airborne, the 9th Waffen SS and the Wehrmacht, with over 40 vehicles, 9 maps. The 2nd Chapter \u201cPlan Jaune\u201d covers the Invasion of France in 1940 and features the French Army as well as the Wehrmacht of 1940, dozens of new vehicles, 2 new maps with a 3rd still coming. The 3rd Chapter \"Day of Days\" which will cover the Invasion of Normandy in 1944, features new factions like the German Fallschirmj\u00e4gers and US 4th Infantry, each with new vehicles and a few new weapons, and with 2 new maps and a 3rd coming later, which adds to the already large selections of maps. Included in this new Chapter is a new game mode \"Invasion\" which puts a twist on the original game mode \"Offensive\". . FactionsFight in historically recreated WW2 battlefields with up to 80 players and choose between the British 1st Airborne Division, British XXX Corps, US 101st and 82nd Airborne Division, 4th Infantry, French Army or several branches of the German Army such as the Wehrmacht, the Waffen SS or Fallschirmj\u00e4gers._TeamworkIn Post Scriptum, teamwork is paramount to achieve victory. Enrol as the commander and order gun runs or artillery to support your team, play as one of the many infantry roles, join a logistics section and fortify the battlefield with fortifications and emplacements and resupply the frontline or be one of the armoured crew members and crew a tank. Communicate with our in-game VoIP with your squad or use the local proximity fade to talk to players nearby to help the flow of battle._Armored CombatArmoured vehicles played a tremendous role in WW2 and were feared due to their destructive nature. Join a tank section with 3 other players and crew multiple accurately modelled steel beasts as the driver, gunner or commander. Every vehicle features realistic values such as turret speed, armour thickness and type of rounds. Calculate the range of an enemy vehicle and shoot at its internal components to disable or destroy them._Tactical, Immersive & AuthenticImmersion is one of the fundamental key elements in Post Scriptum. Experience the authentic reproduction of an incoming Stuka siren or artillery cannons firing from afar. The piercing sound of an incoming heavy round cutting through the air past you. The cracks of bullets and shrapnel. Any kind of caliber, any kind of damage to body and steel, the soundscape and visual fx were thought out to the tiniest detail to make you fully immersed in the battlefield.Key Features Communicate using our built-in Voice Over IP system with the best codecs available to allow positional voice chat with local friendlies, between squadmates and section leaders. . 4 Major factions including the United Kingdom, United States, France and Germany, each with their own sub-factions like the 1st Airborne, 101st Airborne, 4th Infantry & Waffen SS. . Pick between a huge variety of roles and classes such as medic, machine gunner or anti-tank to help your team in the struggle for victory. . Play several different game modes like Offensive, Invasion, Armoured, KOTH and many more. All requiring teamwork and coordination to be victorious. . Using our advanced tank mechanics with realistic armour penetration simulation and authentic sounds. Roll into battle using some of the most famous heavy tanks ranging from the Tiger & King Tiger tank, Panthers, Shermans and Churchills to the smallest armoured cars like the Puma or Daimler. . Lead your section to victory as a section leader or command the entire team as a commander with various types of support assets like dive bombers, fighters and artillery. . Over 200km\u00b2 of playable area. Experience over 14 huge and historically accurate maps based on archives, maps and aerial pictures. . Large scale battles with 40 versus 40 player battles stretching across these massive battlefields. . Huge variety of more than 50 different and highly detailed vehicles for players to use to traverse the battlefield. . Use over 80 authentic weapons in battle including the infamous American M1 Garand, German MG42, the British Lee Enfield, the French Lebel as well as many more. . Play as logistics with an in-depth base building system, build fortifications, barricades, weapons and support infrastructure to assist your team or deliver important supplies to rearm the frontline. . Workshop integrated into the game allowing for community-driven content to be created and played using our Software Development Kit, available for free from the Epic Launcher. . Host your very own Post Scriptum server using our dedicated server tools or rent one from one of our many partners!.", + "about_the_game": "Post Scriptum is a WW2 themed tactical first-person shooter game, focusing on historical accuracy, large scale battles, a difficult learning curve and an intense need for cohesion, communication and teamwork.Experience the intense campaigns that were Operation Market Garden, Plan Jaune (Fall Gelb) or Operation Overlord which stretched across farms, woods, villages and city areas of the Netherlands, Mountains and rivers of Belgium and shores of France. Whether you\u2019re jumping out of a plane, arriving in a landing craft by sea, resupplying friendlies or operating a tank, you will find multiple reasons to drop back into the battlefield in this grand scaled representation of a WW2 setting never explored in a large multiplayer environment.Post Scriptum will cover multiple theatres in the form of chapters, with the 1st Chapter \u201cThe Bloody Seventh\u201d being the original setting in Operation Market Garden, it covers the 1st Airborne, 82nd and 101st Airborne, the 9th Waffen SS and the Wehrmacht, with over 40 vehicles, 9 maps. The 2nd Chapter \u201cPlan Jaune\u201d covers the Invasion of France in 1940 and features the French Army as well as the Wehrmacht of 1940, dozens of new vehicles, 2 new maps with a 3rd still coming. The 3rd Chapter \"Day of Days\" which will cover the Invasion of Normandy in 1944, features new factions like the German Fallschirmj\u00e4gers and US 4th Infantry, each with new vehicles and a few new weapons, and with 2 new maps and a 3rd coming later, which adds to the already large selections of maps. Included in this new Chapter is a new game mode \"Invasion\" which puts a twist on the original game mode \"Offensive\".FactionsFight in historically recreated WW2 battlefields with up to 80 players and choose between the British 1st Airborne Division, British XXX Corps, US 101st and 82nd Airborne Division, 4th Infantry, French Army or several branches of the German Army such as the Wehrmacht, the Waffen SS or Fallschirmj\u00e4gers._TeamworkIn Post Scriptum, teamwork is paramount to achieve victory. Enrol as the commander and order gun runs or artillery to support your team, play as one of the many infantry roles, join a logistics section and fortify the battlefield with fortifications and emplacements and resupply the frontline or be one of the armoured crew members and crew a tank. Communicate with our in-game VoIP with your squad or use the local proximity fade to talk to players nearby to help the flow of battle._Armored CombatArmoured vehicles played a tremendous role in WW2 and were feared due to their destructive nature. Join a tank section with 3 other players and crew multiple accurately modelled steel beasts as the driver, gunner or commander. Every vehicle features realistic values such as turret speed, armour thickness and type of rounds. Calculate the range of an enemy vehicle and shoot at its internal components to disable or destroy them._Tactical, Immersive & AuthenticImmersion is one of the fundamental key elements in Post Scriptum. Experience the authentic reproduction of an incoming Stuka siren or artillery cannons firing from afar. The piercing sound of an incoming heavy round cutting through the air past you. The cracks of bullets and shrapnel. Any kind of caliber, any kind of damage to body and steel, the soundscape and visual fx were thought out to the tiniest detail to make you fully immersed in the battlefield.Key Features Communicate using our built-in Voice Over IP system with the best codecs available to allow positional voice chat with local friendlies, between squadmates and section leaders. 4 Major factions including the United Kingdom, United States, France and Germany, each with their own sub-factions like the 1st Airborne, 101st Airborne, 4th Infantry & Waffen SS. Pick between a huge variety of roles and classes such as medic, machine gunner or anti-tank to help your team in the struggle for victory. Play several different game modes like Offensive, Invasion, Armoured, KOTH and many more. All requiring teamwork and coordination to be victorious. Using our advanced tank mechanics with realistic armour penetration simulation and authentic sounds. Roll into battle using some of the most famous heavy tanks ranging from the Tiger & King Tiger tank, Panthers, Shermans and Churchills to the smallest armoured cars like the Puma or Daimler. Lead your section to victory as a section leader or command the entire team as a commander with various types of support assets like dive bombers, fighters and artillery. Over 200km\u00b2 of playable area. Experience over 14 huge and historically accurate maps based on archives, maps and aerial pictures. Large scale battles with 40 versus 40 player battles stretching across these massive battlefields. Huge variety of more than 50 different and highly detailed vehicles for players to use to traverse the battlefield. Use over 80 authentic weapons in battle including the infamous American M1 Garand, German MG42, the British Lee Enfield, the French Lebel as well as many more. Play as logistics with an in-depth base building system, build fortifications, barricades, weapons and support infrastructure to assist your team or deliver important supplies to rearm the frontline. Workshop integrated into the game allowing for community-driven content to be created and played using our Software Development Kit, available for free from the Epic Launcher. Host your very own Post Scriptum server using our dedicated server tools or rent one from one of our many partners!", + "short_description": "Join the fight for victory in Post Scriptum, the only truly immersive WW2 collaborative tactical shooter. Ruthless realism with an impressive arsenal of authentic weapons and a detailed collection of vehicles across immense battlefields in this absolutely unique combined arms experience.", + "genres": "Action", + "recommendations": 14965, + "score": 6.337529037476975 + }, + { + "type": "game", + "name": "Operation: Harsh Doorstop", + "detailed_description": "What is Operation: Harsh Doorstop?. Operation: Harsh Doorstop is a completely free and donation funded Unreal Engine project with full support for modifications, single-player play, co-operative play, competitive multiplayer play, and Steam workshop! Our game is similar to other mod-friendly games like Ravenfield and Garry's Mod but with roots in military simulation games like Squad and Arma III. This means while the base un-modified game will play more like Squad or Insurgency: Sandstorm, modified versions of the game can be like anything else you can imagine. . Defending against an alien invasion in the \"Troopers\" mod for Operation: Harsh Doorstop. How much does Operation: Harsh Doorstop cost?. Operation: Harsh Doorstop is a free game. Our community members can donate to help fund development, but we still believe in making our game freely accessible to everyone. Not only is this important to us as a statement against corporate greed, but we also feel that game communities are healthier (and larger) when games are more accessible. . A full squad assaults a flag while playing \"Khafji\" in Operation: Harsh Doorstop. Is this game a tactical shooter?. Operation: Harsh Doorstop has strong roots in tactical shooter games such as Project Reality, Squad, and Red Orchestra (including multiple developers from those projects who have also worked on this game) however Operation: Harsh Doorstop has a much stronger emphasis on mod-ability and flexibility (similar to games such as Arma.) Ultimately we encourage everyone to play the game as you'd prefer to play it, and we intend to continue implementing additional parameters that allow players to customize their experience to their own liking. . Assaulting the urban district while playing \"Khafji\" in Operation: Harsh Doorstop. When will Operation: Harsh Doorstop be finished?. As long as the community continues to donate and support our development, Operation: Harsh Doorstop will be continually updated. Moreover, we have built Operation: Harsh Doorstop in such a way that even if development ceases at any point, the community could continue developing it independently through Steam Workshop. The goal is to create a game that lasts forever. . A heavy machine gunner laying down fire in Operation: Harsh Doorstop. . Thank you so much for following our project, and we hope to see you on the battlefield soon.", + "about_the_game": "What is Operation: Harsh Doorstop?Operation: Harsh Doorstop is a completely free and donation funded Unreal Engine project with full support for modifications, single-player play, co-operative play, competitive multiplayer play, and Steam workshop! Our game is similar to other mod-friendly games like Ravenfield and Garry's Mod but with roots in military simulation games like Squad and Arma III. This means while the base un-modified game will play more like Squad or Insurgency: Sandstorm, modified versions of the game can be like anything else you can imagine.Defending against an alien invasion in the \"Troopers\" mod for Operation: Harsh Doorstop.How much does Operation: Harsh Doorstop cost?Operation: Harsh Doorstop is a free game. Our community members can donate to help fund development, but we still believe in making our game freely accessible to everyone. Not only is this important to us as a statement against corporate greed, but we also feel that game communities are healthier (and larger) when games are more accessible.A full squad assaults a flag while playing \"Khafji\" in Operation: Harsh Doorstop.Is this game a tactical shooter?Operation: Harsh Doorstop has strong roots in tactical shooter games such as Project Reality, Squad, and Red Orchestra (including multiple developers from those projects who have also worked on this game) however Operation: Harsh Doorstop has a much stronger emphasis on mod-ability and flexibility (similar to games such as Arma.) Ultimately we encourage everyone to play the game as you'd prefer to play it, and we intend to continue implementing additional parameters that allow players to customize their experience to their own liking.Assaulting the urban district while playing \"Khafji\" in Operation: Harsh Doorstop.When will Operation: Harsh Doorstop be finished?As long as the community continues to donate and support our development, Operation: Harsh Doorstop will be continually updated. Moreover, we have built Operation: Harsh Doorstop in such a way that even if development ceases at any point, the community could continue developing it independently through Steam Workshop. The goal is to create a game that lasts forever.A heavy machine gunner laying down fire in Operation: Harsh Doorstop.Thank you so much for following our project, and we hope to see you on the battlefield soon.", + "short_description": "Operation: Harsh Doorstop is an Unreal Engine powered shooter sandbox similar to mod-friendly games like Ravenfield and Garry's Mod but with roots in tactical shooters like Squad and Arma III. Our game is entirely donation funded, completely free, and has full Steam workshop support!", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Freddy Fazbear's Pizzeria Simulator", + "detailed_description": "Presenting a fun Five Nights at Freddy's adventure with a lighter touch for the holidays, Freddy Fazbear's Pizzeria Simulator puts you in charge of developing your own restaurant! Design pizzas, feed kids, and get high scores!", + "about_the_game": "Presenting a fun Five Nights at Freddy's adventure with a lighter touch for the holidays, Freddy Fazbear's Pizzeria Simulator puts you in charge of developing your own restaurant! Design pizzas, feed kids, and get high scores!", + "short_description": "Start your own Freddy Fazbear's Pizzeria with Freddy Fazbear Pizzeria Simulator!", + "genres": "Free to Play", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Phasmophobia", + "detailed_description": "Join Our Discord. 2023/2024 Roadmap. About the GamePhasmophobia is a 4-player, online co-op, psychological horror game. You and your team of paranormal investigators will enter haunted locations filled with paranormal activity and try to gather as much evidence as you can. Use your ghost-hunting equipment to find and record evidence to sell on to a ghost removal team. . . Immersive Experience: Realistic graphics and sounds as well as a minimal user interface ensure a totally immersive experience that will keep you on your toes. . Unique Ghosts: Identify over 20 different ghost types, each with unique traits, personalities, and abilities to make each investigation feel different from the last. . Equipment: Use well-known ghost-hunting equipment such as EMF Readers, Spirit Boxes, Thermometers, and Night Vision Cameras to find clues and gather as much paranormal evidence as you can. Find Cursed Possessions that grant information or abilities in exchange for your sanity. . Full Voice Recognition: The Ghosts are listening! Use your actual voice to interact with the Ghosts through Ouija Boards and EVP Sessions using a Spirit Box. . . Locations: Choose from over 10 different haunted locations, each with unique twists, hiding spots, and layouts. . Game Modes: With 5 default difficulties and hand crafted weekly challenges, there are plenty of ways to test your skills. . Teamwork: Dive in head first, get your hands dirty searching for evidence while fighting for your life. If you're not feeling up to the task, play it safe and support your team from the truck by monitoring the investigation with CCTV and motion sensors. . Custom Difficulty: Create your own games to tailor the difficulty to your or your group's needs, with proportional rewards and come up with crazy game modes of your own!. . Co-operate: Play alongside your friends with up to 4 players in this co-op horror where teamwork is key to your success. . Play together: Phasmophobia supports all players together, play with your friends with any combination of input types.", + "about_the_game": "Phasmophobia is a 4-player, online co-op, psychological horror game. You and your team of paranormal investigators will enter haunted locations filled with paranormal activity and try to gather as much evidence as you can. Use your ghost-hunting equipment to find and record evidence to sell on to a ghost removal team.Immersive Experience: Realistic graphics and sounds as well as a minimal user interface ensure a totally immersive experience that will keep you on your toes.Unique Ghosts: Identify over 20 different ghost types, each with unique traits, personalities, and abilities to make each investigation feel different from the last.Equipment: Use well-known ghost-hunting equipment such as EMF Readers, Spirit Boxes, Thermometers, and Night Vision Cameras to find clues and gather as much paranormal evidence as you can. Find Cursed Possessions that grant information or abilities in exchange for your sanity.Full Voice Recognition: The Ghosts are listening! Use your actual voice to interact with the Ghosts through Ouija Boards and EVP Sessions using a Spirit Box.Locations: Choose from over 10 different haunted locations, each with unique twists, hiding spots, and layouts.Game Modes: With 5 default difficulties and hand crafted weekly challenges, there are plenty of ways to test your skills.Teamwork: Dive in head first, get your hands dirty searching for evidence while fighting for your life. If you're not feeling up to the task, play it safe and support your team from the truck by monitoring the investigation with CCTV and motion sensors.Custom Difficulty: Create your own games to tailor the difficulty to your or your group's needs, with proportional rewards and come up with crazy game modes of your own!Co-operate: Play alongside your friends with up to 4 players in this co-op horror where teamwork is key to your success.Play together: Phasmophobia supports all players together, play with your friends with any combination of input types.", + "short_description": "Phasmophobia is a 4 player online co-op psychological horror. Paranormal activity is on the rise and it\u2019s up to you and your team to use all the ghost-hunting equipment at your disposal in order to gather as much evidence as you can.", + "genres": "Action", + "recommendations": 466431, + "score": 8.604838518755436 + }, + { + "type": "game", + "name": "Tales of Arise", + "detailed_description": "Deluxe Edition. The Deluxe Edition includes the Tales of Arise full game, Premium Travel Pack, and Adventurer's Pack. Ultimate Edition. The Ultimate Edition includes the Tales of Arise full game, Premium Travel Pack, Adventurer's Pack, Collaboration Costume Pack, and 18 additional costumes. About the Game. A world of nature drawn with the \u201cAtmospheric Shader\u201d:. We are introducing a new graphics shader, inspired by anime and watercolor painting. Characters with attractive designs travel among backgrounds filled with beautiful and delicate visuals. . Explore a world that feels alive:. Explore the world of Dahna, where a mix of unique, natural environments change in appearance based on the time of day. Climb over the rocky terrain, swim in rivers, gather around the campfire, cook food, head to the next town, defeat the master of an alien planet, and liberate the people!. Stylish action and battles:. Through the new system \u201cBoost Strike\u201d, you can now chain combos of powerful attacks together with your party members. Chain Artes, Boost Attacks, and Boost Strike combos to take down your enemies!. Experience the story of the divided Renan and Dahnan people:. The protagonists who will determine the fate of these two worlds are Alphen and Shionne. They will overcome hardships and grow together with their unique group of friends. Gorgeous animation by ufotable is inserted at key points in the story, adding more color to our protagonists\u2019 journey.", + "about_the_game": "A world of nature drawn with the \u201cAtmospheric Shader\u201d:We are introducing a new graphics shader, inspired by anime and watercolor painting. Characters with attractive designs travel among backgrounds filled with beautiful and delicate visuals.Explore a world that feels alive:Explore the world of Dahna, where a mix of unique, natural environments change in appearance based on the time of day. Climb over the rocky terrain, swim in rivers, gather around the campfire, cook food, head to the next town, defeat the master of an alien planet, and liberate the people!Stylish action and battles:Through the new system \u201cBoost Strike\u201d, you can now chain combos of powerful attacks together with your party members. Chain Artes, Boost Attacks, and Boost Strike combos to take down your enemies!Experience the story of the divided Renan and Dahnan people:The protagonists who will determine the fate of these two worlds are Alphen and Shionne. They will overcome hardships and grow together with their unique group of friends. Gorgeous animation by ufotable is inserted at key points in the story, adding more color to our protagonists\u2019 journey.", + "short_description": "300 years of tyranny. A mysterious mask. Lost pain and memories. Wield the Blazing Sword and join a mysterious, untouchable girl to fight your oppressors. Experience a tale of liberation, featuring characters with next-gen graphical expressiveness!", + "genres": "Action", + "recommendations": 22561, + "score": 6.608133693123408 + }, + { + "type": "game", + "name": "Dead Frontier 2", + "detailed_description": "KEY FEATURES Old school survival horror awaits in this dark and atmospheric world. Conserve your ammo and make every shot count. . Scavenge for scarce resources and rare equipment in the twisting corridors of expansive and ever changing abandoned buildings. Come to the aid of the desperate survivors you encounter along the way, or leave them to their misery. Trade for what you need in a realistic player-driven economy. Create your own unique character build by selecting from a huge variety of skills, rare equipment and cosmetic items. Work together with other players or operate as a lone wolf. Take to the streets and settle scores in gripping PvP.", + "about_the_game": "KEY FEATURES Old school survival horror awaits in this dark and atmospheric world. Conserve your ammo and make every shot count. Scavenge for scarce resources and rare equipment in the twisting corridors of expansive and ever changing abandoned buildings Come to the aid of the desperate survivors you encounter along the way, or leave them to their misery Trade for what you need in a realistic player-driven economy Create your own unique character build by selecting from a huge variety of skills, rare equipment and cosmetic items Work together with other players or operate as a lone wolf Take to the streets and settle scores in gripping PvP", + "short_description": "Survival horror MMO. As one of the few survivors of the outbreak, you must scratch a living out of the decaying ruins of society. Scavenge for supplies, improve your skills, and trade with other players. All the while, keeping your eyes peeled for the infected lurking around every corner.", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Shadow of the Tomb Raider: Definitive Edition", + "detailed_description": "FREE TRIAL. Reviews & Accolades\u201cThe strongest entry in the trilogy\u201d - GamesRadar+. \u201cArrestingly Beautiful\u201d - Polygon. \u201cCrisp, addictive, and deeply satisfying\u201d - Nerdist . \u201cLooks absolutely incredible\u201d - Destructoid. \u201cA truly immersive experience.\u201d - Bleacher Report. \u201c9 out of 10\u201d - Worthplaying. \u201cExploration is absolutely vibrant\u201d - GameCrate. \u201cA tremendous thrill ride\u201d - Digital Trends. \u201c9 out of 10 - Better than ever before.\" - Outright Geekery. Shadow of the Tomb Raider Definitive Edition out now for macOS and Linux. About the Game. In Shadow of the Tomb Raider Definitive Edition experience the final chapter of Lara\u2019s origin as she is forged into the Tomb Raider she is destined to be. Combining the base game, all seven DLC challenge tombs, as well as all downloadable weapons, outfits, and skills, Shadow of the Tomb Raider Definitive Edition is the ultimate way to experience Lara\u2019s defining moment. . Survive and Thrive In the Deadliest Place on Earth: Master an unforgiving jungle setting in order to survive. Explore underwater environments filled with crevasses and deep tunnel systems. . Become One With the Jungle: Outgunned and outnumbered, Lara must use the jungle to her advantage. Strike suddenly and disappear like a jaguar, use mud as camouflage, and instill fear in enemies to sow chaos. . Discover Dark and Brutal Tombs: Tombs are more terrifying than ever before, requiring advanced traversal techniques to reach them, and once inside they are filled with deadly puzzles. . Uncover Living History: Discover a hidden city and explore the biggest hub space ever found in a Tomb Raider game. .", + "about_the_game": "In Shadow of the Tomb Raider Definitive Edition experience the final chapter of Lara\u2019s origin as she is forged into the Tomb Raider she is destined to be. Combining the base game, all seven DLC challenge tombs, as well as all downloadable weapons, outfits, and skills, Shadow of the Tomb Raider Definitive Edition is the ultimate way to experience Lara\u2019s defining moment.Survive and Thrive In the Deadliest Place on Earth: Master an unforgiving jungle setting in order to survive. Explore underwater environments filled with crevasses and deep tunnel systems.Become One With the Jungle: Outgunned and outnumbered, Lara must use the jungle to her advantage. Strike suddenly and disappear like a jaguar, use mud as camouflage, and instill fear in enemies to sow chaos.Discover Dark and Brutal Tombs: Tombs are more terrifying than ever before, requiring advanced traversal techniques to reach them, and once inside they are filled with deadly puzzles.Uncover Living History: Discover a hidden city and explore the biggest hub space ever found in a Tomb Raider game.", + "short_description": "As Lara Croft races to save the world from a Maya apocalypse, she must become the Tomb Raider she is destined to be.", + "genres": "Action", + "recommendations": 53112, + "score": 7.1725363002733715 + }, + { + "type": "game", + "name": "A Plague Tale: Innocence", + "detailed_description": "Buzz. Buzz. About the Game. Follow the grim tale of young Amicia and her little brother Hugo, in a heartrending journey through the darkest hours of history. Hunted by Inquisition soldiers and surrounded by unstoppable swarms of rats, Amicia and Hugo will come to know and trust each other. As they struggle to survive against overwhelming odds, they will fight to find purpose in this brutal, unforgiving world. . . 1348. The plague ravages the Kingdom of France. Amicia and her younger brother Hugo are pursued by the Inquisition through villages devastated by the disease. On their way, they will have to join forces with other children, and evade swarms of rats using fire and light. Aided only by the link that binds their fates together, they will face untold horrors in their struggle to survive. As their adventure begins\u2026 the time of innocence ends. . .", + "about_the_game": "Follow the grim tale of young Amicia and her little brother Hugo, in a heartrending journey through the darkest hours of history. Hunted by Inquisition soldiers and surrounded by unstoppable swarms of rats, Amicia and Hugo will come to know and trust each other. As they struggle to survive against overwhelming odds, they will fight to find purpose in this brutal, unforgiving world.1348. The plague ravages the Kingdom of France. Amicia and her younger brother Hugo are pursued by the Inquisition through villages devastated by the disease. On their way, they will have to join forces with other children, and evade swarms of rats using fire and light. Aided only by the link that binds their fates together, they will face untold horrors in their struggle to survive. As their adventure begins\u2026 the time of innocence ends.", + "short_description": "Follow the grim tale of young Amicia and her little brother Hugo, in a heartrending journey through the darkest hours of history.", + "genres": "Action", + "recommendations": 46840, + "score": 7.08969562393266 + }, + { + "type": "game", + "name": "Outer Wilds", + "detailed_description": "You Might Also Like About the GameWinner of Best Game at the 2020 BAFTA Games Awards and named Game of the Year 2019 by Giant Bomb, Polygon, Eurogamer, and The Guardian, Outer Wilds is a critically-acclaimed and award-winning open world mystery about a solar system trapped in an endless time loop. . Welcome to the Space Program!. You're the newest recruit of Outer Wilds Ventures, a fledgling space program searching for answers in a strange, constantly evolving solar system. . . Mysteries of the Solar System. What lurks in the heart of the ominous Dark Bramble? Who built the alien ruins on the Moon? Can the endless time loop be stopped? Answers await you in the most dangerous reaches of space. . . A World That Changes Over Time. The planets of Outer Wilds are packed with hidden locations that change with the passage of time. Visit an underground city before it's swallowed by sand, or explore the surface of a planet as it crumbles beneath your feet. Every secret is guarded by hazardous environments and natural catastrophes. . . Grab Your Intergalactic Hiking Gear!. Strap on your hiking boots, check your oxygen levels, and get ready to venture into space. Use a variety of unique gadgets to probe your surroundings, track down mysterious signals, decipher ancient alien writing, and roast the perfect marshmallow. .", + "about_the_game": "Winner of Best Game at the 2020 BAFTA Games Awards and named Game of the Year 2019 by Giant Bomb, Polygon, Eurogamer, and The Guardian, Outer Wilds is a critically-acclaimed and award-winning open world mystery about a solar system trapped in an endless time loop. Welcome to the Space Program!You're the newest recruit of Outer Wilds Ventures, a fledgling space program searching for answers in a strange, constantly evolving solar system. Mysteries of the Solar System...What lurks in the heart of the ominous Dark Bramble? Who built the alien ruins on the Moon? Can the endless time loop be stopped? Answers await you in the most dangerous reaches of space. A World That Changes Over TimeThe planets of Outer Wilds are packed with hidden locations that change with the passage of time. Visit an underground city before it's swallowed by sand, or explore the surface of a planet as it crumbles beneath your feet. Every secret is guarded by hazardous environments and natural catastrophes. Grab Your Intergalactic Hiking Gear!Strap on your hiking boots, check your oxygen levels, and get ready to venture into space. Use a variety of unique gadgets to probe your surroundings, track down mysterious signals, decipher ancient alien writing, and roast the perfect marshmallow.", + "short_description": "Named Game of the Year 2019 by Giant Bomb, Polygon, Eurogamer, and The Guardian, Outer Wilds is a critically-acclaimed and award-winning open world mystery about a solar system trapped in an endless time loop.", + "genres": "Action", + "recommendations": 45662, + "score": 7.0729046825317665 + }, + { + "type": "game", + "name": "Ring of Elysium", + "detailed_description": "About Ring of ElysiumAfter Mt. Dione and Europa Island, a brand new desert map- Vera has been released. Under the invasion of the deadly nuclear storm, survive the competition and make it out alive!. Realistic graphics, a diverse selection of traversal and tactical abilities, and the unique helicopter escape, invites you to join an exciting 60-man battle royale experience!. 1.Realistic graphics. Highly detailed presentation of natural disaster- simulating surreal weather conditions: Sunny, Cloudy, Foggy, Heavy Rain, Thunderstorms. Combined with a fully dynamic global illumination lighting system, creating a truly immersive game world. . 2.Various abilities. Traversal equipment: Glider, motorbike, grappling hook, BMX. . Tactical abilities: Holographic Decoy, Medgun, Biosignal Detector, Stealth Cloak, Deployable Shield, Recon Drone, Vehicle Modification Kit. . While players fight their way through the disaster, how best to utilize these abilities often mean the difference between life and death. . 3.Unique helicopter escape. Unlike the traditional winning condition, your ultimate goal is to board the rescue helicopter, which opens new strategic possibilities in the BR genre.", + "about_the_game": "About Ring of ElysiumAfter Mt. Dione and Europa Island, a brand new desert map- Vera has been released. Under the invasion of the deadly nuclear storm, survive the competition and make it out alive!Realistic graphics, a diverse selection of traversal and tactical abilities, and the unique helicopter escape, invites you to join an exciting 60-man battle royale experience!1.Realistic graphicsHighly detailed presentation of natural disaster- simulating surreal weather conditions: Sunny, Cloudy, Foggy, Heavy Rain, Thunderstorms... Combined with a fully dynamic global illumination lighting system, creating a truly immersive game world.2.Various abilitiesTraversal equipment: Glider, motorbike, grappling hook, BMX... Tactical abilities: Holographic Decoy, Medgun, Biosignal Detector, Stealth Cloak, Deployable Shield, Recon Drone, Vehicle Modification Kit...While players fight their way through the disaster, how best to utilize these abilities often mean the difference between life and death.3.Unique helicopter escapeUnlike the traditional winning condition, your ultimate goal is to board the rescue helicopter, which opens new strategic possibilities in the BR genre.", + "short_description": "Escape an astonishing disaster in Ring of Elysium, a battle royale shooter developed by Aurora Studio.", + "genres": "Action", + "recommendations": 718, + "score": 4.336321860714002 + }, + { + "type": "game", + "name": "Albion Online", + "detailed_description": "Albion Online is a sandbox MMORPG set in an open medieval fantasy world. The game features a player-driven economy where nearly every item is player-crafted. Combine armor pieces and weapons suited to your playstyle in a unique, classless \"you are what you wear\" system. Explore the world, take on other adventurers in thrilling battles, conquer territories, and build a home. . . Craft. Trade. Conquer. Dive in now and become part of a living fantasy world where everybody matters.Key Features. From basic tools and clothes to mighty armors and powerful weapons \u2013 nearly every item in the game is crafted by players, in player-constructed buildings, from resources gathered by players. Buy, sell, and trade with other players at local marketplaces all across the world of Albion. Craft rare and powerful items, then sell them to the highest bidder and grow your fortune. . . In Albion Online's classless combat system, you are what you wear. The weapons and armor you use define your skills, and switching playstyles is as easy as switching gear. Test out new equipment anytime and change up your weapons, armor, and mounts to suit any situation. Hone your character\u2019s skills by crafting new items, or by simply using your favorite equipment. . . From solo to small-group to large-scale battles, you'll need strategy, tactics, and skill to prevail. Test yourself against other adventurers in high-risk, high-reward full-loot fights. Level your combat specializations, create unique builds with complementary skills, and use every tool at your disposal to emerge victorious. . . Join a guild and carve out your own piece of Albion in massive open-world battles. Claim territories for access to incredible resources, construct guild halls, and build a Hideout to give your guild a powerful home base deep in dangerous lands. Lead your guild to victory in the Crystal League, and track your progress against other guilds worldwide on a constantly-updated seasonal leaderboard. . . Claim a city plot or private island and make it your own. Grow crops to sell or craft into food, raise your own livestock and mounts, and place crafting stations for other players to use for a fee. Stock your house with custom furniture and trophies, build chests to store your growing collection of loot, and hire laborers to keep everything at your homestead running smoothly. . . From small scouting bands to massive bosses, from dungeons to full-blown faction bases, the inhabitants of Albion\u2019s open world await your challenge. Take on six different factions, each with different enemies that require unique strategies. Partake in solo or group Expeditions, or seek out the ultimate thrill by facing demons and other players alike in Hellgates and Corrupted Dungeons. . . Explore five vivid biomes, each with its own challenges. Gather raw materials for crafting, or cast a line into Albion's lakes and oceans to catch fish. Seek out randomly generated solo and group dungeons and slay powerful foes for valuable loot. Enter the mystical Roads of Avalon to discover ever-changing paths between distant zones, face off against long-dormant foes, and build your own Hideout in this vast and ancient land. . . Albion Online is a true cross-platform MMO experience. Whether you prefer Windows, Mac, Linux, Android or iOS, one account lets you play on all platforms.", + "about_the_game": "Albion Online is a sandbox MMORPG set in an open medieval fantasy world. The game features a player-driven economy where nearly every item is player-crafted. Combine armor pieces and weapons suited to your playstyle in a unique, classless \"you are what you wear\" system. Explore the world, take on other adventurers in thrilling battles, conquer territories, and build a home. Craft. Trade. Conquer. Dive in now and become part of a living fantasy world where everybody matters.Key FeaturesFrom basic tools and clothes to mighty armors and powerful weapons \u2013 nearly every item in the game is crafted by players, in player-constructed buildings, from resources gathered by players. Buy, sell, and trade with other players at local marketplaces all across the world of Albion. Craft rare and powerful items, then sell them to the highest bidder and grow your fortune.In Albion Online's classless combat system, you are what you wear. The weapons and armor you use define your skills, and switching playstyles is as easy as switching gear. Test out new equipment anytime and change up your weapons, armor, and mounts to suit any situation. Hone your character\u2019s skills by crafting new items, or by simply using your favorite equipment.From solo to small-group to large-scale battles, you'll need strategy, tactics, and skill to prevail. Test yourself against other adventurers in high-risk, high-reward full-loot fights. Level your combat specializations, create unique builds with complementary skills, and use every tool at your disposal to emerge victorious.Join a guild and carve out your own piece of Albion in massive open-world battles. Claim territories for access to incredible resources, construct guild halls, and build a Hideout to give your guild a powerful home base deep in dangerous lands. Lead your guild to victory in the Crystal League, and track your progress against other guilds worldwide on a constantly-updated seasonal leaderboard.Claim a city plot or private island and make it your own. Grow crops to sell or craft into food, raise your own livestock and mounts, and place crafting stations for other players to use for a fee. Stock your house with custom furniture and trophies, build chests to store your growing collection of loot, and hire laborers to keep everything at your homestead running smoothly.From small scouting bands to massive bosses, from dungeons to full-blown faction bases, the inhabitants of Albion\u2019s open world await your challenge. Take on six different factions, each with different enemies that require unique strategies. Partake in solo or group Expeditions, or seek out the ultimate thrill by facing demons and other players alike in Hellgates and Corrupted Dungeons.Explore five vivid biomes, each with its own challenges. Gather raw materials for crafting, or cast a line into Albion's lakes and oceans to catch fish. Seek out randomly generated solo and group dungeons and slay powerful foes for valuable loot. Enter the mystical Roads of Avalon to discover ever-changing paths between distant zones, face off against long-dormant foes, and build your own Hideout in this vast and ancient land.Albion Online is a true cross-platform MMO experience. Whether you prefer Windows, Mac, Linux, Android or iOS, one account lets you play on all platforms.", + "short_description": "Albion Online is a fantasy sandbox MMORPG featuring a player-driven economy, classless combat system, and intense PvP battles. Explore a vast open world full of danger and opportunity. Grow your wealth, forge alliances, and leave your mark on the world of Albion.", + "genres": "Free to Play", + "recommendations": 1799, + "score": 4.9412841988547145 + }, + { + "type": "game", + "name": "Russian Fishing 4", + "detailed_description": "With the development of Russian Fishing 4, our team's goal is to create a world capable of conveying our shared passion for fishing and our love of nature. Waiting for the first bite at dawn as the stars fade, holding your breath as the rod bends alarmingly under the bite of a large fish or cooking the fish you just caught by the campfire \u2013 all of this is possible in Russian Fishing 4. After all, this game is designed by anglers, for anglers. . The main features of the game:. Currently, the game offers 17 reservoirs with unique weather conditions and a diverse set of fish. . . Experience more than 190 detailed species. Over time this number will increase even further. . . Choose from a huge variety of fishing tackle with hundreds of modern rods, reels and accessories. . . The game allows free movement on the water bodies, with opportunities to fish both from the shoreline and from a boat. . . Various types of fishing have been implemented, such as float, bottom and spinning. Each of them is carefully designed, using real fishing experience, and include a variety of equipment and fishing techniques. . . As in real life, the behavior of the fish can vary depending on weather conditions, time of day and other factors. . . You are given ample opportunity to develop skills, both relevant to the chosen specialization and in other related areas, including making your own lures, harvesting baits and even cooking. . . The game is constantly evolving, and more content will be added to enhance your fishing experience. . Compare your achievements with other players in ratings, qualifications and statistics. Participate in a variety of competitions and tournaments with valuable prizes. . . Learn about the fish habits and gain knowledge to assemble the perfect tackle to catch your legendary trophy fish. . . Russian Fishing 4 \u2013Meet you at the water\u2019s edge!", + "about_the_game": "With the development of Russian Fishing 4, our team's goal is to create a world capable of conveying our shared passion for fishing and our love of nature. Waiting for the first bite at dawn as the stars fade, holding your breath as the rod bends alarmingly under the bite of a large fish or cooking the fish you just caught by the campfire \u2013 all of this is possible in Russian Fishing 4.After all, this game is designed by anglers, for anglers.The main features of the game:Currently, the game offers 17 reservoirs with unique weather conditions and a diverse set of fish.Experience more than 190 detailed species. Over time this number will increase even further.Choose from a huge variety of fishing tackle with hundreds of modern rods, reels and accessories. The game allows free movement on the water bodies, with opportunities to fish both from the shoreline and from a boat..Various types of fishing have been implemented, such as float, bottom and spinning. Each of them is carefully designed, using real fishing experience, and include a variety of equipment and fishing techniques.As in real life, the behavior of the fish can vary depending on weather conditions, time of day and other factors.You are given ample opportunity to develop skills, both relevant to the chosen specialization and in other related areas, including making your own lures, harvesting baits and even cooking.The game is constantly evolving, and more content will be added to enhance your fishing experience.Compare your achievements with other players in ratings, qualifications and statistics. Participate in a variety of competitions and tournaments with valuable prizes.Learn about the fish habits and gain knowledge to assemble the perfect tackle to catch your legendary trophy fish.Russian Fishing 4 \u2013Meet you at the water\u2019s edge!", + "short_description": "Russian Fishing 4 is a fishing simulator with RPG elements. There is no story line and the whole process is based on the concept of an open, free to roam and free to play game.", + "genres": "Adventure", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "War Robots", + "detailed_description": "War is raging, pilot! Are you ready for surprise attacks, intricate tactical maneuvers and the many sneaky tricks your rivals have in store for you? Destroy enemy robots, capture all the beacons, and upgrade your weapons to increase your battle robot\u2019s combat strength, speed and durability. Prove yourself in each map and use different strategies and tactics to emerge victorious in battle. . The renowned iOS and Android hit is coming to Steam! Fight other Pilots from all over the world and join millions of existing players!FEATURES:Tactical 6v6 PVP. 45 battle robots with different strengths. over 50 weapon types, including ballistic missiles, energy and plasma guns. What will you choose?. 12 Maps to battle on!. numerous possible combinations of robots and weapons. Create a war machine to fit your own playing style;. create your own clan and lead it to glorious victories;. join epic PvP battles against rivals from all over the world;. complete military tasks for bonuses and earn the title Best Pilot. . Onward, soldier! Victory is yours!", + "about_the_game": "War is raging, pilot! Are you ready for surprise attacks, intricate tactical maneuvers and the many sneaky tricks your rivals have in store for you? Destroy enemy robots, capture all the beacons, and upgrade your weapons to increase your battle robot\u2019s combat strength, speed and durability. Prove yourself in each map and use different strategies and tactics to emerge victorious in battle.The renowned iOS and Android hit is coming to Steam! Fight other Pilots from all over the world and join millions of existing players!FEATURES:Tactical 6v6 PVP45 battle robots with different strengthsover 50 weapon types, including ballistic missiles, energy and plasma guns. What will you choose?12 Maps to battle on!numerous possible combinations of robots and weapons. Create a war machine to fit your own playing style;create your own clan and lead it to glorious victories;join epic PvP battles against rivals from all over the world;complete military tasks for bonuses and earn the title Best Pilot.Onward, soldier! Victory is yours!", + "short_description": "War Robots is an online third-person 6v6 PvP shooter\u2014we\u2019re talking dozens of combat robots, hundreds of weapons combinations, and heated clan battles.", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Muse Dash", + "detailed_description": "Important Message. About the Game. \"Hitting while listening to music.\". \"Is that the call from another world?\". [Game Starts Now\u2014!!]. Lovely girls. or rhythmic music?. If there\u2019s a place for you to have them both\u2026. It must be the paradise of parkour & rhythm game \u2605\u2605\u2605 \u2014 Muse Dash!!. Huh?! Not your forte? It doesn\u2019t matter!. Who says you must have a strong sense of rhythm to win?. Avoid is also a valid option (?). As long as you have 100% of passion, courage, and\u2026 love for lovely girls~. Rhythm and fight won\u2019t be an issue \u30fe(\u275b\u1d17\u02c2 )\u2665. . [Gameplay]. Dance to the music and beat enemies in the air and on the ground. Also, watch out for the obstacles!!. What an easy, beginner-friendly rhythm game (`\u30fb\u03c9\u30fb\u00b4)b . . [Features]. A perfect combo of rhythm and parkour!. Cute and chic art style. Various scenes, enemies, and bosses (you will be okay with lovely bosses, right?) carefully designed for every song. [Default Music] includes 62 songs, and there will be future updates! Purchase [Just as Planned] to unlock all paid content in the future. From novice to expert, you can always find your song from the abundant music packs at different difficulty levels~. Characters of different personalities, exquisite animations, and excellent voice-overs. You\u2019ll definitely fall in love with them (\u03c3\uff9f\u2200\uff9f)\u03c3. . (\u0e51\u2022\u3142\u2022\u0301)\u0648\u2727. Twitter:@MuseDash_EN. @PeroPeroGuys", + "about_the_game": "\"Hitting while listening to music.\"\"Is that the call from another world?\"[Game Starts Now\u2014!!]Lovely girlsor rhythmic music?If there\u2019s a place for you to have them both\u2026It must be the paradise of parkour & rhythm game \u2605\u2605\u2605 \u2014 Muse Dash!!Huh?! Not your forte? It doesn\u2019t matter!Who says you must have a strong sense of rhythm to win?Avoid is also a valid option (?)As long as you have 100% of passion, courage, and\u2026 love for lovely girls~Rhythm and fight won\u2019t be an issue \u30fe(\u275b\u1d17\u02c2 )\u2665[Gameplay]Dance to the music and beat enemies in the air and on the ground. Also, watch out for the obstacles!!What an easy, beginner-friendly rhythm game (`\u30fb\u03c9\u30fb\u00b4)b [Features]A perfect combo of rhythm and parkour!Cute and chic art style. Various scenes, enemies, and bosses (you will be okay with lovely bosses, right?) carefully designed for every song.[Default Music] includes 62 songs, and there will be future updates! Purchase [Just as Planned] to unlock all paid content in the future.From novice to expert, you can always find your song from the abundant music packs at different difficulty levels~Characters of different personalities, exquisite animations, and excellent voice-overs. You\u2019ll definitely fall in love with them (\u03c3\uff9f\u2200\uff9f)\u03c3(\u0e51\u2022\u3142\u2022\u0301)\u0648\u2727Twitter:@MuseDash_EN@PeroPeroGuys", + "short_description": "Paradise of parkour & rhythm game \u2605\u2605\u2605 \u2014 Muse Dash!!", + "genres": "Action", + "recommendations": 83369, + "score": 7.469761114138982 + }, + { + "type": "game", + "name": "Project Winter", + "detailed_description": "DISCOVER OUR UPCOMING GAMES Join the Discord. About the GameBetray your friends in this 8 person multiplayer focused on social deception and survival. . . . Betray your friends in this 8 person multiplayer focused on social deception and survival. . Communication and teamwork is essential to the survivors\u2019 ultimate goal of escape. Gather resources, repair structures, and brave the wilderness together. Just beware that there are traitors within the group working to sabotage your chances of getting out alive by any means necessary. . ROLES:. Survivor:. As a survivor you will have to complete a series of objectives in order to call in one of several rescue vehicles and escape to win the game. Repair all the objectives to restore the cabin radio to working order. . Break rocks, harvest berries and herbs, and cut down trees to earn crafting materials used to repair objectives, and help keep you alive. . Explore crates found in the buildings scattered throughout the map which contain items that will help you survive and complete your objectives. . Traitor:. As a traitor your goal is to stop the survivors from escaping without being identified or killed. All of your teammates will be revealed to you at the start of the match and can be identified by a red traitor symbol, much like yours. You will start with a red radio to communicate with your fellow traitor. . Use traitor crates and hatches scattered throughout the map to gain advantage against survivors. . FEATURES:. Teamwork. Survivors cannot escape unless they work together. Players who wander off on their own will have difficulty surviving the elements, can fall victim to hostile wildlife, or become easy targets for the traitors. . Communication. Communication is key if the survivors have any hope of escaping. There are several ways to communicate with other players:. proximity-based voice chat . private voice chat radio channels, . text chat and emotes . Betrayal & Deception. The traitors are outnumbered and weak when the game begins, they may infiltrate the survivors and earn their trust while they build up their strength. Survivors can never be 100% sure of who to trust. The traitors can take advantage of this by spreading lies, and pitting the survivors against each other. . Customization. Play the game how you want with multiple game modes including basic, normal and custom mode! Add some flair to your character with cosmetics that can be bought with our in-game currency earned after each match!.", + "about_the_game": "Betray your friends in this 8 person multiplayer focused on social deception and survival.Betray your friends in this 8 person multiplayer focused on social deception and survival.Communication and teamwork is essential to the survivors\u2019 ultimate goal of escape. Gather resources, repair structures, and brave the wilderness together. Just beware that there are traitors within the group working to sabotage your chances of getting out alive by any means necessary.ROLES:Survivor:As a survivor you will have to complete a series of objectives in order to call in one of several rescue vehicles and escape to win the game.Repair all the objectives to restore the cabin radio to working order.Break rocks, harvest berries and herbs, and cut down trees to earn crafting materials used to repair objectives, and help keep you alive.Explore crates found in the buildings scattered throughout the map which contain items that will help you survive and complete your objectives.Traitor:As a traitor your goal is to stop the survivors from escaping without being identified or killed.All of your teammates will be revealed to you at the start of the match and can be identified by a red traitor symbol, much like yours. You will start with a red radio to communicate with your fellow traitor.Use traitor crates and hatches scattered throughout the map to gain advantage against survivors.FEATURES:TeamworkSurvivors cannot escape unless they work together. Players who wander off on their own will have difficulty surviving the elements, can fall victim to hostile wildlife, or become easy targets for the traitors.CommunicationCommunication is key if the survivors have any hope of escaping. There are several ways to communicate with other players:proximity-based voice chat private voice chat radio channels, text chat and emotes Betrayal & DeceptionThe traitors are outnumbered and weak when the game begins, they may infiltrate the survivors and earn their trust while they build up their strength. Survivors can never be 100% sure of who to trust. The traitors can take advantage of this by spreading lies, and pitting the survivors against each other.CustomizationPlay the game how you want with multiple game modes including basic, normal and custom mode! Add some flair to your character with cosmetics that can be bought with our in-game currency earned after each match!", + "short_description": "The perfect game to back-stab your friends. Project Winter is an 8 person multiplayer game focusing on social deception and survival. Communication and teamwork is essential to the survivors\u2019 ultimate goal of escape.", + "genres": "Action", + "recommendations": 13093, + "score": 6.2494382422428085 + }, + { + "type": "game", + "name": "Total War: THREE KINGDOMS", + "detailed_description": "New DLC Available. Total War Academy. About the GameTotal War: THREE KINGDOMS is the first in the multi award-winning strategy series to recreate epic conflict across ancient China. Combining a gripping turn-based campaign game of empire-building, statecraft and conquest with stunning real-time battles, Total War: THREE KINGDOMS redefines the series in an age of heroes and legends. . . China in 190CE. Welcome to a new era of legendary conquest. . This beautiful but fractured land calls out for a new emperor and a new way of life. Unite China under your rule, forge the next great dynasty, and build a legacy that will last through the ages. Choose from a cast of 12 legendary Warlords and conquer the realm. Recruit heroic characters to aide your cause and dominate your enemies on military, technological, political, and economic fronts. . Will you build powerful friendships, form brotherly alliances, and earn the respect of your many foes? Or would you rather commit acts of treachery, inflict heart-wrenching betrayals, and become a master of grand political intrigue?. Your legend is yet to be written, but one thing is certain: glorious conquest awaits.ANCIENT CHINA RECREATED. . Discover Three Kingdoms China, a land of breath-taking natural beauty. Battle across lush subtropics, arid deserts and snow-capped mountains. Marvel at legendary landmarks like the Great Wall of China and the Yangtze River. Explore the length and breadth of ancient China as you restore harmony to its embattled landscape.CHINA\u2019S GREATEST LEGENDS. . Forge a new empire as one of 12 legendary Warlords drawn from China\u2019s celebrated historical epic, the Romance of the Three Kingdoms. Peerless commanders, powerful warriors and eminent statesmen, these characters each have a unique playstyle and objectives. Recruit an epic supporting cast of heroes to command your armies, govern your provinces and strengthen your growing empire. Characters are the beating heart of the game, and China\u2019s very future will be shaped by its champions.GUANXI SYSTEM. . Modelled on Guanxi, the Chinese concept of dynamic inter-relationships, Total War: THREE KINGDOMS takes a paradigm-shifting approach to character agency, with iconic, larger-than-life heroes and their relationships defining the future of ancient China. Each of these characters is brought to life with their own unique personality, motivations, and likes/dislikes. They also form their own deep relationships with each other, both positive and negative, that shape how your story plays out.ARTISTIC PURITY. . With stunning visuals and flamboyant Wushu combat, THREE KINGDOMS is the art of war. With beautiful UI, vibrant vistas and authentic Chinese-inspired artwork, this reimagining of ancient China is a visual feast.REAL-TIME & TURN-BASED HARMONY. . The turn-based campaign and real-time battles of Total War: THREE KINGDOMS are more interconnected than ever before. Actions in battle now have much greater consequences, affecting your Heroes\u2019 relationship towards you, as well as the friendships and rivalries they develop with other characters. In a world where powerful allies are one of the keys to success, this adds a brand-new element to how victory is achieved.", + "about_the_game": "Total War: THREE KINGDOMS is the first in the multi award-winning strategy series to recreate epic conflict across ancient China. Combining a gripping turn-based campaign game of empire-building, statecraft and conquest with stunning real-time battles, Total War: THREE KINGDOMS redefines the series in an age of heroes and legends.China in 190CEWelcome to a new era of legendary conquest.This beautiful but fractured land calls out for a new emperor and a new way of life. Unite China under your rule, forge the next great dynasty, and build a legacy that will last through the ages.Choose from a cast of 12 legendary Warlords and conquer the realm. Recruit heroic characters to aide your cause and dominate your enemies on military, technological, political, and economic fronts.Will you build powerful friendships, form brotherly alliances, and earn the respect of your many foes? Or would you rather commit acts of treachery, inflict heart-wrenching betrayals, and become a master of grand political intrigue?Your legend is yet to be written, but one thing is certain: glorious conquest awaits.ANCIENT CHINA RECREATEDDiscover Three Kingdoms China, a land of breath-taking natural beauty. Battle across lush subtropics, arid deserts and snow-capped mountains. Marvel at legendary landmarks like the Great Wall of China and the Yangtze River. Explore the length and breadth of ancient China as you restore harmony to its embattled landscape.CHINA\u2019S GREATEST LEGENDSForge a new empire as one of 12 legendary Warlords drawn from China\u2019s celebrated historical epic, the Romance of the Three Kingdoms. Peerless commanders, powerful warriors and eminent statesmen, these characters each have a unique playstyle and objectives. Recruit an epic supporting cast of heroes to command your armies, govern your provinces and strengthen your growing empire. Characters are the beating heart of the game, and China\u2019s very future will be shaped by its champions.GUANXI SYSTEMModelled on Guanxi, the Chinese concept of dynamic inter-relationships, Total War: THREE KINGDOMS takes a paradigm-shifting approach to character agency, with iconic, larger-than-life heroes and their relationships defining the future of ancient China. Each of these characters is brought to life with their own unique personality, motivations, and likes/dislikes. They also form their own deep relationships with each other, both positive and negative, that shape how your story plays out.ARTISTIC PURITYWith stunning visuals and flamboyant Wushu combat, THREE KINGDOMS is the art of war. With beautiful UI, vibrant vistas and authentic Chinese-inspired artwork, this reimagining of ancient China is a visual feast.REAL-TIME & TURN-BASED HARMONYThe turn-based campaign and real-time battles of Total War: THREE KINGDOMS are more interconnected than ever before. Actions in battle now have much greater consequences, affecting your Heroes\u2019 relationship towards you, as well as the friendships and rivalries they develop with other characters. In a world where powerful allies are one of the keys to success, this adds a brand-new element to how victory is achieved.", + "short_description": "Total War: THREE KINGDOMS is the first in the award-winning series to recreate epic conflict across ancient China. Combining a gripping turn-based campaign of empire-building & conquest with stunning real-time battles, THREE KINGDOMS redefines the series in an age of heroes & legends.", + "genres": "Action", + "recommendations": 63728, + "score": 7.292659824911828 + }, + { + "type": "game", + "name": "The Riftbreaker", + "detailed_description": "Roadmap. DISCORD. About the GameYou play the role of captain Ashley S. Nowak - you are the Riftbreaker, an elite scientist/commando inside a powerful Mecha-Suit. Enter a one-way portal to Galatea 37, a distant planet at the far reaches of the Milky Way Galaxy, with the purpose of building up a base that will allow travel back to Earth and further colonization. Ashley's Mecha-suit, which she calls \"Mr. Riggs\", can withstand the harshest environmental conditions and has a full range of equipment for base construction, resource extraction, gathering specimens and of course - combat. It is capable of traveling through rifts that connect space across vast distances.BASE BUILDING. Your task is to construct a two-way rift back to Earth. It is a very complex invention and requires enormous amounts of energy. Simple solar collectors and a few tons of steel will not be enough. You will need to build up a complex chain of mines, refineries, powerplants and research facilities to complete this mission.DEFENSE. Your presence on this planet will not go unnoticed. As you build up your industry and disrupt the natural order, the world will start seeing you as a threat. Build up your defenses. Construct walls, barriers and defense towers as the attacks get stronger with every passing day. You will face thousands of hostile creatures trying to eliminate your presence.EXPLORATION. Galatea 37 is an unknown planet in the Sycorax belt of the Milky Way galaxy. Long distance surveys detected that it is inhabitable and perfect for colonization. The planet is full of rare minerals and substances that can be found in various locations around the globe. Varied biomes can surprise you with unknown fauna and flora as well as harsh weather conditions. Construct local outposts in resource-rich locations that will transport the required resources using rift technology.CAMPAIGN. Take on an epic journey across all the different biomes of Galatea 37. You will establish multiple persistent bases across the globe that will fuel your economy. Research alien substances and lifeforms, as well as fight hordes of alien creatures, clearly not happy with your interference in the natural order of the planet. The campaign spans multiple hours and offers a remarkable degree of freedom in a super detailed, procedurally generated world. You can decide on the order of your priorities and what technologies you want to use. You\u2019re the only human there, after all.SURVIVAL. Your mission is to survive a set amount of time, fighting off increasingly difficult waves of enemy creatures. Each mission in the game is randomized, offering nearly endless replayability.SANDBOXIf intense fight for survival is not your thing either, then try out the Sandbox mode, where we give you control over the entire game \u2013 including resources, enemy spawns, and weather conditions.CUSTOMIZE YOUR GAMEPLAYThe Riftbreaker\u2122\u2019s gameplay can be customized to fit your playstyle. You can change the frequency of enemy attacks as well as their strength and numbers, resource abundance, weather events, enemy damage, and tons of other settings. There are also multiple difficulty presets to suit the needs of both hardcore strategy players as well as those that want a laid-back base-building experience.COMMUNITY DRIVEN DEVELOPMENTIf you've read everything and arrived all the way down here, then you might be interested in helping us shape the game. Please come and talk to us on the forums, our official Discord server or through any other of our social media. We'll be sharing inside info about our development progress, and we'd love to hear your feedback. Please come and help us make Riftbreaker the game You want to play!", + "about_the_game": "You play the role of captain Ashley S. Nowak - you are the Riftbreaker, an elite scientist/commando inside a powerful Mecha-Suit. Enter a one-way portal to Galatea 37, a distant planet at the far reaches of the Milky Way Galaxy, with the purpose of building up a base that will allow travel back to Earth and further colonization. Ashley's Mecha-suit, which she calls \"Mr. Riggs\", can withstand the harshest environmental conditions and has a full range of equipment for base construction, resource extraction, gathering specimens and of course - combat. It is capable of traveling through rifts that connect space across vast distances.BASE BUILDINGYour task is to construct a two-way rift back to Earth. It is a very complex invention and requires enormous amounts of energy. Simple solar collectors and a few tons of steel will not be enough. You will need to build up a complex chain of mines, refineries, powerplants and research facilities to complete this mission.DEFENSEYour presence on this planet will not go unnoticed. As you build up your industry and disrupt the natural order, the world will start seeing you as a threat. Build up your defenses. Construct walls, barriers and defense towers as the attacks get stronger with every passing day. You will face thousands of hostile creatures trying to eliminate your presence.EXPLORATIONGalatea 37 is an unknown planet in the Sycorax belt of the Milky Way galaxy. Long distance surveys detected that it is inhabitable and perfect for colonization. The planet is full of rare minerals and substances that can be found in various locations around the globe. Varied biomes can surprise you with unknown fauna and flora as well as harsh weather conditions. Construct local outposts in resource-rich locations that will transport the required resources using rift technology.CAMPAIGNTake on an epic journey across all the different biomes of Galatea 37. You will establish multiple persistent bases across the globe that will fuel your economy. Research alien substances and lifeforms, as well as fight hordes of alien creatures, clearly not happy with your interference in the natural order of the planet. The campaign spans multiple hours and offers a remarkable degree of freedom in a super detailed, procedurally generated world. You can decide on the order of your priorities and what technologies you want to use. You\u2019re the only human there, after all.SURVIVALYour mission is to survive a set amount of time, fighting off increasingly difficult waves of enemy creatures. Each mission in the game is randomized, offering nearly endless replayability.SANDBOXIf intense fight for survival is not your thing either, then try out the Sandbox mode, where we give you control over the entire game \u2013 including resources, enemy spawns, and weather conditions.CUSTOMIZE YOUR GAMEPLAYThe Riftbreaker\u2122\u2019s gameplay can be customized to fit your playstyle. You can change the frequency of enemy attacks as well as their strength and numbers, resource abundance, weather events, enemy damage, and tons of other settings. There are also multiple difficulty presets to suit the needs of both hardcore strategy players as well as those that want a laid-back base-building experience.COMMUNITY DRIVEN DEVELOPMENTIf you've read everything and arrived all the way down here, then you might be interested in helping us shape the game. Please come and talk to us on the forums, our official Discord server or through any other of our social media. We'll be sharing inside info about our development progress, and we'd love to hear your feedback. Please come and help us make Riftbreaker the game You want to play!", + "short_description": "The Riftbreaker\u2122 is a base-building, survival game with Action-RPG elements. You are an elite scientist/commando inside an advanced Mecha-Suit capable of dimensional rift travel. Hack & slash countless enemies. Build up your base, collect samples and research new inventions to survive.", + "genres": "Action", + "recommendations": 13402, + "score": 6.2648144150848335 + }, + { + "type": "game", + "name": "DOOM Eternal", + "detailed_description": "Feature List. Digital Deluxe Edition. Hell\u2019s armies have invaded Earth. Become the Slayer in an epic single-player campaign to conquer demons across dimensions and stop the final destruction of humanity. . The only thing they fear. is you. . Experience the ultimate combination of speed and power in DOOM Eternal - the next leap in push-forward, first-person combat. . The DOOM Eternal Deluxe Edition includes:. The Year One Pass. Get access to two campaign expansions for the critically-acclaimed DOOM Eternal. Your victory over Hell\u2019s armies pulled humanity back from the edge of extinction, but it came at a cost. An imbalance of power in the heavens requires the true ruler of this universe to rise and set things right. Wage war across never-before-seen realms of the DOOM Universe, fight against new demons, and wield new abilities in your never-ending battle against the forces of evil. . Demonic Slayer Skin. . Classic Weapon Sound Pack. Throwback sound effects for all your DOOM Eternal guns. About the GameHell\u2019s armies have invaded Earth. Become the Slayer in an epic single-player campaign to conquer demons across dimensions and stop the final destruction of humanity.The Only Thing they Fear. Is You. Experience the ultimate combination of speed and power in DOOM Eternal - the next leap in push-forward, first-person combat.Slayer Threat Level At MaximumArmed with a shoulder-mounted flamethrower, retractable wrist-mounted blade, upgraded guns and mods, and abilities, you're faster, stronger, and more versatile than ever.Unholy TrinityTake what you need from your enemies: Glory kill for extra health, incinerate for armor, and chainsaw demons to stock up on ammo to become the ultimate demon-slayer.Enter BattlemodeA new 2 versus 1 multiplayer experience. A fully-armed DOOM Slayer faces off against two player-controlled demons, fighting it out in a best-of-five round match of intense first-person combat.", + "about_the_game": "Hell\u2019s armies have invaded Earth. Become the Slayer in an epic single-player campaign to conquer demons across dimensions and stop the final destruction of humanity.The Only Thing they Fear... Is You.Experience the ultimate combination of speed and power in DOOM Eternal - the next leap in push-forward, first-person combat.Slayer Threat Level At MaximumArmed with a shoulder-mounted flamethrower, retractable wrist-mounted blade, upgraded guns and mods, and abilities, you're faster, stronger, and more versatile than ever.Unholy TrinityTake what you need from your enemies: Glory kill for extra health, incinerate for armor, and chainsaw demons to stock up on ammo to become the ultimate demon-slayer.Enter BattlemodeA new 2 versus 1 multiplayer experience. A fully-armed DOOM Slayer faces off against two player-controlled demons, fighting it out in a best-of-five round match of intense first-person combat.", + "short_description": "Hell\u2019s armies have invaded Earth. Become the Slayer in an epic single-player campaign to conquer demons across dimensions and stop the final destruction of humanity. The only thing they fear... is you.", + "genres": "Action", + "recommendations": 153979, + "score": 7.874221102256426 + }, + { + "type": "game", + "name": "Ironsight", + "detailed_description": "Take over the battlefield of the near future in this free to play first person shooter. Armed with high-tech, weaponized drones, private military companies enter a resource war as they fight to secure the last remaining resources on earth. Test your limits on the battlefield with new weapons being released alongside each season\u2019s battle pass, and each game mode requiring a different playstyle and set of skills. Welcome to a battle where neither side can ever guarantee victory.Key FeaturesVarious Customization and Community Options. Find your own unique military look by customizing your character with various cosmetic options, including a robot developed by a military company. Leave a lasting impact on your enemies by standing out with your unique appearance and emotes. . Ranked and Clan Matches. Work together with your team to experience a tense competitive match. Or create a clan and enjoy a grand adventure through clan matches. . Tactical and Offensive Drones. Protect yourself and your teammates with state-of-the-art drones made by private military companies, and launch devastating attack on your enemies to lead your team to victory. . Dynamic Battlefields. Prepare yourself for every situation; this is an ever-changing battlefield! There are also interactable objects around the map which can be used to move terrain, block routes, or transport players. Use these dynamic features to find your own combat style. . Individual Skill. Claim victory on the battlefield by constantly developing your skills amidst various variables and the gunfire of cutting edge weapons. . Join the Community.", + "about_the_game": "Take over the battlefield of the near future in this free to play first person shooter.Armed with high-tech, weaponized drones, private military companies enter a resource war as they fight to secure the last remaining resources on earth.Test your limits on the battlefield with new weapons being released alongside each season\u2019s battle pass, and each game mode requiring a different playstyle and set of skills.Welcome to a battle where neither side can ever guarantee victory.Key FeaturesVarious Customization and Community OptionsFind your own unique military look by customizing your character with various cosmetic options, including a robot developed by a military company. Leave a lasting impact on your enemies by standing out with your unique appearance and emotes.Ranked and Clan MatchesWork together with your team to experience a tense competitive match. Or create a clan and enjoy a grand adventure through clan matchesTactical and Offensive DronesProtect yourself and your teammates with state-of-the-art drones made by private military companies, and launch devastating attack on your enemies to lead your team to victory.Dynamic BattlefieldsPrepare yourself for every situation; this is an ever-changing battlefield! There are also interactable objects around the map which can be used to move terrain, block routes, or transport players. Use these dynamic features to find your own combat style.Individual SkillClaim victory on the battlefield by constantly developing your skills amidst various variables and the gunfire of cutting edge weapons.Join the Community", + "short_description": "Online FPS game, near future background, Resource Warfare between Military Forces and PMC. More than 50 kinds of original weapons with customization option. Use Peripheral objects, Tactical drones, Active objects to experience dynamic warfare.", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Farming Simulator 19", + "detailed_description": "Farming Simulator 19 Platinum Edition is now available! Do you own Farming Simulator 19?. About the Game. The best-selling franchise returns this year with a complete overhaul of the graphics engine, offering the most striking and immersive visuals and effects, along with the deepest and most complete farming experience ever. . Farming Simulator 19 takes the biggest step forward yet with the franchise\u2019s most extensive vehicle roster ever! You\u2019ll take control of vehicles and machines faithfully recreated from all the leading brands in the industry, including for the first time John Deere, the largest agriculture machinery company in the world, Case IH, New Holland, Challenger, Fendt, Massey Ferguson, Valtra, Krone, Deutz-Fahr and many more. . Farming Simulator 19 will feature new American and European environments in which to develop and expand your farm and will introduce many exciting new farming activities, including new machinery and crops with cotton and oat! Tend to your livestock of pigs, cows, sheep, and chickens - or ride your horses for the first time, letting you explore in a brand-new way the vast land around your farm. . Farming Simulator 19 is the richest and most complete farming experience ever made!. MAIN FEATURES . 3 BONUS VEHICLES: Download for free 3 bonus vehicles available now in the ModHub: John Deere XUV865M Gator, CLAAS DOMINATOR 108 SL MAXI, CLAAS TORION 1914 Dev Mule . The biggest step forward for the Farming Simulator franchise, offering the most striking and immersive graphics ever. Use and drive hundreds of faithfully reproduced farming vehicles and tools, including for the first time John Deere. Tend to your livestock including pigs, cows, sheep, chicken, and for the first time horses. Ride your own horses and explore the vast areas offered in huge open worlds loaded with farming activities. Develop your farm online with up to 16 players and enrich your Farming experience with community-created mods.", + "about_the_game": "The best-selling franchise returns this year with a complete overhaul of the graphics engine, offering the most striking and immersive visuals and effects, along with the deepest and most complete farming experience ever.Farming Simulator 19 takes the biggest step forward yet with the franchise\u2019s most extensive vehicle roster ever! You\u2019ll take control of vehicles and machines faithfully recreated from all the leading brands in the industry, including for the first time John Deere, the largest agriculture machinery company in the world, Case IH, New Holland, Challenger, Fendt, Massey Ferguson, Valtra, Krone, Deutz-Fahr and many more.Farming Simulator 19 will feature new American and European environments in which to develop and expand your farm and will introduce many exciting new farming activities, including new machinery and crops with cotton and oat! Tend to your livestock of pigs, cows, sheep, and chickens - or ride your horses for the first time, letting you explore in a brand-new way the vast land around your farm.Farming Simulator 19 is the richest and most complete farming experience ever made!MAIN FEATURES 3 BONUS VEHICLES: Download for free 3 bonus vehicles available now in the ModHub: John Deere XUV865M Gator, CLAAS DOMINATOR 108 SL MAXI, CLAAS TORION 1914 Dev Mule The biggest step forward for the Farming Simulator franchise, offering the most striking and immersive graphics everUse and drive hundreds of faithfully reproduced farming vehicles and tools, including for the first time John DeereTend to your livestock including pigs, cows, sheep, chicken, and for the first time horsesRide your own horses and explore the vast areas offered in huge open worlds loaded with farming activitiesDevelop your farm online with up to 16 players and enrich your Farming experience with community-created mods", + "short_description": "The best-selling franchise takes a giant leap forward with a complete overhaul of the graphics engine, offering the most striking and immersive visuals and effects, along with the deepest and most complete farming experience ever.", + "genres": "Simulation", + "recommendations": 58032, + "score": 7.230937525871361 + }, + { + "type": "game", + "name": "Neon Abyss", + "detailed_description": "Deluxe Edition. . The Deluxe Edition includes:. * Neon Abyss Game. * The Lovable Rogues Pack: Take control of two extra characters as a result of Titan\u2019s failed experiments \u2013 the katana wielding, Saya and the mind-bending, Amir. * Alter Ego: Added 10 new skins, one for each character and also new skills to master!!. * Chrono Trap: Added a new game mode and a new Titan Boss - Chronos!. * Neon Abyss OST: Filled with rhythmic loops and pulsing beats across its 15 tracks, be transported into the Abyss at your peril. No crystals required. . >> Get The Deluxe Edition. Experimental BranchJoin the Experimental Branch!An optional build of the game with some of the changes, fixes and new content we have already begun working on from community feedback is now live! This branch will be updated regularly and will eventually see some of its changes moved to the live version with hotfixes and future updates.To access this branch and for more on it, check out this post: About the GameCombining furious run \u2018n\u2019 gun action and deep, roguelike mechanics, Neon Abyss pits you as a member of \u2018Grim Squad\u2019 \u2013 a task force set-up by Hades himself to infiltrate the Abyss and defeat the New Gods. Death is not the end as every time you die, you\u2019ll find yourself more empowered than before. . . . As you progress through each dungeon, random item drops will be key in helping you infiltrate the Abyss and these passive effects can stack between every item. With no limit to how many can apply; a wide variety of combinations will make each run unique. . With each run, you will be able to unlock new rooms, items, bosses, special rules and even new endings! This means each dungeon is unique and expandable, being tailored to your own specific playstyle.Hatch and Evolve PetsIf you need some company on your journey into the depths of the abyss, or just some additional firepower or assistance, eggs can be found which will turn into a random pet that has a special ability and will evolve the longer you survive.Mini-GamesTake a short break from slaying minions and take part in random mini-games that will also bag you some loot! Jump into Piano Performances, Meditation Challenge, Dance Competitions, and more \u2013 staying alive just got a lot more interesting!", + "about_the_game": "Combining furious run \u2018n\u2019 gun action and deep, roguelike mechanics, Neon Abyss pits you as a member of \u2018Grim Squad\u2019 \u2013 a task force set-up by Hades himself to infiltrate the Abyss and defeat the New Gods. Death is not the end as every time you die, you\u2019ll find yourself more empowered than before.As you progress through each dungeon, random item drops will be key in helping you infiltrate the Abyss and these passive effects can stack between every item. With no limit to how many can apply; a wide variety of combinations will make each run unique.With each run, you will be able to unlock new rooms, items, bosses, special rules and even new endings! This means each dungeon is unique and expandable, being tailored to your own specific playstyle.Hatch and Evolve PetsIf you need some company on your journey into the depths of the abyss, or just some additional firepower or assistance, eggs can be found which will turn into a random pet that has a special ability and will evolve the longer you survive.Mini-GamesTake a short break from slaying minions and take part in random mini-games that will also bag you some loot! Jump into Piano Performances, Meditation Challenge, Dance Competitions, and more \u2013 staying alive just got a lot more interesting!", + "short_description": "Neon Abyss is a frantic, roguelite action-platformer where you run \u2018n\u2019 gun your way into the Abyss. Featuring unlimited item synergies and a unique dungeon evolution system, each run diversifies the experience and every choice alters the ruleset.", + "genres": "Action", + "recommendations": 17421, + "score": 6.437700852019399 + }, + { + "type": "game", + "name": "LET IT DIE", + "detailed_description": "In the year 2026 AD, a large tectonic disturbance caused mass destruction around the world. . In the midst of the destruction, South Western Tokyo split off into the ocean where the seismic activity caused a large spire to rise out of the ocean piercing the island creating a tower-like structure deemed holy by some. . Under the watchful eye of Uncle Death, madness has spread across the world. Senpai! I was waiting for you!. My name is Uncle Death, and I have a feeling we\u2019re going to get along just fine. . Your task is simple, get to the top of the tower. . Let\u2019s reach for the top, Senpai!. Fight your way to the top in this chaotic and pulp survival action taking free-to-play to a whole new level. Begin your journey in your underwear and survive by any means necessary while taking advice from Uncle Death, a skateboarding reaper. . Rumor has it that a sacred treasure awaits at the top of the Tower of Barbs for those that survive the climb. Many dangers and mysteries remain hidden from the eyes of mankind and await those courageous enough to dare approach the tower. . Collect and Develop Unique Equipment. Players fight through a treacherous tower obtaining various types of weapons and armor while finding creatures and mushrooms to eat in order to stay alive. . Pry weapons and armor from the cold dead grasp of your fallen foes or craft even better gear. Eat mushrooms, frogs, and other odd creatures to keep your strength up or activate special abilities. Strategize when it's best to fight or sneak away to fight another day. . You may lose your belongings upon death, but death doesn't always have to be the end. . Hyper-Violent Rage Moves & Goretastic Kills. When hacking and slashing your foes just isn't enough, you can use ultra violent Rage Moves or Goretastics to finish them off with style!. Asynchronous PvP. Haters. Upon death, a player\u2019s \u201cdeath data\u201d is circulated among other player\u2019s games where they will appear as formidable opponents called Haters. . Hunters. Need some loot but don't have the time to go exploring the tower yourself? Send one of your Fighters to an unsuspecting enemy, and they will invade their world as a Hunter. These potentially lethal foes can gather up items and resources from an enemy's tower for a set period of time. If they are killed before that, they get sent home crying to their master. . TDM. Tetsuo brings the Tokyo Death Metro to a platform near you! Join a team, attack your opponents and raid their stash, but keep in mind they can return the favor! . You can also enjoy bonus rewards during the Tokyo Death Metro Battle Rush Season. We hope to see you enjoying Tokyo Death Metro's Luxury Attack Liner!. Train your body. Develop Equipment. Eat everything that can be eaten. If you\u2019re stolen from, steal it back. and, if you\u2019re killed, kill them back!. All-Star Voice Cast. Jukka Hilden. Daveigh Chase. Verne Troyer. Traci Lords. Mark Hamill. and MORE!. VIP Service. A VIP elevator service will be available for maximum convenience while slaughtering your foes. Direct Hell also insures your resources if your base is raided in the Tokyo Death Metro. Sign up today for total coverage!. Support for Multiple Languages (Including Simplified and Traditional Chinese)English and Japanese audio and text options are both available. The game also supports text for French, Italian, German, Spanish, Korean, Brazilian Portuguese, and Simplified Chinese, and Traditional Chinese. . Oh, One Last Thing!.", + "about_the_game": "In the year 2026 AD, a large tectonic disturbance caused mass destruction around the world.In the midst of the destruction, South Western Tokyo split off into the ocean where the seismic activity caused a large spire to rise out of the ocean piercing the island creating a tower-like structure deemed holy by some.Under the watchful eye of Uncle Death, madness has spread across the world...Senpai! I was waiting for you!My name is Uncle Death, and I have a feeling we\u2019re going to get along just fine...Your task is simple, get to the top of the tower.Let\u2019s reach for the top, Senpai!Fight your way to the top in this chaotic and pulp survival action taking free-to-play to a whole new level. Begin your journey in your underwear and survive by any means necessary while taking advice from Uncle Death, a skateboarding reaper.Rumor has it that a sacred treasure awaits at the top of the Tower of Barbs for those that survive the climb. Many dangers and mysteries remain hidden from the eyes of mankind and await those courageous enough to dare approach the tower.Collect and Develop Unique EquipmentPlayers fight through a treacherous tower obtaining various types of weapons and armor while finding creatures and mushrooms to eat in order to stay alive.Pry weapons and armor from the cold dead grasp of your fallen foes or craft even better gear. Eat mushrooms, frogs, and other odd creatures to keep your strength up or activate special abilities. Strategize when it's best to fight or sneak away to fight another day. You may lose your belongings upon death, but death doesn't always have to be the end...Hyper-Violent Rage Moves & Goretastic KillsWhen hacking and slashing your foes just isn't enough, you can use ultra violent Rage Moves or Goretastics to finish them off with style!Asynchronous PvPHatersUpon death, a player\u2019s \u201cdeath data\u201d is circulated among other player\u2019s games where they will appear as formidable opponents called Haters.HuntersNeed some loot but don't have the time to go exploring the tower yourself? Send one of your Fighters to an unsuspecting enemy, and they will invade their world as a Hunter. These potentially lethal foes can gather up items and resources from an enemy's tower for a set period of time. If they are killed before that, they get sent home crying to their master.TDMTetsuo brings the Tokyo Death Metro to a platform near you! Join a team, attack your opponents and raid their stash, but keep in mind they can return the favor! You can also enjoy bonus rewards during the Tokyo Death Metro Battle Rush Season. We hope to see you enjoying Tokyo Death Metro's Luxury Attack Liner!Train your bodyDevelop EquipmentEat everything that can be eatenIf you\u2019re stolen from, steal it back...and, if you\u2019re killed, kill them back!All-Star Voice CastJukka HildenDaveigh ChaseVerne TroyerTraci LordsMark Hamill...and MORE!VIP ServiceA VIP elevator service will be available for maximum convenience while slaughtering your foes. Direct Hell also insures your resources if your base is raided in the Tokyo Death Metro. Sign up today for total coverage!Support for Multiple Languages (Including Simplified and Traditional Chinese)English and Japanese audio and text options are both available. The game also supports text for French, Italian, German, Spanish, Korean, Brazilian Portuguese, and Simplified Chinese, and Traditional Chinese.Oh, One Last Thing!", + "short_description": "It's finally here! The survival action game that pits the strong against the weak is finally on PC! Experience all the heart-thumping action with a silky-smooth frame rate and ultra high resolution. How you make the best of the weapons, armor, and items at your disposal will determine your fate in the ever-changing "Tower of Barbs!", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Radical Heights", + "detailed_description": "Welcome to RADICAL HEIGHTS, a free *X-TREME Early Access* BATTLE ROYALE shooter. Partake in high-stakes battle royale gunplay in a sunny SoCal dome as contestants drive-by on BMX bikes or stalk other contestants from the shadows in search for weapons and prizes. but also CASH that you can bank - win or lose! Whether you spend that cash on righteous customization in your personal prize room or pull it from an ATM to purchase weapons early in the next game -- building a wealth of cash is as important as taking down the competition in this irreverent 80s-themed action game show where everyone wants to be rich and famous!.", + "about_the_game": "Welcome to RADICAL HEIGHTS, a free *X-TREME Early Access* BATTLE ROYALE shooter. Partake in high-stakes battle royale gunplay in a sunny SoCal dome as contestants drive-by on BMX bikes or stalk other contestants from the shadows in search for weapons and prizes...but also CASH that you can bank - win or lose! Whether you spend that cash on righteous customization in your personal prize room or pull it from an ATM to purchase weapons early in the next game -- building a wealth of cash is as important as taking down the competition in this irreverent 80s-themed action game show where everyone wants to be rich and famous!", + "short_description": "Welcome to RADICAL HEIGHTS, a free X-TREME Early Access BATTLE ROYALE shooter. Partake in high-stakes gunplay as you loot for weapons, gadgets, cosmetics, and CASH! Survive to the end or risk it all in this irreverent action game show where everyone wants to be rich and famous!", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Assassin's Creed\u00ae Odyssey", + "detailed_description": "Ultimate Edition. Enhance your Assassin's Creed\u00ae Odyssey experience with the ULTIMATE EDITION, including the game, the DELUXE PACK and the SEASON PASS. . Continue your epic odyssey with two new, major story arcs in the SEASON PASS with three exciting episodes per story. Season pass owners also receive the games Assassin's Creed III REMASTERED and Assassin's Creed Liberation REMASTERED. Gold Edition. Enhance your Assassin's Creed\u00ae Odyssey experience with the GOLD EDITION including the game and the SEASON PASS. . Continue your epic odyssey with two new major story arcs in the SEASON PASS with three exciting episodes per story. Season pass owners also receive the games Assassin's Creed III REMASTERED and Assassin's Creed Liberation REMASTERED. Deluxe Edition. Upgrade your game experience with the DELUXE EDITION which includes the game and the Deluxe Pack. . The Deluxe Pack includes: . - The Kronos Pack (Including 5 epic pieces of armour, 1 epic weapon, 1 epic mount). - The Herald of Dusk Pack (Including 5 rare pieces of armour, 1 rare weapon). - The Capricornus Naval Pack (Including 1 ship design, 1 crew theme). - 1 Temporary XP Boost. - 1 Temporary Drachmas Boost. About the GameChoose your fate in Assassin's Creed\u00ae Odyssey. From outcast to living legend, embark on an odyssey to uncover the secrets of your past and change the fate of Ancient Greece. . TRAVEL TO ANCIENT GREECE . From lush vibrant forests to volcanic islands and bustling cities, start a journey of exploration and encounters in a war torn world shaped by gods and men. . FORGE YOUR LEGEND. Your decisions will impact how your odyssey unfolds. Play through multiple endings thanks to the new dialogue system and the choices you make.\u00a0Customize your gear, ship, and special abilities to become a legend. . FIGHT ON A NEW SCALE. Demonstrate your warrior's abilities in large scale epic battles between Athens and Sparta featuring hundreds of soldiers, or ram and cleave your way through entire fleets in naval battles across the Aegean Sea. . GAZE IN WONDER. Experience the action in a whole new light with Tobii Eye Tracking. The Extended View feature gives you a broader perspective of the environment, and the Dynamic Light and Sun Effects immerse you in the sandy dunes according to where you set your sights. Tagging, aiming and locking on your targets becomes a lot more natural when you can do it by looking at them. Let your vision lead the way and enhance your gameplay. Visit the Tobii website to check the list of compatible devices. -----. Additional notes:. Eye tracking features available with Tobii Eye Tracking.", + "about_the_game": "Choose your fate in Assassin's Creed\u00ae Odyssey.\r\nFrom outcast to living legend, embark on an odyssey to uncover the secrets of your past and change the fate of Ancient Greece.\r\n\r\nTRAVEL TO ANCIENT GREECE \r\nFrom lush vibrant forests to volcanic islands and bustling cities, start a journey of exploration and encounters in a war torn world shaped by gods and men.\r\n\r\nFORGE YOUR LEGEND\r\nYour decisions will impact how your odyssey unfolds. Play through multiple endings thanks to the new dialogue system and the choices you make.\u00a0Customize your gear, ship, and special abilities to become a legend.\r\n\r\nFIGHT ON A NEW SCALE\r\nDemonstrate your warrior's abilities in large scale epic battles between Athens and Sparta featuring hundreds of soldiers, or ram and cleave your way through entire fleets in naval battles across the Aegean Sea.\r\n\r\nGAZE IN WONDER\r\nExperience the action in a whole new light with Tobii Eye Tracking. The Extended View feature gives you a broader perspective of the environment, and the Dynamic Light and Sun Effects immerse you in the sandy dunes according to where you set your sights. Tagging, aiming and locking on your targets becomes a lot more natural when you can do it by looking at them. Let your vision lead the way and enhance your gameplay. \r\nVisit the Tobii website to check the list of compatible devices. \r\n-----\r\nAdditional notes:\r\nEye tracking features available with Tobii Eye Tracking.", + "short_description": "Choose your fate in Assassin's Creed\u00ae Odyssey. From outcast to living legend, embark on an odyssey to uncover the secrets of your past and change the fate of Ancient Greece.", + "genres": "Action", + "recommendations": 126288, + "score": 7.743528942240188 + }, + { + "type": "game", + "name": "Supraland", + "detailed_description": "Supraland is a First-Person Metroidvania Puzzle game by David M\u00fcnnich from Germany. The main sources of inspiration are Zelda, Metroid and Portal. Supraland assumes that you are intelligent and lets you play independently. The story is minimal, gives you an overarching goal to pursue, and then sets you free. Despite child friendly visuals, the game targets experienced players. Playtime: ~12-25h. . You explore a large interconnected world in which most ways are at first unpassable until you find new abilities to overcome those obstacles. A cornerstone of Supraland's design was to create abilities that are so versatile, they will keep on surprising you by how many different usages they have. If you combine your abilities, the possibilities become even bigger. . . . Most of the game is about exploring the sandbox world to track down secrets. Often you will think you are about to get out of bounds and beat the level designer, but right there is a chest waiting for you with a very rewarding upgrade. Supraland respects your lifetime and doesn't bloat the playtime with unlimited no-brainer collectibles. . . The deeper you get into the game the more you will be facing creative puzzles you've never seen anywhere before, encouraging you to stop and think about what abilities you have and how you can use them in yet another way. Puzzle types that I already knew from other games were immediately rejected in the design process. And it's important to me that once you understand the idea behind a puzzle, you can pretty much immediately solve it instead of having to go through a cumbersome, frustrating execution. . . The fighting mechanics are inspired by old-school, fast-paced shooter games like Unreal, Doom and Quake, encouraging high-speed strafing and jumping while throwing shot after shot at hordes of charging enemies without ever having to worry about weapons reloading. . In the demo you can play the first big section of the game and decide if it's for you. The demo progress continues into the full version; you don't need to play anything twice!", + "about_the_game": "Supraland is a First-Person Metroidvania Puzzle game by David M\u00fcnnich from Germany. The main sources of inspiration are Zelda, Metroid and Portal.Supraland assumes that you are intelligent and lets you play independently. The story is minimal, gives you an overarching goal to pursue, and then sets you free. Despite child friendly visuals, the game targets experienced players. Playtime: ~12-25hYou explore a large interconnected world in which most ways are at first unpassable until you find new abilities to overcome those obstacles. A cornerstone of Supraland's design was to create abilities that are so versatile, they will keep on surprising you by how many different usages they have. If you combine your abilities, the possibilities become even bigger.Most of the game is about exploring the sandbox world to track down secrets. Often you will think you are about to get out of bounds and beat the level designer, but right there is a chest waiting for you with a very rewarding upgrade. Supraland respects your lifetime and doesn't bloat the playtime with unlimited no-brainer collectibles.The deeper you get into the game the more you will be facing creative puzzles you've never seen anywhere before, encouraging you to stop and think about what abilities you have and how you can use them in yet another way. Puzzle types that I already knew from other games were immediately rejected in the design process. And it's important to me that once you understand the idea behind a puzzle, you can pretty much immediately solve it instead of having to go through a cumbersome, frustrating execution.The fighting mechanics are inspired by old-school, fast-paced shooter games like Unreal, Doom and Quake, encouraging high-speed strafing and jumping while throwing shot after shot at hordes of charging enemies without ever having to worry about weapons reloading.In the demo you can play the first big section of the game and decide if it's for you. The demo progress continues into the full version; you don't need to play anything twice!", + "short_description": "Try the demo! A mix between Portal, Zelda and Metroid. Explore, solve puzzles, beat up monsters, find secret upgrades and new abilities that help you reach new places. Playtime 12-25h.", + "genres": "Action", + "recommendations": 8434, + "score": 5.959532473231974 + }, + { + "type": "game", + "name": "Age of Empires II: Definitive Edition", + "detailed_description": "RETURN OF ROME DLC AVAILABLE NOW. About the GameAge of Empires II: Definitive Edition celebrates the 20th anniversary of one of the most popular strategy games ever, now with stunning 4K Ultra HD graphics, and a fully remastered soundtrack. Age of Empires II: DE features \u201cThe Last Khans\u201d with 3 new campaigns and 4 new Civilizations. Frequent updates include events, additional content, new game modes, and enhanced features with the recent addition of Co-Op mode!. Explore all the original Campaigns and the best-selling expansions like never before. With over 200 hours of gameplay and 1,000 years of human history, improved experiences await. Head online to challenge other players in your quest for world domination with 35 different Civilizations. You can also experience new Civilizations and Campaigns with the Lords of the West DLC! Recent updates include a Battle Royale game mode, ongoing support for the Scenario Editor, Quick Play for easy social games, enhancements to the game UI, and more! . Choose your path to greatness with an eye-catching and engaging remaster to one of the most beloved strategy games of all time. . ", + "about_the_game": "Age of Empires II: Definitive Edition celebrates the 20th anniversary of one of the most popular strategy games ever, now with stunning 4K Ultra HD graphics, and a fully remastered soundtrack. Age of Empires II: DE features \u201cThe Last Khans\u201d with 3 new campaigns and 4 new Civilizations. Frequent updates include events, additional content, new game modes, and enhanced features with the recent addition of Co-Op mode!Explore all the original Campaigns and the best-selling expansions like never before. With over 200 hours of gameplay and 1,000 years of human history, improved experiences await. Head online to challenge other players in your quest for world domination with 35 different Civilizations. You can also experience new Civilizations and Campaigns with the Lords of the West DLC! Recent updates include a Battle Royale game mode, ongoing support for the Scenario Editor, Quick Play for easy social games, enhancements to the game UI, and more! Choose your path to greatness with an eye-catching and engaging remaster to one of the most beloved strategy games of all time.", + "short_description": "Age of Empires II: Definitive Edition features \u201cThe Last Khans\u201d with 3 new campaigns and 4 new Civilizations. Frequent updates include events, additional content, new game modes, and enhanced features with the recent addition of Co-Op mode!", + "genres": "Strategy", + "recommendations": 112691, + "score": 7.668433117030712 + }, + { + "type": "game", + "name": "Realm Royale Reforged", + "detailed_description": "Realm Royale is back in Realm Royale: Reforged! We've turned back the clock to bring back some favorite features like armor, stricter class division, and expanded loadout options. And you can also discover all-new abilities, weapons, and more in the fantasy world you know and love. . . Choose your class, loot fantastic weapons and magical abilities, and work with your squad to win. Stay ahead of the deadly fog by mounting up and moving out. Will you be the last Champion standing?. . Call your friends: It\u2019s time to squad up. Help your team by dropping a Healing Totem, or fire a Flare into the sky to reveal incoming enemies. By working together as a team the crown royale could be yours. . . Discover powerful abilities scattered across the Realm. Soar through the skies slinging spells or swing around quickly with the Grapple Hook. Flank the enemy with the stealthy Decoy and leave behind a Proximity Mine for them to discover when it\u2019s too late. Customize your Champion each game with the abilities best suited for the battle at hand. . . Go traditional with shotguns and snipers, or embrace the fantasy with ice staffs, axes, and crossbows. If you want to win, you\u2019ll need to use the Forges scattered across the Realm to craft powerful abilities, epic gear, or even bring back your fallen teammates. But be careful: While you\u2019re crafting, your enemies may attack. . . Journey through the lush jungle of Jaguar\u2019s Claws and the scorched sands of Goblin Gulch. Visit frigid Everfrost and iridescent Fungal Forest. The best part: you don\u2019t have to walk around this massive Realm. Just summon your mount to outrun the fog and ride into your next glorious battle!. . Death isn\u2019t the end in the Realm. When someone gets the drop on you, you\u2019ll transform into a chicken. Evade your foes long enough and you\u2019ll change back, ready to get back into the fray! Survive, outplay your opponents, and claim the crown royale!", + "about_the_game": "Realm Royale is back in Realm Royale: Reforged! We've turned back the clock to bring back some favorite features like armor, stricter class division, and expanded loadout options. And you can also discover all-new abilities, weapons, and more in the fantasy world you know and love.Choose your class, loot fantastic weapons and magical abilities, and work with your squad to win. Stay ahead of the deadly fog by mounting up and moving out. Will you be the last Champion standing?Call your friends: It\u2019s time to squad up. Help your team by dropping a Healing Totem, or fire a Flare into the sky to reveal incoming enemies. By working together as a team the crown royale could be yours.Discover powerful abilities scattered across the Realm. Soar through the skies slinging spells or swing around quickly with the Grapple Hook. Flank the enemy with the stealthy Decoy and leave behind a Proximity Mine for them to discover when it\u2019s too late. Customize your Champion each game with the abilities best suited for the battle at hand.Go traditional with shotguns and snipers, or embrace the fantasy with ice staffs, axes, and crossbows. If you want to win, you\u2019ll need to use the Forges scattered across the Realm to craft powerful abilities, epic gear, or even bring back your fallen teammates. But be careful: While you\u2019re crafting, your enemies may attack.Journey through the lush jungle of Jaguar\u2019s Claws and the scorched sands of Goblin Gulch. Visit frigid Everfrost and iridescent Fungal Forest. The best part: you don\u2019t have to walk around this massive Realm. Just summon your mount to outrun the fog and ride into your next glorious battle!Death isn\u2019t the end in the Realm. When someone gets the drop on you, you\u2019ll transform into a chicken. Evade your foes long enough and you\u2019ll change back, ready to get back into the fray! Survive, outplay your opponents, and claim the crown royale!", + "short_description": "Join 20+ million players and experience a new kind of battle royale in Realm Royale Reforged! Choose your class, forge deadly weapons, and master powerful abilities to be the last champion standing. Mount up alone or with a team to explore a fantasy world while outrunning the deadly fog.", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Sekiro\u2122: Shadows Die Twice - GOTY Edition", + "detailed_description": "This Game of the Year Edition now includes bonus content*:. - Reflection and Gauntlet of Strength - new boss challenge modes. - Remnants - leave messages and recordings of your actions that other players can view and rate. - 3 unlockable cosmetic skins. Game of the Year - The Game Awards 2019. Best Action Game of 2019 - IGN. Over 50 awards and nominations. Carve your own clever path to vengeance in the critically acclaimed adventure from developer FromSoftware, creators of the Dark Souls series. . In Sekiro\u2122: Shadows Die Twice you are the 'one-armed wolf', a disgraced and disfigured warrior rescued from the brink of death. Bound to protect a young lord who is the descendant of an ancient bloodline, you become the target of many vicious enemies, including the dangerous Ashina clan. When the young lord is captured, nothing will stop you on a perilous quest to regain your honor, not even death itself. . Explore late 1500s Sengoku Japan, a brutal period of constant life and death conflict, as you come face to face with larger than life foes in a dark and twisted world. Unleash an arsenal of deadly prosthetic tools and powerful ninja abilities while you blend stealth, vertical traversal, and visceral head to head combat in a bloody confrontation. . Take Revenge. Restore Your Honor. Kill Ingeniously. . *Download required. . Internet connection required for asynchronous Multiplayer.", + "about_the_game": "This Game of the Year Edition now includes bonus content*:\r\n\r\n- Reflection and Gauntlet of Strength - new boss challenge modes\r\n- Remnants - leave messages and recordings of your actions that other players can view and rate\r\n- 3 unlockable cosmetic skins\r\n\r\nGame of the Year - The Game Awards 2019\r\nBest Action Game of 2019 - IGN\r\nOver 50 awards and nominations\r\n\r\nCarve your own clever path to vengeance in the critically acclaimed adventure from developer FromSoftware, creators of the Dark Souls series.\r\n\r\nIn Sekiro\u2122: Shadows Die Twice you are the 'one-armed wolf', a disgraced and disfigured warrior rescued from the brink of death. Bound to protect a young lord who is the descendant of an ancient bloodline, you become the target of many vicious enemies, including the dangerous Ashina clan. When the young lord is captured, nothing will stop you on a perilous quest to regain your honor, not even death itself.\r\n\r\nExplore late 1500s Sengoku Japan, a brutal period of constant life and death conflict, as you come face to face with larger than life foes in a dark and twisted world. Unleash an arsenal of deadly prosthetic tools and powerful ninja abilities while you blend stealth, vertical traversal, and visceral head to head combat in a bloody confrontation.\r\n\r\nTake Revenge. Restore Your Honor. Kill Ingeniously.\r\n\r\n*Download required.\r\n\r\nInternet connection required for asynchronous Multiplayer.", + "short_description": "Game of the Year - The Game Awards 2019 Best Action Game of 2019 - IGN Carve your own clever path to vengeance in the award winning adventure from developer FromSoftware, creators of Bloodborne and the Dark Souls series. Take Revenge. Restore Your Honor. Kill Ingeniously.", + "genres": "Action", + "recommendations": 173507, + "score": 7.952933782394204 + }, + { + "type": "game", + "name": "Green Hell", + "detailed_description": "More from Creepy Jar Forever Skies from Far from Home. Experience Green Hell in VR Join our Discord server . About the GameGREEN HELL is an Open World Survival Simulator set in the uncharted unique setting of the Amazonian rainforest. . . You are left alone in the jungle without any food or equipment, trying to survive and find your way out. Clinging to life, the player is set on a journey of durability as the effects of solitude wear heavy not only on the body but also the mind. How long can you survive against the dangers of the unknown?. On this journey, you won\u2019t get any help from the outside world. Equipped only with your bare hands you\u2019ll have to learn actual survival techniques to build shelters, make tools, and craft weapons in order to hunt and defend yourself. Constantly threatened by the jungle you\u2019ll fight with both wild animals and tropical sicknesses. Players will also have to face the traps set by your own mind and fears that crawl in the darkness of the endless jungle. . . STORY. You are thrown deep into the emerald and impenetrable Amazonian rain forest. The green hell. Your goal is to survive in the depths of a nightmarish environment using truly intuitive means to escape. Having only a radio at your disposal you will follow the familiar voice of a loved one through this endless and inhospitable jungle, unveiling bit by bit how you got there in the first place. What you discover will be worse than what you fought so hard against to survive. . THE QUESTION. Where can the human mind wander?. GAME PILLARS. REALISTIC SURVIVAL SIM. \u2022 Use of true survival techniques (including starting fires, camp building, animal traps construction). \u2022 Sourcing and composing objects allowing survival (including weapons and tools). \u2022 Food sourcing (hunting, cropping). \u2022 Wound, disease and other injuries treatment, depending on the situation. . PSYCHOLOGICAL THRILLER. Green Hell's story emphasizes psychological aspects of survival in extreme conditions. The player faces a ruthless situation, isolated, and fighting to survive another day. The players battle will not only be against the environment as you fight to keep your sanity. Will you succeed or fall into the depths of your mind? To unveil the truth the player will have to fight the hardest battle they will ever fight - the fight against themselves, their weaknesses and fears. . AMAZONIAN RAINFOREST SETTING. Amazonian rainforest is the richest natural environment in the world. Exotically breathtaking, spectacular, multicolored, full of tones and sounds but mortal, deadly, uncompromising for the ignorant. \u2022 Part of the Amazonian rainforest as a map of the world for the setting. \u2022 The richness of plants and multitude of animal species (mammals, reptiles, birds, and insects). \u2022 Simulation of animals natural occurrence and behavior. \u2022 Dynamically changing environment due to the weather. . UNIQUE MECHANICS. Survival in such extreme conditions requires willpower - without it we are sentenced only to madness and death. In green Hell, your wellbeing, both physical and psychological, are strictly related. Body inspection mode allows the player to diagnose themselves and heal their body. In this mode, we can also remove all kinds of parasites that decided to make a home out of your body. Psychophysical parameters of the player include:. \u2022 psychological condition. \u2022 physical condition. UNIQUE FEATURES. \u2022 Setting: deadly yet beautiful Amazonian rainforest. \u2022 Body inspection mode. \u2022 A multitude of fauna and flora and the dangers awaiting the player. \u2022 Environment and situation impact on the player\u2019s psychology. \u2022 Impact of environment changes to the ecosystem. \u2022 An addictive story. \u2022 Dynamically changing environment", + "about_the_game": "GREEN HELL is an Open World Survival Simulator set in the uncharted unique setting of the Amazonian rainforest.You are left alone in the jungle without any food or equipment, trying to survive and find your way out. Clinging to life, the player is set on a journey of durability as the effects of solitude wear heavy not only on the body but also the mind. How long can you survive against the dangers of the unknown?On this journey, you won\u2019t get any help from the outside world. Equipped only with your bare hands you\u2019ll have to learn actual survival techniques to build shelters, make tools, and craft weapons in order to hunt and defend yourself. Constantly threatened by the jungle you\u2019ll fight with both wild animals and tropical sicknesses. Players will also have to face the traps set by your own mind and fears that crawl in the darkness of the endless jungle.STORYYou are thrown deep into the emerald and impenetrable Amazonian rain forest. The green hell. Your goal is to survive in the depths of a nightmarish environment using truly intuitive means to escape. Having only a radio at your disposal you will follow the familiar voice of a loved one through this endless and inhospitable jungle, unveiling bit by bit how you got there in the first place. What you discover will be worse than what you fought so hard against to survive.THE QUESTIONWhere can the human mind wander?GAME PILLARSREALISTIC SURVIVAL SIM\u2022 Use of true survival techniques (including starting fires, camp building, animal traps construction)\u2022 Sourcing and composing objects allowing survival (including weapons and tools)\u2022 Food sourcing (hunting, cropping)\u2022 Wound, disease and other injuries treatment, depending on the situationPSYCHOLOGICAL THRILLERGreen Hell's story emphasizes psychological aspects of survival in extreme conditions. The player faces a ruthless situation, isolated, and fighting to survive another day. The players battle will not only be against the environment as you fight to keep your sanity. Will you succeed or fall into the depths of your mind? To unveil the truth the player will have to fight the hardest battle they will ever fight - the fight against themselves, their weaknesses and fears.AMAZONIAN RAINFOREST SETTINGAmazonian rainforest is the richest natural environment in the world. Exotically breathtaking, spectacular, multicolored, full of tones and sounds but mortal, deadly, uncompromising for the ignorant.\u2022 Part of the Amazonian rainforest as a map of the world for the setting\u2022 The richness of plants and multitude of animal species (mammals, reptiles, birds, and insects)\u2022 Simulation of animals natural occurrence and behavior\u2022 Dynamically changing environment due to the weatherUNIQUE MECHANICSSurvival in such extreme conditions requires willpower - without it we are sentenced only to madness and death. In green Hell, your wellbeing, both physical and psychological, are strictly related. Body inspection mode allows the player to diagnose themselves and heal their body. In this mode, we can also remove all kinds of parasites that decided to make a home out of your body.Psychophysical parameters of the player include:\u2022 psychological condition\u2022 physical conditionUNIQUE FEATURES\u2022 Setting: deadly yet beautiful Amazonian rainforest\u2022 Body inspection mode\u2022 A multitude of fauna and flora and the dangers awaiting the player\u2022 Environment and situation impact on the player\u2019s psychology\u2022 Impact of environment changes to the ecosystem\u2022 An addictive story\u2022 Dynamically changing environment", + "short_description": "Plunge into the open world survival simulation set in the extreme conditions of the uncharted Amazon jungle. Use real-life survival techniques to craft, hunt, fight and gather resources, set a makeshift shelter or raise a fortress. Tend your wounds and maintain mental health - alone or with friends.", + "genres": "Action", + "recommendations": 43521, + "score": 7.041247293755952 + }, + { + "type": "game", + "name": "JUMP FORCE", + "detailed_description": "Digital Deluxe Edition. JUMP FORCE - Deluxe Edition includes:. \u2022 The game. \u2022 The Characters Pass: 9 additional characters + their respective costumes and moves for your Avatar + 4 days of early access to play with those characters before everyone else. ULTIMATE EDITION. JUMP FORCE - Ultimate Edition includes:. \u2022 3 days of early access to the game. \u2022 The game. \u2022 The Characters Pass: 9 additional characters + their respective costumes and moves for your Avatar + 4 days of early access to play with those characters before everyone else. \u2022 16 exclusive T-shirts for your Avatar. \u2022 A Jump Starter Pack of in-game items. About the Game*Notice for End of Sales and Online Service. All product sales will end on:. February 8, 2022 01:00 UTC. Online service will end on:. August 25, 2022 01:00-05:00 UTC. *Please note that times may vary. . Along with the ending of online service, the following features will no longer be available:. - Logging in to the multiplayer lobby. - Online events. - Clan functions. - Viewing the Notice Board. - Viewing the leaderboards. - Accepting Rewards from the Reward Counter. - In-game Store. - Premium Shop. - Ranked Match. *DLCs purchased before end of sales will still be available to use after online service ends. . *Please check the official website for more details. ____________________. The most famous Manga heroes are thrown into a whole new battleground: our world. Uniting to fight the most dangerous threat, the Jump Force will bear the fate of the entire humankind. . Create your own avatar and jump into an original Story Mode to fight alongside the most powerful Manga heroes from DRAGON BALL Z, ONE PIECE, NARUTO, BLEACH, HUNTER X HUNTER, YU-GI-OH!, YU YU HAKUSHO, SAINT SEIYA and many others. . Or head to the Online Lobby to challenge other players and discover lots of modes and activities.", + "about_the_game": "*Notice for End of Sales and Online Service\r\nAll product sales will end on:\r\nFebruary 8, 2022 01:00 UTC\r\n\r\nOnline service will end on:\r\nAugust 25, 2022 01:00-05:00 UTC\r\n*Please note that times may vary.\r\n\r\nAlong with the ending of online service, the following features will no longer be available:\r\n- Logging in to the multiplayer lobby\r\n- Online events\r\n- Clan functions\r\n- Viewing the Notice Board\r\n- Viewing the leaderboards\r\n- Accepting Rewards from the Reward Counter\r\n- In-game Store\r\n- Premium Shop\r\n- Ranked Match\r\n*DLCs purchased before end of sales will still be available to use after online service ends.\r\n\r\n*Please check the official website for more details.\r\n____________________\r\n\r\nThe most famous Manga heroes are thrown into a whole new battleground: our world. Uniting to fight the most dangerous threat, the Jump Force will bear the fate of the entire humankind.\r\n\r\nCreate your own avatar and jump into an original Story Mode to fight alongside the most powerful Manga heroes from DRAGON BALL Z, ONE PIECE, NARUTO, BLEACH, HUNTER X HUNTER, YU-GI-OH!, YU YU HAKUSHO, SAINT SEIYA and many others.\r\n\r\nOr head to the Online Lobby to challenge other players and discover lots of modes and activities.", + "short_description": "Create your own avatar to fight alongside the most powerful Manga heroes in an original Story Mode, or head to the Online Lobby to challenge other players and discover lots of modes and activities.", + "genres": "Action", + "recommendations": 16835, + "score": 6.415145751636452 + }, + { + "type": "game", + "name": "Totally Accurate Battlegrounds", + "detailed_description": "Battle Royal like you've never seen it before. Start the match skydiving face-first into a building and end the game by beating your opponents in a guns-blazing game of the floor is lava.Features Up to 60 players (wobblin' around). Squad, duo and solo mode (great for first dates). Physics-based parkour (the wobblier the better). Fun-sized map (for fun-sized people). 90+ weapons (including a shallow pot with a long handle). Catchphrases (Speak freely in this game. Using 3 words). Blessings and curses for those of you who do well (and not so well). Limbo (u not dead yet mate).", + "about_the_game": "Battle Royal like you've never seen it before. Start the match skydiving face-first into a building and end the game by beating your opponents in a guns-blazing game of the floor is lava.Features Up to 60 players (wobblin' around)Squad, duo and solo mode (great for first dates)Physics-based parkour (the wobblier the better)Fun-sized map (for fun-sized people)90+ weapons (including a shallow pot with a long handle)Catchphrases (Speak freely in this game... Using 3 words)Blessings and curses for those of you who do well (and not so well)Limbo (u not dead yet mate)", + "short_description": "Grab your balloon crossbow and trusty inflatable hammer, because things are about to get wobbly! Be the last weirdo standing in the world-leading physics-based Battle Royale game.", + "genres": "Action", + "recommendations": 15683, + "score": 6.36842062422851 + }, + { + "type": "game", + "name": "BONEWORKS", + "detailed_description": "BONEWORKS Interaction SystemsATTENTION: This game demonstrates advanced VR mechanics and concepts, players are recommended to have previous VR experience and understanding of common VR gameplay principles before proceeding. About the Game. BONEWORKS Is a narrative VR action adventure using advanced experimental physics mechanics. Dynamically navigate through environments, engage in physics heavy combat, and creatively approach puzzles with physics. . Advanced Physics: Designed entirely for consistent universal rules, the advanced physics mechanics encourage players to confidently and creatively interact with the virtual world however you want. . Combat: Approach combat in any number of ways you can think of following the physical rules of the game's universe. Melee weapons, firearms, physics traps, environments, can all be used to aid you in fights with enemy entities. . Weapons, lots of weapons: Boneworks provides players with a plethora of physics based weaponry; guns, swords, axes, clubs, spears, hammers, experimental energy weapons, nonsensical mystery tools, and anomalous physics weapons. . Interaction: Hyper realistic VR object and environment interaction. . Story: Play through the game's mysterious narrative and explore the deep inner workings of the Monogon Industries' artificial intelligence operating system; Myth OS. . Character Bodies: Accurate full IK body systems built from the ground up provide a realistic looking body presence and allow for a maximum level of immersion with physical interaction in the game space. . More feature information soon. . ATTENTION: This game demonstrates advanced VR mechanics and concepts, players are recommended to have previous VR experience and understanding of common VR gameplay principles before proceeding.", + "about_the_game": "BONEWORKS Is a narrative VR action adventure using advanced experimental physics mechanics. Dynamically navigate through environments, engage in physics heavy combat, and creatively approach puzzles with physics. Advanced Physics: Designed entirely for consistent universal rules, the advanced physics mechanics encourage players to confidently and creatively interact with the virtual world however you want.Combat: Approach combat in any number of ways you can think of following the physical rules of the game's universe. Melee weapons, firearms, physics traps, environments, can all be used to aid you in fights with enemy entities.Weapons, lots of weapons: Boneworks provides players with a plethora of physics based weaponry; guns, swords, axes, clubs, spears, hammers, experimental energy weapons, nonsensical mystery tools, and anomalous physics weapons.Interaction: Hyper realistic VR object and environment interaction.Story: Play through the game's mysterious narrative and explore the deep inner workings of the Monogon Industries' artificial intelligence operating system; Myth OS.Character Bodies: Accurate full IK body systems built from the ground up provide a realistic looking body presence and allow for a maximum level of immersion with physical interaction in the game space. More feature information soon.ATTENTION: This game demonstrates advanced VR mechanics and concepts, players are recommended to have previous VR experience and understanding of common VR gameplay principles before proceeding.", + "short_description": "BONEWORKS is an Experimental Physics VR Adventure. Use found physics weapons, tools, and objects to fight across dangerous playscapes and mysterious architecture.", + "genres": "Action", + "recommendations": 31769, + "score": 6.833758615207338 + }, + { + "type": "game", + "name": "ATLAS", + "detailed_description": "ATLAS is now crossplay enabled to allow PC and Xbox One players to play together in the same world!. From the creators of ARK: Survival Evolved comes ATLAS -- the ultimate pirate experience! Explore a persistent, massive open world with thousands of other players simultaneously. Build your ship, assemble your crew, sail the high seas, search for buried treasure, plunder player-built settlements (or replace them with your own), and conquer the world of ATLAS island by island. Wage war against enemy fleets while you single-handedly command large ships of war -- or divide the responsibilities among your trusted shipmates instead. Dive into the watery depths to explore sunken shipwrecks. Team up with other explorers to discover new lands rich with resources, exotic creatures, and ruins of a bygone time. Become a pirate legend in this ultimate quest for fortune and glory!. Create the Pirate Ship of Your Dreams. From tiny rafts and dinghies to colossal frigates and galleons, your dream vessel is only a shipyard away with our robust ship customization system. Construct your ship piece by piece, give it a name, design the look of your sails, and decide exactly where all the planks, masts, and gunports on your ship should go. . Assemble Your Crew. Recruit other players or hire NPCs to join your crew and aid you on your quest for riches and glory. Whether manning weapons on your ship, hoisting the sails, or helping search for buried treasure on shore, your crew is an essential part of your pirate adventure. Just be sure to keep their stomachs full and give them their fair share of the booty, lest you want a mutiny on your hands\u2026. Explore a Massive World. Physically sail in real-time across a vast ocean, featuring over 700 individual landmasses across 45,000 square kilometers. Discover thousands of points of interest over a number of distinct world regions, each with their own unique resources, creatures, secrets, and dangers!. Shape Your Identity. Choose from a wide range of character customization and cosmetic options to create your specific pirate look. Unlock skills across 15 different disciplines to form your own unique role in the world of ATLAS. . Experience Classic Pirate Action . Become the world\u2019s greatest swashbuckler, a pistol-packing gunslinger, or perhaps a master cannoneer instead. Engage in fierce raids on land-based strongholds, swing from grappling hooks to board enemy ships, or unload volleys of cannonballs into your foe\u2019s hull. The world of ATLAS has no shortage of ways to dispatch your enemies, be it at the end of a sword. or in true pirate fashion\u2026 at the end of a rope. . Build Your Organization. Want to create a rich merchant empire that spans from pole to pole? Always wanted to command a fleet of privateers who work for the highest bidder? Or perhaps you\u2019d like to create a government navy and protect the innocent from pirates? In ATLAS, you can build any organization you can think of. Create a settlement for your company and build it piece by piece with our modular construction system. Contest other companies\u2019 land, structures, or ships and add them to your ranks. With the right organization in hand, the world is truly your oyster. . Choose Between PvP and PvE Play. Choose between PvP or PvE play on our official servers:. On a PvP server, everything is up for grabs: be it ships, player inventories, NPC crewmembers, tames, player-built structures, player-owned territory, and lots of other loot. If you can get your hands on it, you can take it for yourself. Do you have what it takes to become the most notorious pirate on the high seas?. Care for a less \u201ccutthroat\u201d experience? Join one of our PvE servers and cooperate with thousands of other players to explore the globe, discover new secrets, and even fight mythical creatures together. Create powerful companies with old friends or build an entire player-run town with some new ones. The world of ATLAS is yours to shape!. Create Mods and Custom Servers. Want to build a World War II Spitfire? Or how about an Arcadian Steampunk Airship floating through a cloud-world? These examples and much more are provided with the ATLAS Dev Kit, where you can effectively create whatever large-scale action game you want to see: all supported by the database-driven network technology that powers ATLAS. Unofficial ATLAS mods can be of any size and configuration, while a visual map tool lets server hosts layout their own complete custom world -- all dynamically streamed to the client during gameplay. . Play in Singleplayer and Non-Dedicated Private Sessions. In addition to experiencing ATLAS on our official/unofficial servers with thousands of other players, you can now enjoy ATLAS by yourself in our Singleplayer mode, or with up to eight friends privately in our Non-Dedicated Server mode. Adjust the game to suit your preferences and enjoy your own private version of ATLAS. . And Much, Much More. Only a fraction of ATLAS\u2019 features and content are outlined above, with many more to come throughout the game\u2019s Early Access development period.", + "about_the_game": "ATLAS is now crossplay enabled to allow PC and Xbox One players to play together in the same world!From the creators of ARK: Survival Evolved comes ATLAS -- the ultimate pirate experience! Explore a persistent, massive open world with thousands of other players simultaneously. Build your ship, assemble your crew, sail the high seas, search for buried treasure, plunder player-built settlements (or replace them with your own), and conquer the world of ATLAS island by island. Wage war against enemy fleets while you single-handedly command large ships of war -- or divide the responsibilities among your trusted shipmates instead. Dive into the watery depths to explore sunken shipwrecks. Team up with other explorers to discover new lands rich with resources, exotic creatures, and ruins of a bygone time. Become a pirate legend in this ultimate quest for fortune and glory!Create the Pirate Ship of Your DreamsFrom tiny rafts and dinghies to colossal frigates and galleons, your dream vessel is only a shipyard away with our robust ship customization system. Construct your ship piece by piece, give it a name, design the look of your sails, and decide exactly where all the planks, masts, and gunports on your ship should go.Assemble Your CrewRecruit other players or hire NPCs to join your crew and aid you on your quest for riches and glory. Whether manning weapons on your ship, hoisting the sails, or helping search for buried treasure on shore, your crew is an essential part of your pirate adventure. Just be sure to keep their stomachs full and give them their fair share of the booty, lest you want a mutiny on your hands\u2026Explore a Massive WorldPhysically sail in real-time across a vast ocean, featuring over 700 individual landmasses across 45,000 square kilometers. Discover thousands of points of interest over a number of distinct world regions, each with their own unique resources, creatures, secrets, and dangers!Shape Your IdentityChoose from a wide range of character customization and cosmetic options to create your specific pirate look. Unlock skills across 15 different disciplines to form your own unique role in the world of ATLAS.Experience Classic Pirate Action Become the world\u2019s greatest swashbuckler, a pistol-packing gunslinger, or perhaps a master cannoneer instead. Engage in fierce raids on land-based strongholds, swing from grappling hooks to board enemy ships, or unload volleys of cannonballs into your foe\u2019s hull. The world of ATLAS has no shortage of ways to dispatch your enemies, be it at the end of a sword... or in true pirate fashion\u2026 at the end of a rope.Build Your OrganizationWant to create a rich merchant empire that spans from pole to pole? Always wanted to command a fleet of privateers who work for the highest bidder? Or perhaps you\u2019d like to create a government navy and protect the innocent from pirates? In ATLAS, you can build any organization you can think of. Create a settlement for your company and build it piece by piece with our modular construction system. Contest other companies\u2019 land, structures, or ships and add them to your ranks. With the right organization in hand, the world is truly your oyster.Choose Between PvP and PvE PlayChoose between PvP or PvE play on our official servers:On a PvP server, everything is up for grabs: be it ships, player inventories, NPC crewmembers, tames, player-built structures, player-owned territory, and lots of other loot. If you can get your hands on it, you can take it for yourself. Do you have what it takes to become the most notorious pirate on the high seas?Care for a less \u201ccutthroat\u201d experience? Join one of our PvE servers and cooperate with thousands of other players to explore the globe, discover new secrets, and even fight mythical creatures together. Create powerful companies with old friends or build an entire player-run town with some new ones. The world of ATLAS is yours to shape!Create Mods and Custom ServersWant to build a World War II Spitfire? Or how about an Arcadian Steampunk Airship floating through a cloud-world? These examples and much more are provided with the ATLAS Dev Kit, where you can effectively create whatever large-scale action game you want to see: all supported by the database-driven network technology that powers ATLAS. Unofficial ATLAS mods can be of any size and configuration, while a visual map tool lets server hosts layout their own complete custom world -- all dynamically streamed to the client during gameplay.Play in Singleplayer and Non-Dedicated Private SessionsIn addition to experiencing ATLAS on our official/unofficial servers with thousands of other players, you can now enjoy ATLAS by yourself in our Singleplayer mode, or with up to eight friends privately in our Non-Dedicated Server mode. Adjust the game to suit your preferences and enjoy your own private version of ATLAS.And Much, Much MoreOnly a fraction of ATLAS\u2019 features and content are outlined above, with many more to come throughout the game\u2019s Early Access development period.", + "short_description": "Set sail for the ultimate pirate experience! Embark on a grand adventure alongside thousands of other players in one of the largest game worlds ever built (and even claim a piece of it to call your own). Build your ship, assemble your crew, sail the high seas, and become a pirate legend!", + "genres": "Action", + "recommendations": 36067, + "score": 6.9174040566449335 + }, + { + "type": "game", + "name": "\u592a\u543e\u7ed8\u5377 The Scroll Of Taiwu", + "detailed_description": "OverviewIn the \"Taiwu\" Universe, besides playing as a \"successor of Taiwu\", you will live your life in many different ways: being kind, evil, or somewhere between. You can visit the sects and gangs around the world and learn the various martial art styles; you can choose to make sworn brothers or blood feud; you can establish a village of your own and run various businesses; or you can settle down with your love and enter parenthood. Eventually, you will face the greatest enemy of the \"Taiwu\" family and determine the fate of the entire world.The Unknown World (Jianghu)Each \"Taiwu\" world you create will be unique with the randomly generated maps, NPCs, and enemies. Every time you start the game, it will be a brand new adventure. You can learn thousands of martial art techniques from 15 different sects and gangs; you can also learn hundreds of traditional Chinese skills from the countless NPCs. The Combination of Diverse Game MechanicsBesides classic RPG, *The Scroll of Taiwu* has combined the elements of many different genres, such as the randomness from Roguelike games;. You can also find elements of business simulation games: constructing, resource gathering, expanding, managing, crafting, maintaining, etc. . Catch the most combative \"Grand General\" and have a battle of insects with the abbot of the Shaolin Temple!. \"Lifelike\" NPCsThere are thousands of NPCs who have their own relationships and experiences; you can form any kind of relationships with them and even decide whether they live or die. . You will have children with your spouse. Coach your successor and teach him/her all your skills. Find your love from a past life. Detailed CraftingWith resource gathering, crafting, maintaining and Chinese alchemy, you can totally make any kind of weapons, armors, and elixirs with your own hands. Pick up an envenomed weapon, put up an envenomed cloth, and eat the envenomed antidote. Realistic BattlesThe original battle system will show you the design of \"counter striking\", \"even a stick can be a sword\", and \"long weapons bring power; short weapons bring danger\". Each time you attack, the damage will be applied to a different part of your opponent's body. With your martial art techniques, run your internal force and practice your skills and strategies. . Alternatively, you are more than welcome to email us at business@conchship.net with your questions. Get more contacts!", + "about_the_game": "OverviewIn the \"Taiwu\" Universe, besides playing as a \"successor of Taiwu\", you will live your life in many different ways: being kind, evil, or somewhere between. You can visit the sects and gangs around the world and learn the various martial art styles; you can choose to make sworn brothers or blood feud; you can establish a village of your own and run various businesses; or you can settle down with your love and enter parenthood. Eventually, you will face the greatest enemy of the \"Taiwu\" family and determine the fate of the entire world.The Unknown World (Jianghu)Each \"Taiwu\" world you create will be unique with the randomly generated maps, NPCs, and enemies. Every time you start the game, it will be a brand new adventure.You can learn thousands of martial art techniques from 15 different sects and gangs; you can also learn hundreds of traditional Chinese skills from the countless NPCs.The Combination of Diverse Game MechanicsBesides classic RPG, *The Scroll of Taiwu* has combined the elements of many different genres, such as the randomness from Roguelike games;You can also find elements of business simulation games: constructing, resource gathering, expanding, managing, crafting, maintaining, etc. Catch the most combative \"Grand General\" and have a battle of insects with the abbot of the Shaolin Temple!\"Lifelike\" NPCsThere are thousands of NPCs who have their own relationships and experiences; you can form any kind of relationships with them and even decide whether they live or die. You will have children with your spouse.Coach your successor and teach him/her all your skills.Find your love from a past life.Detailed CraftingWith resource gathering, crafting, maintaining and Chinese alchemy, you can totally make any kind of weapons, armors, and elixirs with your own hands.Pick up an envenomed weapon, put up an envenomed cloth, and eat the envenomed antidote. Realistic BattlesThe original battle system will show you the design of \"counter striking\", \"even a stick can be a sword\", and \"long weapons bring power; short weapons bring danger\".Each time you attack, the damage will be applied to a different part of your opponent's body.With your martial art techniques, run your internal force and practice your skills and strategies.Alternatively, you are more than welcome to email us at business@conchship.net with your questions. Get more contacts!", + "short_description": "*The Scroll of Taiwu* is an indie game based on Chinese mythology and Wuxia tales. You will play as a "successor of Taiwu" in a fictional universe, defeating your greatest enemy under the effort and sacrifice of many generations and change the fate of humankind.", + "genres": "Adventure", + "recommendations": 45958, + "score": 7.077164198438124 + }, + { + "type": "game", + "name": "NBA 2K19", + "detailed_description": "20th Anniversary Edition Features. The NBA 2K19 20th Anniversary Edition includes the following digital items:. 100,000 Virtual Currency. 50,000 MyTEAM points. 20 MyTEAM League Packs (delivered one a week). . 10 MyTEAM Heat Check Packs (delivered one a week beginning at the start of the NBA season). Sapphire LeBron James and Sapphire Giannis Antetokounmpo MyTEAM cards. 5 LeBron-themed murals for MyCOURT. LeBron MyCOURT design. King's Collection - Nike LeBron apparel & footwear (25 pairs!). About the GameTAKE CONTROL WITH TAKEOVER Harness your MyPLAYER\u2019s full basketball potential with the new Takeover feature. Unlock special moves and abilities never before seen on the court, or activate Team Takeover and unleash the power of your full squad.RUN THE NEIGHBORHOOD (ONLINE SERVICE DISCONTINUED FOR NBA 2K19)You won\u2019t want to miss a single day in the updated Neighborhood. Make a name for yourself on the court, at the Under Armour Cages, and during live events on the block. Ball until dawn with new day to night transitions, walk on at the Jordan Rec Center, or get the old Crew back together for exciting 3 on 3 streetball action.MyTEAM (ONLINE SERVICE DISCONTINUED FOR NBA 2K19)Create your very first MyPLAYER card, and ball with LeBron, Kobe, and the rest of your collection in a variety of competitive modes. Introducing the new Unlimited mode, allowing you to pick any five cards from your deck without restrictions and battle against other players online.MyCAREER From neighborhood legend to global phenomenon. The original career story mode returns with an all-new, immersive narrative charting your journey from China to the G League and eventually the NBA. Featuring an all-star cast, endorsements tied to your popularity, and new team chemistry elements that allow you to dominate the hardwood", + "about_the_game": "TAKE CONTROL WITH TAKEOVER Harness your MyPLAYER\u2019s full basketball potential with the new Takeover feature. Unlock special moves and abilities never before seen on the court, or activate Team Takeover and unleash the power of your full squad.RUN THE NEIGHBORHOOD (ONLINE SERVICE DISCONTINUED FOR NBA 2K19)You won\u2019t want to miss a single day in the updated Neighborhood. Make a name for yourself on the court, at the Under Armour Cages, and during live events on the block. Ball until dawn with new day to night transitions, walk on at the Jordan Rec Center, or get the old Crew back together for exciting 3 on 3 streetball action.MyTEAM (ONLINE SERVICE DISCONTINUED FOR NBA 2K19)Create your very first MyPLAYER card, and ball with LeBron, Kobe, and the rest of your collection in a variety of competitive modes. Introducing the new Unlimited mode, allowing you to pick any five cards from your deck without restrictions and battle against other players online.MyCAREER From neighborhood legend to global phenomenon. The original career story mode returns with an all-new, immersive narrative charting your journey from China to the G League and eventually the NBA. Featuring an all-star cast, endorsements tied to your popularity, and new team chemistry elements that allow you to dominate the hardwood", + "short_description": "NBA 2K celebrates 20 years of redefining what sports gaming can be. NBA 2K19 continues to push limits as it brings gaming one step closer to real-life basketball excitement and culture.", + "genres": "Simulation", + "recommendations": 15659, + "score": 6.367411083840905 + }, + { + "type": "game", + "name": "Super Animal Royale", + "detailed_description": "MORE GREAT GAMES. About the GameIt\u2019s a fight for furvival! Super Animal Royale is a 64-player, frenetic, top-down 2D battle royale where murderous animals fight tooth, claw, and machine gun across an abandoned safari park. Collect and customize your favorite critters and weapons, then put them to work in solo matches or team up as a squad of up to four players!. Key Features. Survival of the Fittest: Scavenge a variety of powerful weapons, armor and items to become the apex predator in intense 64-player online matches. . The Superest World: Explore a massive, beautifully illustrated 2D island and discover its hidden lore, by chatting with its inhabitants and scouring its rich environments for clues. . Different Stripes for Different Fights: Collect hundreds of animal breeds and customize them with thousands of cosmetic items, weapons, outfits, and even umbrellas!. Evolving Events & Updates: Enjoy an endless stampede of new content, including seasonal outfits, animals, and weapons to collect. . The Fast and the Furriest: Flatten your foes while rolling dirty in a Hamster Ball, or mount a Giant Emu and peck your way to the promised land.", + "about_the_game": "It\u2019s a fight for furvival! Super Animal Royale is a 64-player, frenetic, top-down 2D battle royale where murderous animals fight tooth, claw, and machine gun across an abandoned safari park. Collect and customize your favorite critters and weapons, then put them to work in solo matches or team up as a squad of up to four players!Key FeaturesSurvival of the Fittest: Scavenge a variety of powerful weapons, armor and items to become the apex predator in intense 64-player online matches. The Superest World: Explore a massive, beautifully illustrated 2D island and discover its hidden lore, by chatting with its inhabitants and scouring its rich environments for clues.Different Stripes for Different Fights: Collect hundreds of animal breeds and customize them with thousands of cosmetic items, weapons, outfits, and even umbrellas!Evolving Events & Updates: Enjoy an endless stampede of new content, including seasonal outfits, animals, and weapons to collect.The Fast and the Furriest: Flatten your foes while rolling dirty in a Hamster Ball, or mount a Giant Emu and peck your way to the promised land.", + "short_description": "It\u2019s a fight for furvival! Super Animal Royale is a 64-player, frenetic, top-down 2D battle royale where murderous animals fight tooth, claw, and machine gun across an abandoned safari park.", + "genres": "Action", + "recommendations": 6448, + "score": 5.782552599915318 + }, + { + "type": "game", + "name": "KurtzPel", + "detailed_description": "KurtzPel is a 3rd Person, Anime-Inspired, Action Battle Game created by KOG, the developers of Grand Chase and Elsword Online. . You can enjoy various 2vs2 PvP Modes queued up by a smart, automated match-making system. Or, you can embark upon a larger-than-life, raid style, quest driven battle system against big, bad boss monsters. . In KurtzPel, classic action game dynamics are enabled when players empower their characters with 2, separate jobs (Karma) that can be used interchangeably.Main Content. . Promotion Mission(PVP). Deathmatch (PVP) - Defeat your enemies and whoever scores more points will win. Capture the Flag (PVP) - Acquire the Flag in the battlefield and whoever scored the most point at the end of the match will win. Conquest (PVP) - Split to Red & Blue team and whoever has captures the zone when the match is over wins. . . Epic/Repeat Mission (PVE). Fight important enemies in the KurtzPel universe and discover the story of KurtzPel by interacting with Hero NPCs. Also, has a low chance to drop special reward (Accessories and etc.) and has multiple difficulties and provides challenges in PVE fashion. . . Character Customization System. Select your personality and provide appearance options depending on your selection to lessen the difficulty of selecting your character\u2019s appearance. You can select body type, height, and other appearance feature to create your unique character. . . Karma (Weapon) Switching System. There are two roles, breaker and slayer. You can switch your karma at any time during the battle. . . NPC Affinity System. You can increase the NPC affinity through dialogues or by collecting provided keywords and acquire various rewards (Karma, Karma Fragment, Weapon, Costume, Accessories and etc.). . . Costume System. Weapon, Costume (Top, Bottom, Innerwear), accessories (Shoes, Gloves, and 10 other slots), and dye system to customize the look of your characters even more.", + "about_the_game": "KurtzPel is a 3rd Person, Anime-Inspired, Action Battle Game created by KOG, the developers of Grand Chase and Elsword Online.You can enjoy various 2vs2 PvP Modes queued up by a smart, automated match-making system. Or, you can embark upon a larger-than-life, raid style, quest driven battle system against big, bad boss monsters.In KurtzPel, classic action game dynamics are enabled when players empower their characters with 2, separate jobs (Karma) that can be used interchangeably.Main ContentPromotion Mission(PVP)Deathmatch (PVP) - Defeat your enemies and whoever scores more points will win.Capture the Flag (PVP) - Acquire the Flag in the battlefield and whoever scored the most point at the end of the match will win.Conquest (PVP) - Split to Red & Blue team and whoever has captures the zone when the match is over wins.Epic/Repeat Mission (PVE)Fight important enemies in the KurtzPel universe and discover the story of KurtzPel by interacting with Hero NPCs. Also, has a low chance to drop special reward (Accessories and etc.) and has multiple difficulties and provides challenges in PVE fashion.Character Customization SystemSelect your personality and provide appearance options depending on your selection to lessen the difficulty of selecting your character\u2019s appearance.You can select body type, height, and other appearance feature to create your unique character.Karma (Weapon) Switching SystemThere are two roles, breaker and slayer. You can switch your karma at any time during the battle.NPC Affinity SystemYou can increase the NPC affinity through dialogues or by collecting provided keywords and acquire various rewards (Karma, Karma Fragment, Weapon, Costume, Accessories and etc.).Costume SystemWeapon, Costume (Top, Bottom, Innerwear), accessories (Shoes, Gloves, and 10 other slots), and dye system to customize the look of your characters even more.", + "short_description": ""KurtzPel is an anime-styled, action battle game from a third-person perspective. Players can battle it out in both PvP and PvE mission-based battle modes with massive boss monsters. Players utilize Karmas (the method used to indicate weapon and class types) when charging into battle. Each character gets to use two types of Karmas.", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "The Awesome Adventures of Captain Spirit", + "detailed_description": "Reviews & Accolades\"Seriously impressive\" - Eurogamer. LIFE IS STRANGE 2 NOW AVAILABLE. About the Game. Have you ever dreamt of being a superhero? Meet Chris, a creative and imaginative 9 year old boy who escapes reality with fantastical adventures as his alter ego, the Awesome Captain Spirit!. Return to your childhood and play a touching and heart-warming one-of-a-kind narrative experience from the directors and development team behind the BAFTA award winning game Life is Strange. . Captain Spirit is a free demo set in the Life is Strange Universe that contains links to the brand new story & characters of Life is Strange 2. . KEY FEATURES:. An original narrative experience set in the Life is Strange universe. Play as Chris and his super-hero alter-ego, Captain Spirit. Complete a series of missions as Captain Spirit and discover secret unlockable content. . Some choices and actions will link to your Life is Strange 2 experience. . The Awesome Adventures of Captain Spirit contains mature language and themes.", + "about_the_game": "Have you ever dreamt of being a superhero? Meet Chris, a creative and imaginative 9 year old boy who escapes reality with fantastical adventures as his alter ego, the Awesome Captain Spirit!Return to your childhood and play a touching and heart-warming one-of-a-kind narrative experience from the directors and development team behind the BAFTA award winning game Life is Strange. Captain Spirit is a free demo set in the Life is Strange Universe that contains links to the brand new story & characters of Life is Strange 2.KEY FEATURES:An original narrative experience set in the Life is Strange universePlay as Chris and his super-hero alter-ego, Captain SpiritComplete a series of missions as Captain Spirit and discover secret unlockable content.Some choices and actions will link to your Life is Strange 2 experience.The Awesome Adventures of Captain Spirit contains mature language and themes.", + "short_description": "Have you ever dreamt of being a superhero? Meet Chris, a creative and imaginative 9 year old boy who escapes reality with fantastical adventures as his alter ego, the Awesome Captain Spirit! Captain Spirit is a free demo set in the Life is Strange universe. Contains links to Life is Strange 2", + "genres": "Adventure", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Subnautica: Below Zero", + "detailed_description": "Below Zero is an underwater adventure game set on an alien ocean world. It is a new chapter in the Subnautica universe, and is developed by Unknown Worlds.Return to planet 4546B. Submerge yourself in an all-new, sub-zero expedition in an arctic region of Planet 4546B. Arriving with little more than your wits and some survival equipment, you set out to investigate what happened to your sister. Uncover the truth. Alterra left in a hurry after a mysterious incident. Abandoned research stations dot the region. What happened to the scientists who lived and worked here? Logs, items, and databanks scattered among the debris paint a new picture of the incident. With limited resources, you must improvise to survive on your own.Discover uncharted biomes. Swim beneath the blue-lit, arching expanses of Twisty Bridges. Become mesmerized by the glittering, mammoth crystals of the Crystal Caverns. Clamber up snow covered peaks and venture into the icy caves of Glacial Basin. Maneuver between erupting Thermal Vents to discover ancient alien artifacts. Below Zero presents entirely new environments for you to survive, study, and explore.Construct habitats and vehicles. Survive the harsh climate by constructing extensive habitats, scavenging for resources, and crafting equipment. Blast across the snowy tundra on a Snowfox hoverbike. Cruise through enchanting and perilous biomes in your modular Seatruck.Research alien lifeforms. Something undiscovered lurks around every corner. Swim through the giant Titan Holefish, encounter the haunting Shadow Leviathan, and visit the adorable Pengwings. Keep your wits about you. Not all creatures in this strange world are friendly.Survive the chilly temperatures. Jump in, the water\u2019s warm. The below zero temperatures of this arctic region pose a new threat. New weather conditions blanket above-ground habitats. Craft a toasty cold suit, sip on piping hot coffee, and warm up next to Thermal Lilies to stave off the chill.An ocean of intrigue. What really happened to your sister? Who were the aliens who came here before? Why were they on this planet? Can we find solace from grief in truth? Below Zero extends the story of the Subnautica universe, diving deep into the mystery introduced in the original game.About the development team. Below Zero is being created by Unknown Worlds, a small studio that traces its roots back to the 2002 Half-Life mod Natural Selection. It is the same studio that created the original Subnautica. The team is scattered around the globe, from the United States to the United Kingdom, France, Russia, Austria, Australia, Canada, and many more places.Open developmentSubnautica: Below Zero development is open. Get weekly or daily updates, see what the development team is working on, view real time change logs, and give feedback from inside the game. We want to hear your thoughts and invite you to participate in what we are working on.Warning. This game contains flashing lights that may make it unsuitable for people with photosensitive epilepsy or other photosensitive conditions. Player discretion is advised.", + "about_the_game": "Below Zero is an underwater adventure game set on an alien ocean world. It is a new chapter in the Subnautica universe, and is developed by Unknown Worlds.Return to planet 4546BSubmerge yourself in an all-new, sub-zero expedition in an arctic region of Planet 4546B. Arriving with little more than your wits and some survival equipment, you set out to investigate what happened to your sister...Uncover the truthAlterra left in a hurry after a mysterious incident. Abandoned research stations dot the region. What happened to the scientists who lived and worked here? Logs, items, and databanks scattered among the debris paint a new picture of the incident. With limited resources, you must improvise to survive on your own.Discover uncharted biomesSwim beneath the blue-lit, arching expanses of Twisty Bridges. Become mesmerized by the glittering, mammoth crystals of the Crystal Caverns. Clamber up snow covered peaks and venture into the icy caves of Glacial Basin. Maneuver between erupting Thermal Vents to discover ancient alien artifacts. Below Zero presents entirely new environments for you to survive, study, and explore.Construct habitats and vehiclesSurvive the harsh climate by constructing extensive habitats, scavenging for resources, and crafting equipment. Blast across the snowy tundra on a Snowfox hoverbike. Cruise through enchanting and perilous biomes in your modular Seatruck.Research alien lifeformsSomething undiscovered lurks around every corner. Swim through the giant Titan Holefish, encounter the haunting Shadow Leviathan, and visit the adorable Pengwings. Keep your wits about you. Not all creatures in this strange world are friendly.Survive the chilly temperaturesJump in, the water\u2019s warm. The below zero temperatures of this arctic region pose a new threat. New weather conditions blanket above-ground habitats. Craft a toasty cold suit, sip on piping hot coffee, and warm up next to Thermal Lilies to stave off the chill.An ocean of intrigueWhat really happened to your sister? Who were the aliens who came here before? Why were they on this planet? Can we find solace from grief in truth? Below Zero extends the story of the Subnautica universe, diving deep into the mystery introduced in the original game.About the development teamBelow Zero is being created by Unknown Worlds, a small studio that traces its roots back to the 2002 Half-Life mod Natural Selection. It is the same studio that created the original Subnautica. The team is scattered around the globe, from the United States to the United Kingdom, France, Russia, Austria, Australia, Canada, and many more places.Open developmentSubnautica: Below Zero development is open. Get weekly or daily updates, see what the development team is working on, view real time change logs, and give feedback from inside the game. We want to hear your thoughts and invite you to participate in what we are working on.WarningThis game contains flashing lights that may make it unsuitable for people with photosensitive epilepsy or other photosensitive conditions. Player discretion is advised.", + "short_description": "Dive into a freezing underwater adventure on an alien planet. Below Zero is set two years after the original Subnautica. Return to Planet 4546B to uncover the truth behind a deadly cover-up. Survive by building habitats, crafting tools, & diving deeper into the world of Subnautica.", + "genres": "Adventure", + "recommendations": 73030, + "score": 7.3824761137200685 + }, + { + "type": "game", + "name": "DRAGON BALL Z: KAKAROT", + "detailed_description": "Digital Deluxe Edition. The Deluxe Edition includes the game, a Cooking Item that gives your character permanent Ki-ATK and HP Stat boosts, and the Season Pass. The Season Pass adds 2 original episodes and a new story. LEGENDARY EDITION. The Legendary Edition includes:. \u2022 Full game. \u2022 Season Pass (2 original episodes and a new story arc). \u2022 Season Pass 2 (3 new story arcs). \u2022 2 Cooking Items that give your character temporary and permanent Stat boosts. \u2022 Tao Pai Pai Pillar. About the GameBE THE HOPE OF THE UNIVERSE. \u2022 Experience the story of DRAGON BALL Z from epic events to light-hearted side quests, including never-before-seen story moments that answer some burning questions of DRAGON BALL lore for the first time!. . \u2022 Play through iconic DRAGON BALL Z battles on a scale unlike any other. Fight across vast battlefields with destructible environments and experience epic boss battles against the most iconic foes (Raditz, Frieza, Cell etc\u2026). Increase your power level through RPG mechanics and rise to the challenge!. . \u2022 Don\u2019t just fight as Z Fighters. Live like them! Fish, fly, eat, train, and battle your way through the DRAGON BALL Z sagas, making friends and building relationships with a massive cast of DRAGON BALL characters. . Relive the story of Goku and other Z Fighters in DRAGON BALL Z: KAKAROT! Beyond the epic battles, experience life in the DRAGON BALL Z world as you fight, fish, eat, and train with Goku, Gohan, Vegeta and others. Explore the new areas and adventures as you advance through the story and form powerful bonds with other heroes from the DRAGON BALL Z universe.", + "about_the_game": "BE THE HOPE OF THE UNIVERSE\u2022 Experience the story of DRAGON BALL Z from epic events to light-hearted side quests, including never-before-seen story moments that answer some burning questions of DRAGON BALL lore for the first time!\u2022 Play through iconic DRAGON BALL Z battles on a scale unlike any other. Fight across vast battlefields with destructible environments and experience epic boss battles against the most iconic foes (Raditz, Frieza, Cell etc\u2026). Increase your power level through RPG mechanics and rise to the challenge!\u2022 Don\u2019t just fight as Z Fighters. Live like them! Fish, fly, eat, train, and battle your way through the DRAGON BALL Z sagas, making friends and building relationships with a massive cast of DRAGON BALL characters.Relive the story of Goku and other Z Fighters in DRAGON BALL Z: KAKAROT! Beyond the epic battles, experience life in the DRAGON BALL Z world as you fight, fish, eat, and train with Goku, Gohan, Vegeta and others. Explore the new areas and adventures as you advance through the story and form powerful bonds with other heroes from the DRAGON BALL Z universe.", + "short_description": "Relive the story of Goku and other Z Fighters in DRAGON BALL Z: KAKAROT! Beyond the epic battles, experience life in the DRAGON BALL Z world as you fight, fish, eat, and train with Goku, Gohan, Vegeta and others.", + "genres": "Action", + "recommendations": 32185, + "score": 6.842334618748495 + }, + { + "type": "game", + "name": "Tribes of Midgard", + "detailed_description": "ULTIMATE EDITION CONTENT. JOIN OUR DISCORD. About the GameTribes of Midgard\u2019s Valhalla Saga update is HERE! This Saga represents the culmination of the Einherjar\u2019s fate-defying quest to stop Ragnar\u00f6k. Mount up and journey across Midgard (and beyond!) in this epic Survival ARPG adventure. Build, craft, and explore, as you fight your way through towering creatures of legend to discover the secrets of the Sanctuary stones. Valhalla awaits, Einherjar!. Save The Day, Your Way:Travel across procedurally generated worlds by land and sea to harvest resources, gather loot, craft powerful Weapons, level up your Einherjar, chase chickens, and complete hundreds of challenges to unlock new rewards in the most colorful Ragnar\u00f6k you\u2019ve ever seen! . Because one Game Mode was not enough, we made two!. Survival Mode: This mode lets you take your adventure to the far reaches of Midgard at your own pace. Explore, craft, and build your perfect Viking home anywhere you see fit through your mighty Allforge. Choose among 90 skills as you level up and fight your way up the J\u00f6tunn food chain until you can face off against the all-powerful Ancients and discover what awaits you at the end of your epic Saga. . Saga Mode: This fast-paced, time attack mode requires you take on the forces of Ragnar\u00f6k before the endless winter takes hold. Unlock and specialize among 8 unique classes to defend the Seed of Yggdrasil, fortify your Village and stop your enemies every nightfall for as long as you can. The greater your accomplishments, the greater your rewards when you take the Bifr\u00f6st to return to Valhalla!. Face Colossal Threats:The bigger they are, the harder they\u2019ll fall! And trust us\u2014they\u2019re pretty big! . . Descending from Valhalla, your Einherjar starts with nothing but a loincloth and a save the world attitude. Stand against the ever-looming threat of the gigantic J\u00f6tnar, and the even more threatening Ancients that command them. Unleash mighty Spells contained within your Weapons, block incoming attacks with your trusty Shield, and time your evades in this action-packed gameplay against these screen-filling baddies!. Forge Your Viking Legend:You are in control of your own destiny, Einherjar!. . Create unique character builds by leveling up and choosing game-changing abilities from the Norse gods. Hunt rare resources and loot powerful Runes that will modify your playstyle in surprising ways. Complete in-game events, sail boats across the oceans, take on NPC quests, and raid dungeons to grow your legend further! Or simply fish! Not only are you up for the challenge, this is what you were chosen to do. . Rally The Tribe:You don\u2019t have to do it alone, save some glory for the rest of us!. . Adventure solo or form a tribe of up to 10 players in online PvE co-op. Play together to build a functioning village, complete with formidable defenses, towering structures and top-of-the-line crafting stations! Or just an aesthetically pleasing Viking homestead with some well-earned decorations! The game difficulty adapts to the amount of players in a world. Note that we recommend taking on Ragnar\u00f6k with a tribe of four or more. . Keep Up the Fight:Never has the end of the world been so bright and fun!. . Continuous free updates and limited time Festive Events bring even mightier treasures to the endgame. Play to accumulate Golden Horns and redeem them to unlock a myriad of recipes, including Starter Kits, Runes and Equipment, to make each new session more rewarding. Progress through Valhalla Levels and complete hundreds of challenges for even more. Make each saga your own by wearing your best costumes and bringing your cutest pets along!.", + "about_the_game": "Tribes of Midgard\u2019s Valhalla Saga update is HERE! This Saga represents the culmination of the Einherjar\u2019s fate-defying quest to stop Ragnar\u00f6k. Mount up and journey across Midgard (and beyond!) in this epic Survival ARPG adventure. Build, craft, and explore, as you fight your way through towering creatures of legend to discover the secrets of the Sanctuary stones. Valhalla awaits, Einherjar!Save The Day, Your Way:Travel across procedurally generated worlds by land and sea to harvest resources, gather loot, craft powerful Weapons, level up your Einherjar, chase chickens, and complete hundreds of challenges to unlock new rewards in the most colorful Ragnar\u00f6k you\u2019ve ever seen! Because one Game Mode was not enough, we made two!Survival Mode: This mode lets you take your adventure to the far reaches of Midgard at your own pace. Explore, craft, and build your perfect Viking home anywhere you see fit through your mighty Allforge. Choose among 90 skills as you level up and fight your way up the J\u00f6tunn food chain until you can face off against the all-powerful Ancients and discover what awaits you at the end of your epic Saga.Saga Mode: This fast-paced, time attack mode requires you take on the forces of Ragnar\u00f6k before the endless winter takes hold. Unlock and specialize among 8 unique classes to defend the Seed of Yggdrasil, fortify your Village and stop your enemies every nightfall for as long as you can. The greater your accomplishments, the greater your rewards when you take the Bifr\u00f6st to return to Valhalla!Face Colossal Threats:The bigger they are, the harder they\u2019ll fall! And trust us\u2014they\u2019re pretty big!\u00a0\u00a0Descending from Valhalla, your Einherjar starts with nothing but a loincloth and a save the world attitude. Stand against the ever-looming threat of the gigantic J\u00f6tnar, and the even more threatening Ancients that command them. Unleash mighty Spells contained within your Weapons, block incoming attacks with your trusty Shield, and time your evades in this action-packed gameplay against these screen-filling baddies!Forge Your Viking Legend:You are in control of your own destiny, Einherjar!Create unique character builds by leveling up and choosing game-changing abilities from the Norse gods. Hunt rare resources and loot powerful Runes that will modify your playstyle in surprising ways. Complete in-game events, sail boats across the oceans, take on NPC quests, and raid dungeons to grow your legend further! Or simply fish! Not only are you up for the challenge, this is what you were chosen to do.Rally The Tribe:You don\u2019t have to do it alone, save some glory for the rest of us!Adventure solo or form a tribe of up to 10 players in online PvE co-op. Play together to build a functioning village, complete with formidable defenses, towering structures and top-of-the-line crafting stations! Or just an aesthetically pleasing Viking homestead with some well-earned decorations! The game difficulty adapts to the amount of players in a world. Note that we recommend taking on Ragnar\u00f6k with a tribe of four or more.Keep Up the Fight:Never has the end of the world been so bright and fun!Continuous free updates and limited time Festive Events bring even mightier treasures to the endgame. Play to accumulate Golden Horns and redeem them to unlock a myriad of recipes, including Starter Kits, Runes and Equipment, to make each new session more rewarding. Progress through Valhalla Levels and complete hundreds of challenges for even more. Make each saga your own by wearing your best costumes and bringing your cutest pets along!", + "short_description": "A vibrant blend of survival and action RPG for 1-10 players! Craft legendary items, grow your home base and embark on an epic journey through procedural realms to face towering creatures hel-bent on unleashing Ragnar\u00f6k. Valhalla can wait, Einherjar!\u00a0\u00a0", + "genres": "Action", + "recommendations": 13930, + "score": 6.290285740686477 + }, + { + "type": "game", + "name": "HITMAN\u2122 2", + "detailed_description": "HYPER DETAILED SANDBOX LOCATIONSTravel to exotic locations around the world and experience rich and detailed environments that are packed full of opportunities. From a high-powered car race in Miami to the hot streets of Mumbai and the dangerous Colombian rainforests, each HITMAN 2 location has been meticulously crafted with an extremely high level of fidelity. . FREEDOM OF APPROACHYou\u2019re in full control and the world will react to whatever you do. Use stealth techniques, improvisation and all your creativity to take down your targets in spectacular and ingenious ways utilizing an assortment of tools, weapons and unexpected disguises. .", + "about_the_game": "HYPER DETAILED SANDBOX LOCATIONSTravel to exotic locations around the world and experience rich and detailed environments that are packed full of opportunities. From a high-powered car race in Miami to the hot streets of Mumbai and the dangerous Colombian rainforests, each HITMAN 2 location has been meticulously crafted with an extremely high level of fidelity.FREEDOM OF APPROACHYou\u2019re in full control and the world will react to whatever you do. Use stealth techniques, improvisation and all your creativity to take down your targets in spectacular and ingenious ways utilizing an assortment of tools, weapons and unexpected disguises.", + "short_description": "Travel the globe and track your targets across exotic sandbox locations in HITMAN\u2122 2. From sun-drenched streets to dark and dangerous rainforests, nowhere is safe from the world\u2019s most creative assassin, Agent 47 in the ultimate spy thriller story.", + "genres": "Action", + "recommendations": 31094, + "score": 6.819601383708872 + }, + { + "type": "game", + "name": "The Cycle: Frontier", + "detailed_description": "Discord. Follow the link on the right to join. About the GameTHE CYCLE: FRONTIER WILL SHUT DOWN ON SEPTEMBER 27, 2023. Making this decision was very difficult for us, but ultimately it was a necessary one. You can find more information about this, as well as refunds, our final patch, and any questions you may have in the Steam announcement section. . ***. You\u2019re a Prospector living aboard Prospect Station orbiting the dangerous alien planet known as Fortuna III. The powerful factions running the Station often send you on missions in search of resources and precious loot. Choose the gear and weapons best suited to your goals, pick your destination and within mere seconds you\u2019re dropping down onto the surface, ready for adventure. Be prepared for Prospectors like you out there, with their own goals and agenda. . GREATER RISKS YIELD GREATER REWARDS. Which jobs to tackle and where to explore is entirely up to you but keep your guard up: Fortuna III is a dangerous place! Your goal is to survive and escape to the station with whatever loot you\u2019ve managed to acquire, picked up from the ground or taken by force. The risks are yours to take. Falling prey to the planet\u2019s dangers will see your body encased in protective foam, with your loot and equipped gear left behind \u2013 but should you manage to escape, ka-ching! . Other players will also be wandering each of the three available maps. They have their own agendas and are likely armed to the teeth. Fights are tough and can end quickly, so be sure to trust your eyes and ears, use the terrain and pick your fights carefully \u2013 sometimes it\u2019s best to talk your way out of a sticky situation. Other players aren\u2019t the only threat though, as packs of hostile aliens and a supercharged radioactive Storm try their best to bring your forays to a premature end. . A WORLD OF TREACHEROUS BEAUTY. Three locations are currently available in-game, each with their own rich environment, dangers, and secrets to discover. Bright Sands is where most Prospectors will earn their first stripes. Many abandoned human structures found there can be searched for crafting materials and other loot. The local fauna is aggressive but not quite as dangerous as in other locations. . Crescent Falls is the largest map, with very diverse biomes ranging from desert to jungle. The wildlife is considerably more dangerous, but the valuable loot makes it all worthwhile. This is also where higher level missions happen, which include calling a giant laser drill for big profit and, for the dungeon-delvers among you, exploring the Crusher Caverns. . Tharis Island is the newest map introduced with Season 2. It\u2019s a small remote island host to labyrinthian cave systems, full of secrets, highly valuable materials and, of course, highly dangerous wildlife. Expeditions to the island are no walk in the park and players will have to gain experience first and unlock access through the faction campaigns. The depths of Tharis Island offer the most tense and challenging version of The Cycle: Frontier yet \u2013 the highest risks for the highest rewards! . PROSPECTING ISN'T EVERYTHINGWhether in an escape shuttle with a backpack full of riches or covered in foam and bare of your belongings, each trip to the surface will see you back home \u2013 Prospect Station. This is where all that precious loot can be put to good use: buying and crafting better gear and upgrading your private quarters. New jobs and missions from the three factions are also available. The more of those you complete, the higher your faction levels, giving you access to better gear. Special faction campaigns are a great way to learn more about the world of The Cycle: Frontier \u2013 especially after a significant expansion in Season 2. . In addition to the standard issue Co-Tec weapons, you can unlock more powerful gear from the faction arsenal over time, all the way to legendary weapons like the infamous Zeus Beam. You can further modify weapons with a variety of attachments to fit your needs and play style. These range from a simple flashlight, to expanded magazines, armor penetration mods and more. Finally, a new way to add powerful perks to your weapons and equipment lies buried in the depths of Tharis Island, waiting to be discovered!WHAT'S NEW IN SEASON 3?The latest season for The Cycle: Frontier comes with an array of changes and additions. Keep an eye on the skies as the monstrous Howler makes a landing on Fortuna III and steel yourself for a tough fight as the factions ask you to face the new threat head-on and explore their nests. Wander the streets of an updated Prospect Station and fill your arsenal with a collection of Mk 2 weapons. Finally, advance your prospecting career in an environment where every choice and action matters in the long run. After all, mandatory wipes are a thing of the past!FEATURESChallenging, high stakes PvP encounters\u00a0. Tense extraction gameplay \u2013 players lose loot and gear on \u201cdeath\u201d, but keep all loot on successful extraction . Three unique playable maps to explore . Play solo, as a duo or in a squad of three\u00a0. Near-instant matchmaking thanks to persistent map instances . Multi-faceted progression system\u00a0. Elaborate gear customization system\u00a0. Deep material and crafting system\u00a0. Season pass with free and premium levels (Fortuna Pass)\u00a0. In-match Voice chat . Cross-play between Steam and Epic Games Store\u00a0.", + "about_the_game": "THE CYCLE: FRONTIER WILL SHUT DOWN ON SEPTEMBER 27, 2023.Making this decision was very difficult for us, but ultimately it was a necessary one. You can find more information about this, as well as refunds, our final patch, and any questions you may have in the Steam announcement section.***You\u2019re a Prospector living aboard Prospect Station orbiting the dangerous alien planet known as Fortuna III. The powerful factions running the Station often send you on missions in search of resources and precious loot. Choose the gear and weapons best suited to your goals, pick your destination and within mere seconds you\u2019re dropping down onto the surface, ready for adventure. Be prepared for Prospectors like you out there, with their own goals and agenda. GREATER RISKS YIELD GREATER REWARDSWhich jobs to tackle and where to explore is entirely up to you but keep your guard up: Fortuna III is a dangerous place! Your goal is to survive and escape to the station with whatever loot you\u2019ve managed to acquire, picked up from the ground or taken by force. The risks are yours to take. Falling prey to the planet\u2019s dangers will see your body encased in protective foam, with your loot and equipped gear left behind \u2013 but should you manage to escape, ka-ching! Other players will also be wandering each of the three available maps. They have their own agendas and are likely armed to the teeth. Fights are tough and can end quickly, so be sure to trust your eyes and ears, use the terrain and pick your fights carefully \u2013 sometimes it\u2019s best to talk your way out of a sticky situation. Other players aren\u2019t the only threat though, as packs of hostile aliens and a supercharged radioactive Storm try their best to bring your forays to a premature end. A WORLD OF TREACHEROUS BEAUTYThree locations are currently available in-game, each with their own rich environment, dangers, and secrets to discover. Bright Sands is where most Prospectors will earn their first stripes. Many abandoned human structures found there can be searched for crafting materials and other loot. The local fauna is aggressive but not quite as dangerous as in other locations. Crescent Falls is the largest map, with very diverse biomes ranging from desert to jungle. The wildlife is considerably more dangerous, but the valuable loot makes it all worthwhile. This is also where higher level missions happen, which include calling a giant laser drill for big profit and, for the dungeon-delvers among you, exploring the Crusher Caverns. Tharis Island is the newest map introduced with Season 2. It\u2019s a small remote island host to labyrinthian cave systems, full of secrets, highly valuable materials and, of course, highly dangerous wildlife. Expeditions to the island are no walk in the park and players will have to gain experience first and unlock access through the faction campaigns. The depths of Tharis Island offer the most tense and challenging version of The Cycle: Frontier yet \u2013 the highest risks for the highest rewards! PROSPECTING ISN'T EVERYTHINGWhether in an escape shuttle with a backpack full of riches or covered in foam and bare of your belongings, each trip to the surface will see you back home \u2013 Prospect Station. This is where all that precious loot can be put to good use: buying and crafting better gear and upgrading your private quarters. New jobs and missions from the three factions are also available. The more of those you complete, the higher your faction levels, giving you access to better gear. Special faction campaigns are a great way to learn more about the world of The Cycle: Frontier \u2013 especially after a significant expansion in Season 2. In addition to the standard issue Co-Tec weapons, you can unlock more powerful gear from the faction arsenal over time, all the way to legendary weapons like the infamous Zeus Beam. You can further modify weapons with a variety of attachments to fit your needs and play style. These range from a simple flashlight, to expanded magazines, armor penetration mods and more. Finally, a new way to add powerful perks to your weapons and equipment lies buried in the depths of Tharis Island, waiting to be discovered!WHAT'S NEW IN SEASON 3?The latest season for The Cycle: Frontier comes with an array of changes and additions. Keep an eye on the skies as the monstrous Howler makes a landing on Fortuna III and steel yourself for a tough fight as the factions ask you to face the new threat head-on and explore their nests. Wander the streets of an updated Prospect Station and fill your arsenal with a collection of Mk 2 weapons. Finally, advance your prospecting career in an environment where every choice and action matters in the long run. After all, mandatory wipes are a thing of the past!FEATURESChallenging, high stakes PvP encounters\u00a0Tense extraction gameplay \u2013 players lose loot and gear on \u201cdeath\u201d, but keep all loot on successful extraction \u00a0Three unique playable maps to explore \u00a0Play solo, as a duo or in a squad of three\u00a0Near-instant matchmaking thanks to persistent map instances \u00a0Multi-faceted progression system\u00a0Elaborate gear customization system\u00a0Deep material and crafting system\u00a0Season pass with free and premium levels (Fortuna Pass)\u00a0In-match Voice chat\u00a0\u00a0Cross-play between Steam and Epic Games Store", + "short_description": "The Cycle: Frontier is a free-to-play PvPvE Extraction Shooter driven by suspense and danger. Prospect for resources and other riches on an abandoned alien world ravaged by a deadly storm, inhabited by monsters and other ambitious Prospectors.", + "genres": "Action", + "recommendations": 330, + "score": 3.824929012841767 + }, + { + "type": "game", + "name": "Control Ultimate Edition", + "detailed_description": "Control Ultimate Edition. Control Ultimate Edition contains the main game and all previously released Expansions (\"The Foundation\" and \"AWE\") in one great value package. . A corruptive presence has invaded the Federal Bureau of Control\u2026Only you have the power to stop it. The world is now your weapon in an epic fight to annihilate an ominous enemy through deep and unpredictable environments. Containment has failed, humanity is at stake. Will you regain control?. Winner of over 80 awards, Control is a visually stunning third-person action-adventure that will keep you on the edge of your seat. Blending open-ended environments with the signature world-building and storytelling of renowned developer, Remedy Entertainment, Control presents an expansive and intensely gratifying gameplay experience. . . Key features. Uncover the mysteries. Can you handle the bureau\u2019s dark secrets? Unfold an epic supernatural. struggle, filled with unexpected characters and bizarre events, as you. search for your missing brother, and discover the truth that has brought. you here. . . Everything is your weapon. Unleash destruction through transforming weaponry and telekinetic. powers. Discover new ways to annihilate your enemies as you harness. powerful abilities to turn everything around you into a lethal weapon. . . Explore a hidden world. Delve deep into the ominous expanses of a secretive government. agency. Explore the Bureau\u2019s shifting environments only to discover. that there is always more than meets the eye\u2026. . Fight for control. Battle a relentless enemy through exciting missions and challenging. boss fights to earn powerful upgrades that maximize abilities and. customize your weaponry.", + "about_the_game": "Control Ultimate EditionControl Ultimate Edition contains the main game and all previously released Expansions (\"The Foundation\" and \"AWE\") in one great value package.A corruptive presence has invaded the Federal Bureau of Control\u2026Only you have the power to stop it. The world is now your weapon in an epic fight to annihilate an ominous enemy through deep and unpredictable environments. Containment has failed, humanity is at stake. Will you regain control?Winner of over 80 awards, Control is a visually stunning third-person action-adventure that will keep you on the edge of your seat. Blending open-ended environments with the signature world-building and storytelling of renowned developer, Remedy Entertainment, Control presents an expansive and intensely gratifying gameplay experience.Key featuresUncover the mysteriesCan you handle the bureau\u2019s dark secrets? Unfold an epic supernaturalstruggle, filled with unexpected characters and bizarre events, as yousearch for your missing brother, and discover the truth that has broughtyou here.Everything is your weaponUnleash destruction through transforming weaponry and telekineticpowers. Discover new ways to annihilate your enemies as you harnesspowerful abilities to turn everything around you into a lethal weapon.Explore a hidden worldDelve deep into the ominous expanses of a secretive governmentagency. Explore the Bureau\u2019s shifting environments only to discoverthat there is always more than meets the eye\u2026Fight for controlBattle a relentless enemy through exciting missions and challengingboss fights to earn powerful upgrades that maximize abilities andcustomize your weaponry.", + "short_description": "Winner of over 80 awards, Control is a visually stunning third-person action-adventure that will keep you on the edge of your seat.", + "genres": "Action", + "recommendations": 28911, + "score": 6.77161585238891 + }, + { + "type": "game", + "name": "Ultimate Custom Night", + "detailed_description": "Welcome to the ultimate FNAF mashup, where you will once again be trapped alone in an office fending off killer animatronics! Featuring 50 selectable animatronic characters spanning seven Five Nights at Freddy's games, the options for customization are nearly endless. Mix and match any assortment of characters that you like, set their difficulty from 0-20, then jump right into the action! From your office desk, you will need to manage two side doors, two vents, as well as two air hoses, all of which lead directly into your office. . This time you will have to master other tools as well if you want to complete the ultimate challenges, tools such as the heater, A/C, a global music box, a power generator, and more. As if all of that weren't enough, you'll also need to set up laser traps in the vents, collect Faz-Coins, purchase items from the prize counter, and as always, keep a close eye on not one, but two, Pirate Cove curtains!. Other features include:. - Challenge menu including sixteen themed challenges. - Voice acting from returning favorites as well as from new arrivals to the franchise!. - Unlockable office skins!. - Unlockable cutscenes!", + "about_the_game": "Welcome to the ultimate FNAF mashup, where you will once again be trapped alone in an office fending off killer animatronics! Featuring 50 selectable animatronic characters spanning seven Five Nights at Freddy's games, the options for customization are nearly endless. Mix and match any assortment of characters that you like, set their difficulty from 0-20, then jump right into the action! From your office desk, you will need to manage two side doors, two vents, as well as two air hoses, all of which lead directly into your office.\r\n\r\nThis time you will have to master other tools as well if you want to complete the ultimate challenges, tools such as the heater, A/C, a global music box, a power generator, and more. As if all of that weren't enough, you'll also need to set up laser traps in the vents, collect Faz-Coins, purchase items from the prize counter, and as always, keep a close eye on not one, but two, Pirate Cove curtains!\r\n\r\nOther features include:\r\n\r\n- Challenge menu including sixteen themed challenges.\r\n- Voice acting from returning favorites as well as from new arrivals to the franchise!\r\n- Unlockable office skins!\r\n- Unlockable cutscenes!", + "short_description": "Welcome to the ultimate FNAF mashup, featuring 50 selectable characters and custom difficulties!", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Football Manager 2019", + "detailed_description": "You\u2019ve always thought you could do better, haven\u2019t you?. Signed better players. Played a different way. Snuck the three points. Well, now\u2019s your chance to live out your footballing dreams and create your own football story\u2026. You are the sole author of your team\u2019s destiny. And your path will be unique. The players might take the headlines and the glory, but their glory is your story.This is Football Manager 2019. . FM19 brings you closer to the heart of the beautiful game than ever before. New features and enhanced game mechanics enable you to control your team in fresh and authentic ways, creating an ever more emergent way of storytelling. . REVAMPED TACTICS MODULE. Push the boundaries and create a unique philosophy with new styles and phases that reflect the most popular tactical innovations in modern football. There's also brand-new pre-sets for success which are ready made and ready for action. . . TRAINING OVERHAUL . Bespoke sessions and schedules precisely modelled on the professional game give you complete control when preparing for your next fixture or developing your stars of the future. You can also reap the rewards without the hard labour by delegating this to your backroom staff. . . NEW MANAGER INDUCTION. An intuitive development pathway is brand new and designed to help new managers reach their full potential. Led by your Assistant Manager, your New Manager Induction will cover the fundamentals of football management and help map your route to the very top of the game. . . WILLKOMMEN BUNDESLIGA. For the first time in the series history, you can try your luck abroad in the Bundesliga and 2. Bundesliga which is fully licensed with official logos, kits and player faces. . FRESHENED UI. A restyled contemporary skin gives Football Manager 2019 a fresh, re-energised look making it not only the best looking in the series history, but also the easiest to pick up and play. . Further additions include match improvements including VAR & goal-line technology, agent feedback during transfer negotiations, manager environments, enhanced pre-match briefings, UI improvements, new Steam achievements and much more.", + "about_the_game": "You\u2019ve always thought you could do better, haven\u2019t you?Signed better players. Played a different way. Snuck the three points.Well, now\u2019s your chance to live out your footballing dreams and create your own football story\u2026You are the sole author of your team\u2019s destiny. And your path will be unique.The players might take the headlines and the glory, but their glory is your story.This is Football Manager 2019FM19 brings you closer to the heart of the beautiful game than ever before. New features and enhanced game mechanics enable you to control your team in fresh and authentic ways, creating an ever more emergent way of storytelling.REVAMPED TACTICS MODULEPush the boundaries and create a unique philosophy with new styles and phases that reflect the most popular tactical innovations in modern football. There's also brand-new pre-sets for success which are ready made and ready for action.TRAINING OVERHAUL Bespoke sessions and schedules precisely modelled on the professional game give you complete control when preparing for your next fixture or developing your stars of the future. You can also reap the rewards without the hard labour by delegating this to your backroom staff.NEW MANAGER INDUCTIONAn intuitive development pathway is brand new and designed to help new managers reach their full potential. Led by your Assistant Manager, your New Manager Induction will cover the fundamentals of football management and help map your route to the very top of the game.WILLKOMMEN BUNDESLIGAFor the first time in the series history, you can try your luck abroad in the Bundesliga and 2. Bundesliga which is fully licensed with official logos, kits and player faces. FRESHENED UIA restyled contemporary skin gives Football Manager 2019 a fresh, re-energised look making it not only the best looking in the series history, but also the easiest to pick up and play.Further additions include match improvements including VAR & goal-line technology, agent feedback during transfer negotiations, manager environments, enhanced pre-match briefings, UI improvements, new Steam achievements and much more.", + "short_description": "Simulation gaming perfected. Create your unique footballing story by taking charge of the club you love. Complete control of this stunningly realistic game world is yours - every decision in your hands, or yours to delegate. Your call, your way, your story. Everything you've ever dreamed of!", + "genres": "Simulation", + "recommendations": 7373, + "score": 5.870912603576918 + }, + { + "type": "game", + "name": "Pummel Party", + "detailed_description": "Pummel Party is a 4-8 player online and local-multiplayer party game. Pummel friends or AI using a wide array of absurd items in the board mode and compete to destroy friendships in the entertaining collection of minigames.ONLINE AND LOCAL MULTIPLAYERPlay how you want. Pummel Party allows 1 to 8 players to compete both online or locally on the same screen. Whether it's online, or in person, it's all the same friendship ruining fun. . BOARD MODEThere can only be one winner here, and you know it has to be you! Battle through hazardous terrain to acquire an arsenal of weapons and items and employ them however you can to make sure that you reign victorious over your friends. . ITEMSIt's all out war! Use an array of absurd weapons and objects to claw your way to victory. From the simple 'Punching Glove' to the ridiculous 'Remote Controlled Eggplant' the items in Pummel Party will lead to many funny and rage inducing moments. It's never been easier or more satisfying to crush your friends aspirations of winning!MINIGAMESFrom simple nostalgic fun to unique and evolutionary Pummel Party contains a wide array of exciting minigames. Knock your friends in to the abyss in 'Snowy Spin', dig three dimensionally in 'Sandy Search' to be the first to find the treasure and make sure you're not holding the bomb when it goes off in 'Explosive Exchange'.MINIGAME MODEJust want to jump in to the action? Pummel Party includes a minigame mode so that you can get straight to the games!BOTSAlready destroyed all your friendships or just need to fill out your roster? Pummel Party includes full bot integration meaning you can still play or practice Pummel Party with any number of real players.", + "about_the_game": "Pummel Party is a 4-8 player online and local-multiplayer party game. Pummel friends or AI using a wide array of absurd items in the board mode and compete to destroy friendships in the entertaining collection of minigames.ONLINE AND LOCAL MULTIPLAYERPlay how you want. Pummel Party allows 1 to 8 players to compete both online or locally on the same screen. Whether it's online, or in person, it's all the same friendship ruining fun.BOARD MODEThere can only be one winner here, and you know it has to be you! Battle through hazardous terrain to acquire an arsenal of weapons and items and employ them however you can to make sure that you reign victorious over your friends.ITEMSIt's all out war! Use an array of absurd weapons and objects to claw your way to victory. From the simple 'Punching Glove' to the ridiculous 'Remote Controlled Eggplant' the items in Pummel Party will lead to many funny and rage inducing moments. It's never been easier or more satisfying to crush your friends aspirations of winning!MINIGAMESFrom simple nostalgic fun to unique and evolutionary Pummel Party contains a wide array of exciting minigames. Knock your friends in to the abyss in 'Snowy Spin', dig three dimensionally in 'Sandy Search' to be the first to find the treasure and make sure you're not holding the bomb when it goes off in 'Explosive Exchange'.MINIGAME MODEJust want to jump in to the action? Pummel Party includes a minigame mode so that you can get straight to the games!BOTSAlready destroyed all your friendships or just need to fill out your roster? Pummel Party includes full bot integration meaning you can still play or practice Pummel Party with any number of real players.", + "short_description": "Pummel Party is a 4-8 player online and local-multiplayer party game. Pummel friends or AI using a wide array of absurd items in the board mode and compete to destroy friendships in the unique collection of minigames.", + "genres": "Action", + "recommendations": 35896, + "score": 6.914271186543349 + }, + { + "type": "game", + "name": "Noita", + "detailed_description": "Noita is a magical action roguelite set in a world where every pixel is physically simulated. Fight, explore, melt, burn, freeze and evaporate your way through the procedurally generated world using spells you've created yourself. Explore a variety of environments ranging from coal mines to freezing wastelands while delving deeper in search for unknown mysteries. . Pixel-based physics: Every pixel in the world is simulated. Burn, explode or melt anything. Swim in the blood of your foes! Enter a simulated world that is more interactive than anything you've seen before. . Your own magic: Combine spells to create your own magic as you delve deeper into the caverns. Use magic to crush your enemies and manipulate the world around you. . Procedurally generated world: Explore a unique world every time you play. Discover new environments as you adventure deeper. . . Action roguelite: Death is permanent and always a looming threat. When you die, don\u2019t despair, use what you\u2019ve learned to get further on your next adventure. . Noita is being developed by Nolla Games, a company set up by 3 indie developers, all of whom have worked on their own projects in the past. . The three gents in question are:. Petri Purho. Petri is best known as the creator of Crayon Physics Deluxe. In his youth he also made a lot tiny freeware games. He has also made a bunch of board games, but he hasn't told about it to anyone. So please keep it a secret. . Olli Harjola. Olli is known for the award-winning, mind-bending sci-fi puzzler The Swapper. Besides indie games, he also dabbles in music, live visuals and making programming languages. . Arvi Teikari. Arvi is also known as Hempuli. Over the years he has released a lot of tiny experimental games, so many in fact that he is unaware of all of them. One of the games he remembers making is Baba Is You.", + "about_the_game": "Noita is a magical action roguelite set in a world where every pixel is physically simulated. Fight, explore, melt, burn, freeze and evaporate your way through the procedurally generated world using spells you've created yourself. Explore a variety of environments ranging from coal mines to freezing wastelands while delving deeper in search for unknown mysteries.Pixel-based physics: Every pixel in the world is simulated. Burn, explode or melt anything. Swim in the blood of your foes! Enter a simulated world that is more interactive than anything you've seen before.Your own magic: Combine spells to create your own magic as you delve deeper into the caverns. Use magic to crush your enemies and manipulate the world around you.Procedurally generated world: Explore a unique world every time you play. Discover new environments as you adventure deeper.Action roguelite: Death is permanent and always a looming threat. When you die, don\u2019t despair, use what you\u2019ve learned to get further on your next adventure.Noita is being developed by Nolla Games, a company set up by 3 indie developers, all of whom have worked on their own projects in the past.The three gents in question are:Petri PurhoPetri is best known as the creator of Crayon Physics Deluxe. In his youth he also made a lot tiny freeware games. He has also made a bunch of board games, but he hasn't told about it to anyone. So please keep it a secret.Olli HarjolaOlli is known for the award-winning, mind-bending sci-fi puzzler The Swapper. Besides indie games, he also dabbles in music, live visuals and making programming languages.Arvi TeikariArvi is also known as Hempuli. Over the years he has released a lot of tiny experimental games, so many in fact that he is unaware of all of them. One of the games he remembers making is Baba Is You.", + "short_description": "Noita is a magical action roguelite set in a world where every pixel is physically simulated. Fight, explore, melt, burn, freeze and evaporate your way through the procedurally generated world using spells you've created yourself.", + "genres": "Action", + "recommendations": 50772, + "score": 7.142833384268953 + }, + { + "type": "game", + "name": "Resident Evil 2", + "detailed_description": "RESIDENT EVIL 2 R.P.D. Demo. Deluxe EditionThe Deluxe Edition contains the main game and the Extra DLC Pack which includes the following items:. -Leon Costume: \"Arklay Sheriff\". -Leon Costume: \"Noir\". -Claire Costume: \"Military\". -Claire Costume: \"Noir\". -Claire Costume: \"Elza Walker\". -Deluxe Weapon: \"Samurai Edge - Albert Model\". -\"Original Ver.\" Soundtrack Swap. About the GameThe genre-defining masterpiece Resident Evil 2 returns, completely rebuilt from the ground up for a deeper narrative experience. Using Capcom\u2019s proprietary RE Engine, Resident Evil 2 offers a fresh take on the classic survival horror saga with breathtakingly realistic visuals, heart-pounding immersive audio, a new over-the-shoulder camera, and modernized controls on top of gameplay modes from the original game. . In Resident Evil 2, the classic action, tense exploration, and puzzle solving gameplay that defined the Resident Evil series returns. Players join rookie police officer Leon Kennedy and college student Claire Redfield, who are thrust together by a disastrous outbreak in Raccoon City that transformed its population into deadly zombies. Both Leon and Claire have their own separate playable campaigns, allowing players to see the story from both characters\u2019 perspectives. The fate of these two fan favorite characters is in players hands as they work together to survive and get to the bottom of what is behind the terrifying attack on the city. Will they make it out alive?. A spine-chilling reimagining of a horror classic - Based on the original release in 1998, the new game has been completely rebuilt from the ground up for a deeper narrative experience. . A whole new perspective \u2013 New over-the-shoulder camera mode and modernized control scheme creates a more modern take on the survival horror experience and offers players a trip down memory lane with the original gameplay modes from the 1998 release. . Terrifyingly realistic visuals \u2013 Built on Capcom\u2019s proprietary RE Engine, Resident Evil 2 delivers breathtakingly photorealistic visuals whilst stunning lighting creates an up-close, intense and atmospheric experience as players roam the corridors of the Raccoon City Police Department (RPD). . Face the grotesque hordes \u2013 Zombies are brought to life with a horrifyingly realistic wet gore effect as they react in real time taking instant visible damage, making every bullet count. . Iconic series defining gameplay \u2013 Engage in frenzied combat with enemies, explore dark menacing corridors, solve puzzles to access areas and collect and use items discovered around the environment in a terrifying constant fight for survival. . See favorite characters in a whole new light - Join rookie police officer Leon S. Kennedy on his first day in the job and college student Claire Redfield, who is searching for her brother amidst a terrifying zombie epidemic. . Step into the rookie shoes of both heroes - Enjoy separately playable campaigns for both Leon and Claire, allowing players to see the story from both characters\u2019 perspective.", + "about_the_game": "The genre-defining masterpiece Resident Evil 2 returns, completely rebuilt from the ground up for a deeper narrative experience. Using Capcom\u2019s proprietary RE Engine, Resident Evil 2 offers a fresh take on the classic survival horror saga with breathtakingly realistic visuals, heart-pounding immersive audio, a new over-the-shoulder camera, and modernized controls on top of gameplay modes from the original game. In Resident Evil 2, the classic action, tense exploration, and puzzle solving gameplay that defined the Resident Evil series returns. Players join rookie police officer Leon Kennedy and college student Claire Redfield, who are thrust together by a disastrous outbreak in Raccoon City that transformed its population into deadly zombies. Both Leon and Claire have their own separate playable campaigns, allowing players to see the story from both characters\u2019 perspectives. The fate of these two fan favorite characters is in players hands as they work together to survive and get to the bottom of what is behind the terrifying attack on the city. Will they make it out alive?A spine-chilling reimagining of a horror classic - Based on the original release in 1998, the new game has been completely rebuilt from the ground up for a deeper narrative experience.A whole new perspective \u2013 New over-the-shoulder camera mode and modernized control scheme creates a more modern take on the survival horror experience and offers players a trip down memory lane with the original gameplay modes from the 1998 release.Terrifyingly realistic visuals \u2013 Built on Capcom\u2019s proprietary RE Engine, Resident Evil 2 delivers breathtakingly photorealistic visuals whilst stunning lighting creates an up-close, intense and atmospheric experience as players roam the corridors of the Raccoon City Police Department (RPD).Face the grotesque hordes \u2013 Zombies are brought to life with a horrifyingly realistic wet gore effect as they react in real time taking instant visible damage, making every bullet count.Iconic series defining gameplay \u2013 Engage in frenzied combat with enemies, explore dark menacing corridors, solve puzzles to access areas and collect and use items discovered around the environment in a terrifying constant fight for survival.See favorite characters in a whole new light - Join rookie police officer Leon S. Kennedy on his first day in the job and college student Claire Redfield, who is searching for her brother amidst a terrifying zombie epidemic.Step into the rookie shoes of both heroes - Enjoy separately playable campaigns for both Leon and Claire, allowing players to see the story from both characters\u2019 perspective.", + "short_description": "A deadly virus engulfs the residents of Raccoon City in September of 1998, plunging the city into chaos as flesh eating zombies roam the streets for survivors. An unparalleled adrenaline rush, gripping storyline, and unimaginable horrors await you. Witness the return of Resident Evil 2.", + "genres": "Action", + "recommendations": 92207, + "score": 7.536184023532785 + }, + { + "type": "game", + "name": "CRSED: F.O.A.D.", + "detailed_description": "CRSED: F.O.A.D. \u2013 is a brutal MMO last-man-standing shooter with realistic weaponry, elements of lethal mystic forces and incredible superpowers! . . Win using all your combat skills and experience: rush into a gunfight, or use stealth to crawl in, snipe from afar or burst point blank, use precise bolt-action rifles or rely on a fast heavy machine gun. Backstab, slash and smash bones in melee or tear the enemy apart with rockets and grenades. Attack from above with a jetpack, spraying lead rain or request an orbital supply drop to trigger a new fight over it\u2019s content. . Features:Massive and dense PvP battles: dozens of players begin their trip in one of the four picturesque and detailed locations, fighting their way to the centre of the battlefield. All the while, the battlefield itself shrinks constantly, surrounded by the deadly Dark Zone. . Different champions to select - each one with a unique superpower. . A constantly growing collection of realistically modelled weapons and armor, including anti-materiel guns, sniper rifles, assault rifles, rocket launchers, flamethrowers and mortars. There are few compromises in the game regarding physics or ballistics rules. Different vehicles, military amphibians and speed boats will help to cover distances. . Use mystical powers! Draw seals with your blood or conduct ancient rituals, throw hex bags at enemies and use your own special power. You can flood the whole map or cause the sun to eclipse, set up traps, summon zombies or teleport yourself or others the hell out of here. But first, one needs to collect sinner souls for killing enemies - to be able to pay for most of that luxury. . Stand out from the crowd with different costumes, masks, talismans, hats, gestures, graffiti and even underwear! Unlock new spirit-guardians to get additional tactical abilities in the battles. . Regular special events with new rules and setups of battles and a system of daily tasks and secret missions rewarding players with unique items and powers. . Fair play TPV: you can play in first or third person view. In order to mitigate any advantage of the latter, every player has a familiar with a camera that can uncover the position of a player who is peeking around a corner. So if you see a butterfly or a drone - you should know that you are being watched. . New content is added frequently!.", + "about_the_game": "CRSED: F.O.A.D. \u2013 is a brutal MMO last-man-standing shooter with realistic weaponry, elements of lethal mystic forces and incredible superpowers! Win using all your combat skills and experience: rush into a gunfight, or use stealth to crawl in, snipe from afar or burst point blank, use precise bolt-action rifles or rely on a fast heavy machine gun. Backstab, slash and smash bones in melee or tear the enemy apart with rockets and grenades. Attack from above with a jetpack, spraying lead rain or request an orbital supply drop to trigger a new fight over it\u2019s content. Features:Massive and dense PvP battles: dozens of players begin their trip in one of the four picturesque and detailed locations, fighting their way to the centre of the battlefield. All the while, the battlefield itself shrinks constantly, surrounded by the deadly Dark Zone. Different champions to select - each one with a unique superpower.A constantly growing collection of realistically modelled weapons and armor, including anti-materiel guns, sniper rifles, assault rifles, rocket launchers, flamethrowers and mortars. There are few compromises in the game regarding physics or ballistics rules. Different vehicles, military amphibians and speed boats will help to cover distances. Use mystical powers! Draw seals with your blood or conduct ancient rituals, throw hex bags at enemies and use your own special power. You can flood the whole map or cause the sun to eclipse, set up traps, summon zombies or teleport yourself or others the hell out of here. But first, one needs to collect sinner souls for killing enemies - to be able to pay for most of that luxury. Stand out from the crowd with different costumes, masks, talismans, hats, gestures, graffiti and even underwear! Unlock new spirit-guardians to get additional tactical abilities in the battles. Regular special events with new rules and setups of battles and a system of daily tasks and secret missions rewarding players with unique items and powers. Fair play TPV: you can play in first or third person view. In order to mitigate any advantage of the latter, every player has a familiar with a camera that can uncover the position of a player who is peeking around a corner. So if you see a butterfly or a drone - you should know that you are being watched.New content is added frequently!", + "short_description": "CRSED: F.O.A.D. \u2013 is a brutal MMO last-man-standing shooter with realistic weaponry, elements of lethal mystic forces and incredible superpowers!", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Valheim", + "detailed_description": "Join our Discord. About the GameValheim is a brutal exploration and survival game for 1-10 players set in a procedurally-generated world inspired by Norse mythology. Craft powerful weapons, construct longhouses, and slay mighty foes to prove yourself to Odin!. . EXPLORE THE TENTH WORLD. Explore a world shrouded in mystery. Discover distinct environments with unique enemies to battle, resources to gather and secrets to uncover! Be a viking, sail the open seas in search of lands unknown, and fight bloodthirsty monsters. . BUILD MIGHTY HALLS. Raise viking longhouses and build bases that offer reprieve from the dangers ahead. Customise buildings, both inside and out, with a detailed building system. Progress through building tiers to upgrade, expand and defend your base. . GATHER, CRAFT AND SURVIVE. Struggle to survive as you gather materials and craft weapons, armor, tools, ships, and defenses. Decorate your hearths and sharpen your blades, grow crops and vegetables, prepare food, brew meads and potions, and progress as you defeat more difficult bosses and discover new recipes and blueprints. . KEY FEATURES:. Massive procedurally-generated world where every biome is immersive and distinct, with unique enemies, resources and crafting recipes to discover. . Play alone or with up to 10 players on player-hosted dedicated servers and experience unlimited world creation and enemies that scale in difficulty. . Staminabased combat that rewards preparation and skill. Utilize weapon types with unique attacks, different blocking styles, ranged combat, dodges and parries to fight your enemies. . Rewarding food system where you cannot starve and are not punished for not eating, instead you gain health, stamina and regeneration buffs depending on what foods you consume. . Intuitive crafting where recipes are discovered as you explore the world, and pick up new resources and ingredients. . Flexible building system that takes structural integrity and ventilation into account. Build a small shelter or an entire village, make outposts or claim abandoned buildings as your own. Then customize to your liking. . Sail boats and ships to reach distant lands and explore the sea that offers riches to claim and monsters to fight. . Epic boss fights that will test even the best prepared vikings and offer rewards that help you on your journey. . Community-translated languages:. In addition to the officially supported languages, Valheim has several community-translated languages. As the name would suggest these are all translated by fans and members of the community, and is an ongoing process. We can't guarantee the quality nor completeness of any specific translation effort.", + "about_the_game": "Valheim is a brutal exploration and survival game for 1-10 players set in a procedurally-generated world inspired by Norse mythology. Craft powerful weapons, construct longhouses, and slay mighty foes to prove yourself to Odin!EXPLORE THE TENTH WORLDExplore a world shrouded in mystery. Discover distinct environments with unique enemies to battle, resources to gather and secrets to uncover! Be a viking, sail the open seas in search of lands unknown, and fight bloodthirsty monsters.BUILD MIGHTY HALLSRaise viking longhouses and build bases that offer reprieve from the dangers ahead. Customise buildings, both inside and out, with a detailed building system. Progress through building tiers to upgrade, expand and defend your base.GATHER, CRAFT AND SURVIVEStruggle to survive as you gather materials and craft weapons, armor, tools, ships, and defenses. Decorate your hearths and sharpen your blades, grow crops and vegetables, prepare food, brew meads and potions, and progress as you defeat more difficult bosses and discover new recipes and blueprints.KEY FEATURES:Massive procedurally-generated world where every biome is immersive and distinct, with unique enemies, resources and crafting recipes to discover.Play alone or with up to 10 players on player-hosted dedicated servers and experience unlimited world creation and enemies that scale in difficulty.Staminabased combat that rewards preparation and skill. Utilize weapon types with unique attacks, different blocking styles, ranged combat, dodges and parries to fight your enemies.Rewarding food system where you cannot starve and are not punished for not eating, instead you gain health, stamina and regeneration buffs depending on what foods you consume.Intuitive crafting where recipes are discovered as you explore the world, and pick up new resources and ingredients.Flexible building system that takes structural integrity and ventilation into account. Build a small shelter or an entire village, make outposts or claim abandoned buildings as your own. Then customize to your liking.Sail boats and ships to reach distant lands and explore the sea that offers riches to claim and monsters to fight.Epic boss fights that will test even the best prepared vikings and offer rewards that help you on your journey.Community-translated languages:In addition to the officially supported languages, Valheim has several community-translated languages. As the name would suggest these are all translated by fans and members of the community, and is an ongoing process. We can't guarantee the quality nor completeness of any specific translation effort.", + "short_description": "A brutal exploration and survival game for 1-10 players, set in a procedurally-generated purgatory inspired by viking culture. Battle, build, and conquer your way to a saga worthy of Odin\u2019s patronage!", + "genres": "Action", + "recommendations": 353377, + "score": 8.421853522739356 + }, + { + "type": "game", + "name": "Creative Destruction", + "detailed_description": "Welcome to the world of Creative Destruction where everything is fully destructible! Creative Destruction is a new FPS/TPS sandbox survival game?that features the utmost fun of building and firing. In this virtual world, explorers can experience:Various ResortsIn this large-scale battlefield of 16,000,000 square meters, there are 13 interesting enchanted spots. In this wonderland, you can experience varied weather and time systems. There are always surprises waiting to be explored!. Free dismantling & Interesting buildingBeware, all elements in sight can be built or dismantled. You are born to be armed with an secret weapon named Destructor, whereby anything can be harvested and transformed into building materials. You can build bastions at your fingertips via an innovative workshop system. Unique WeaponryPick creative weapons, race against snowstorms, and dive into the do-or-die battle! There are 14 basic weapons including pistols, shotguns, submachine guns, rifles and sniper rifles, and also special weapons like Flame Thrower and Bowling Bomb. Diverse gameplayOther than the classic battle royale mode, explorers can participate in various battle modes during specific time. We have developed an all-round system that integrates functions like Season, Friend, Look, Supply, Gallery, Chat and so on. Explorers will have everything they need in game. Besides, we also prepared some fun stuff hidden somewhere in the game. Hope you can find it!.", + "about_the_game": "Welcome to the world of Creative Destruction where everything is fully destructible! Creative Destruction is a new FPS/TPS sandbox survival game?that features the utmost fun of building and firing.In this virtual world, explorers can experience:Various ResortsIn this large-scale battlefield of 16,000,000 square meters, there are 13 interesting enchanted spots. In this wonderland, you can experience varied weather and time systems. There are always surprises waiting to be explored!Free dismantling & Interesting buildingBeware, all elements in sight can be built or dismantled. You are born to be armed with an secret weapon named Destructor, whereby anything can be harvested and transformed into building materials. You can build bastions at your fingertips via an innovative workshop system. Unique WeaponryPick creative weapons, race against snowstorms, and dive into the do-or-die battle! There are 14 basic weapons including pistols, shotguns, submachine guns, rifles and sniper rifles, and also special weapons like Flame Thrower and Bowling Bomb. Diverse gameplayOther than the classic battle royale mode, explorers can participate in various battle modes during specific time. We have developed an all-round system that integrates functions like Season, Friend, Look, Supply, Gallery, Chat and so on. Explorers will have everything they need in game. Besides, we also prepared some fun stuff hidden somewhere in the game. Hope you can find it!", + "short_description": "Welcome to the world of Creative Destruction where everything is fully destructible! Creative Destruction is a new FPS/TPS sandbox survival game that features the utmost fun of building and firing.", + "genres": "Action", + "recommendations": 702, + "score": 4.3214862474069 + }, + { + "type": "game", + "name": "Last Epoch", + "detailed_description": "Join Our DiscordJoin the Last Epoch Discord server to keep up with the latest updates, recruit some friends, and slay your way across Eterra!. About the GameLast Epoch combines time travel, exciting dungeon crawling, engrossing character customization and endless replayability to create an Action RPG for veterans and newcomers alike. Travel through the world of Eterra\u2019s past and face dark empires, wrathful gods and untouched wilds \u2013 to find a way to save time itself from The Void. Key Features15 Mastery Classes. Embark on your adventure as one of five powerful classes and, through your journey, ascend into a unique Mastery Class that unlocks more specialized abilities and build-options. . 100+ Skill Trees. Every skill has its own augment tree that will allow you to control, alter, and empower your playstyle. Transform your skeletons into archers, your lightning blast into chain lightning, or make your serpent strike summon snakes to fight alongside you!. . . Hunt Rare & Powerful Loot. Fill your arsenal with magic items that you may craft to perfection, change the rules of your build with powerful unique and set items, and always have that next upgrade just on the horizon with Last Epoch's deep and randomized loot system. . Rewarding Crafting System. The items you wield are yours to forge! Last Epoch\u2019s community-revered crafting system allows you to control your character's power progression, featuring robust and deterministic upgrade mechanics. . Uncover the Past, Reforge the Future. Travel to different moments of time where you will discover the many factions and secrets that exist within the world of Eterra and fight to set the timeline onto a new path. . Endless replayability. With a wealth of classes and skills to customize, deep game systems, randomized loot, and continuing development, Last Epoch is a game that will keep you coming back for years to come. . Easy to Learn, Hard to Master. We\u2019re committed to making gameplay approachable for new and veteran players alike by allowing you to jump into the fray quickly and providing many in-game resources. Though don\u2019t be fooled, Eterra has many dangers waiting for you that require a mastery of combat and build-crafting. . Zero Pay-To-Win. Last Epoch will never offer gameplay advantages by being able to spend real money. We believe in creating a fair environment for all players.", + "about_the_game": "Last Epoch combines time travel, exciting dungeon crawling, engrossing character customization and endless replayability to create an Action RPG for veterans and newcomers alike. Travel through the world of Eterra\u2019s past and face dark empires, wrathful gods and untouched wilds \u2013 to find a way to save time itself from The Void.Key Features15 Mastery ClassesEmbark on your adventure as one of five powerful classes and, through your journey, ascend into a unique Mastery Class that unlocks more specialized abilities and build-options. 100+ Skill TreesEvery skill has its own augment tree that will allow you to control, alter, and empower your playstyle. Transform your skeletons into archers, your lightning blast into chain lightning, or make your serpent strike summon snakes to fight alongside you!Hunt Rare & Powerful LootFill your arsenal with magic items that you may craft to perfection, change the rules of your build with powerful unique and set items, and always have that next upgrade just on the horizon with Last Epoch's deep and randomized loot system.Rewarding Crafting SystemThe items you wield are yours to forge! Last Epoch\u2019s community-revered crafting system allows you to control your character's power progression, featuring robust and deterministic upgrade mechanics.Uncover the Past, Reforge the FutureTravel to different moments of time where you will discover the many factions and secrets that exist within the world of Eterra and fight to set the timeline onto a new path.Endless replayabilityWith a wealth of classes and skills to customize, deep game systems, randomized loot, and continuing development, Last Epoch is a game that will keep you coming back for years to come.Easy to Learn, Hard to MasterWe\u2019re committed to making gameplay approachable for new and veteran players alike by allowing you to jump into the fray quickly and providing many in-game resources. Though don\u2019t be fooled, Eterra has many dangers waiting for you that require a mastery of combat and build-crafting.Zero Pay-To-WinLast Epoch will never offer gameplay advantages by being able to spend real money. We believe in creating a fair environment for all players.", + "short_description": "Uncover the Past, Reforge the Future. Ascend into one of 15 mastery classes and explore dangerous dungeons, hunt epic loot, craft legendary weapons, and wield the power of over a hundred transformative skill trees. Last Epoch is being developed by a team of passionate Action RPG enthusiasts.", + "genres": "Action", + "recommendations": 19325, + "score": 6.506074555330677 + }, + { + "type": "game", + "name": "The Elder Scrolls IV: Oblivion\u00ae Game of the Year Edition Deluxe", + "detailed_description": "The Elder Scrolls IV: Oblivion\u00ae Game of the Year Edition presents one of the best RPGs of all time like never before. Step inside the most richly detailed and vibrant game-world ever created. With a powerful combination of freeform gameplay and unprecedented graphics, you can unravel the main quest at your own pace or explore the vast world and find your own challenges. Also included in the Game of the Year edition are Knights of the Nine and the Shivering Isles expansion, adding new and unique quests and content to the already massive world of Oblivion. See why critics called Oblivion the Best Game of 2006. Key features:. Live Another Life in Another World . Create and play any character you can imagine, from the noble warrior to the sinister assassin to the wizened sorcerer. . First Person Melee and Magic . An all-new combat and magic system brings first person role-playing to a new level of intensity where you feel every blow. . Radiant AI . This groundbreaking AI system gives Oblivion's characters full 24/7 schedules and the ability to make their own choices based on the world around them. Non-player characters eat, sleep, and complete goals all on their own. . New Lands to Explore . In the Shivering Isles expansion, see a world created in Sheogorath's own image, one divided between Mania and Dementia and unlike anything you've experienced in Oblivion. . Challenging new foes . Battle the denizens of Shivering Isles, a land filled with hideous insects, Flesh Atronachs, skeletal Shambles, amphibious Grummites, and many more. . Begin a New Faction . The Knights of the Nine have long been disbanded. Reclaim their former glory as you traverse the far reaches of Cyrodill across an epic quest line. . This English-only Deluxe version includes the following Downloadable Content (DLC). Fighter's Stronghold Expansion . Live the life of a noble warrior in this expansive castle with private quarters, grand dining hall, and a wine cellar. . Knights of the Nine Quest . Vanquish the evil that has been released upon the land. New dungeons, characters, quests, and mysteries await. . Spell Tome Treasures . Get these books and find low and high-level spells, as well as new powerful spells with multiple effects added. . Vile Lair . An underwater multilevel hideout for evil players to find refuge, providing your character with safe haven. . Mehrune's Razor . Conquer one of the deepest and most challenging dungeons in all of Cyrodiil to claim this fearsome weapon. . The Thieves Den . Uncover a famous pirate's lost ship and claim it for your own. Designed for stealth-based characters. . Wizard's Tower . In the frozen mountains of Cyrodiil stands Frostcrag Spire, a tower of wonders for your magic-oriented character. . Orrery . Harness the power of the stars. Rebuild the Orrery to unlock the secrets of this Mages Guild Inner Sanctum. . Horse Armor Pack . Tamriel is a dangerous place. Protect your horse from danger with this beautiful handcrafted armor. .", + "about_the_game": "The Elder Scrolls IV: Oblivion\u00ae Game of the Year Edition presents one of the best RPGs of all time like never before. Step inside the most richly detailed and vibrant game-world ever created. With a powerful combination of freeform gameplay and unprecedented graphics, you can unravel the main quest at your own pace or explore the vast world and find your own challenges. \t\t\t\t\tAlso included in the Game of the Year edition are Knights of the Nine and the Shivering Isles expansion, adding new and unique quests and content to the already massive world of Oblivion. See why critics called Oblivion the Best Game of 2006.\t\t\t\t\tKey features:\t\t\t\t\tLive Another Life in Another World \t\t\t\t\tCreate and play any character you can imagine, from the noble warrior to the sinister assassin to the wizened sorcerer. \t\t\t\t\tFirst Person Melee and Magic \t\t\t\t\tAn all-new combat and magic system brings first person role-playing to a new level of intensity where you feel every blow. \t\t\t\t\tRadiant AI \t\t\t\t\tThis groundbreaking AI system gives Oblivion's characters full 24/7 schedules and the ability to make their own choices based on the world around them. Non-player characters eat, sleep, and complete goals all on their own. \t\t\t\t\tNew Lands to Explore \t\t\t\t\tIn the Shivering Isles expansion, see a world created in Sheogorath's own image, one divided between Mania and Dementia and unlike anything you've experienced in Oblivion. \t\t\t\t\tChallenging new foes \t\t\t\t\tBattle the denizens of Shivering Isles, a land filled with hideous insects, Flesh Atronachs, skeletal Shambles, amphibious Grummites, and many more. \t\t\t\t\tBegin a New Faction \t\t\t\t\tThe Knights of the Nine have long been disbanded. Reclaim their former glory as you traverse the far reaches of Cyrodill across an epic quest line. \t\t\t\t\tThis English-only Deluxe version includes the following Downloadable Content (DLC)\t\t\t\t\tFighter's Stronghold Expansion \t\t\t\t\tLive the life of a noble warrior in this expansive castle with private quarters, grand dining hall, and a wine cellar. \t\t\t\t\tKnights of the Nine Quest \t\t\t\t\tVanquish the evil that has been released upon the land. New dungeons, characters, quests, and mysteries await. \t\t\t\t\tSpell Tome Treasures \t\t\t\t\tGet these books and find low and high-level spells, as well as new powerful spells with multiple effects added. \t\t\t\t\tVile Lair \t\t\t\t\tAn underwater multilevel hideout for evil players to find refuge, providing your character with safe haven. \t\t\t\t\tMehrune's Razor \t\t\t\t\tConquer one of the deepest and most challenging dungeons in all of Cyrodiil to claim this fearsome weapon. \t\t\t\t\tThe Thieves Den \t\t\t\t\tUncover a famous pirate's lost ship and claim it for your own. Designed for stealth-based characters. \t\t\t\t\tWizard's Tower \t\t\t\t\tIn the frozen mountains of Cyrodiil stands Frostcrag Spire, a tower of wonders for your magic-oriented character. \t\t\t\t\tOrrery \t\t\t\t\tHarness the power of the stars. Rebuild the Orrery to unlock the secrets of this Mages Guild Inner Sanctum. \t\t\t\t\tHorse Armor Pack \t\t\t\t\tTamriel is a dangerous place. Protect your horse from danger with this beautiful handcrafted armor.", + "short_description": "The Elder Scrolls IV: Oblivion\u00ae Game of the Year Edition presents one of the best RPGs of all time like never before. Step inside the most richly detailed and vibrant game-world ever created. With a powerful combination of freeform gameplay and unprecedented graphics, you can unravel the main quest at your own pace or explore the vast...", + "genres": null, + "recommendations": 33359, + "score": 6.865952184947409 + }, + { + "type": "game", + "name": "Grand Theft Auto IV: Complete Edition", + "detailed_description": "PLEASE NOTE: Microsoft no longer supports creating Games for Windows-LIVE accounts within Grand Theft Auto IV. You can create an account through account.xbox.com and then log into your account in game. . This standalone retail title spans three distinct stories, interwoven to create one of the most unique and engaging single-player experiences of this generation. . This definitive Grand Theft Auto bundle boasts hundreds of hours of single-player gameplay; a full suite of open-world multiplayer game types limited only by players\u2019 creativity; dozens of eclectic radio stations with hours of music and original dialogue", + "about_the_game": "PLEASE NOTE: Microsoft no longer supports creating Games for Windows-LIVE accounts within Grand Theft Auto IV. You can create an account through account.xbox.com and then log into your account in game. This standalone retail title spans three distinct stories, interwoven to create one of the most unique and engaging single-player experiences of this generation.\t\t\t\t\t\t\t\t\t\t\t\tThis definitive Grand Theft Auto bundle boasts hundreds of hours of single-player gameplay; a full suite of open-world multiplayer game types limited only by players\u2019 creativity; dozens of eclectic radio stations with hours of music and original dialogue", + "short_description": "PLEASE NOTE: Microsoft no longer supports creating Games for Windows-LIVE accounts within Grand Theft Auto IV. You can create an account through account.xbox.com and then log into your account in game. This standalone retail title spans three distinct stories, interwoven to create one of the most unique and engaging single-player...", + "genres": "Action", + "recommendations": 111213, + "score": 7.659729860181272 + }, + { + "type": null, + "name": "Conqueror's Blade", + "detailed_description": null, + "about_the_game": null, + "short_description": null, + "genres": null, + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Assassin's Creed\u00ae III Remastered", + "detailed_description": "Relive the American Revolution or experience it for the first time in Assassin's Creed\u00ae III Remastered, with enhanced graphics and improved gameplay mechanics. Also includes Assassin's Creed Liberation remastered and all solo DLC content. . FIGHT FOR FREEDOM. 1775. The American Colonies are about to revolt. As Connor, a Native American Assassin, secure liberty for your people and your nation. From bustling city streets to the chaotic battlefields, assassinate your foes in a variety of deadly ways with a vast array of weaponry. . A NEW VISUAL AND GAMEPLAY EXPERIENCE. Play the iconic Assassin's Creed III, with enhanced graphics, now featuring: 4K resolution, new character models, polished environment rendering and more. The gameplay mechanics have been revamped as well, improving your experience and your immersion. . ADDITIONAL CONTENT. Also includes all the original solo DLC, including The Tyranny of King Washington, and the full game: Assassin's Creed Liberation Remastered.", + "about_the_game": "Relive the American Revolution or experience it for the first time in Assassin's Creed\u00ae III Remastered, with enhanced graphics and improved gameplay mechanics. Also includes Assassin's Creed Liberation remastered and all solo DLC content.\r\n\r\nFIGHT FOR FREEDOM\r\n1775. The American Colonies are about to revolt. As Connor, a Native American Assassin, secure liberty for your people and your nation. From bustling city streets to the chaotic battlefields, assassinate your foes in a variety of deadly ways with a vast array of weaponry.\r\n\r\nA NEW VISUAL AND GAMEPLAY EXPERIENCE\r\nPlay the iconic Assassin's Creed III, with enhanced graphics, now featuring: 4K resolution, new character models, polished environment rendering and more. The gameplay mechanics have been revamped as well, improving your experience and your immersion.\r\n\r\nADDITIONAL CONTENT\r\nAlso includes all the original solo DLC, including The Tyranny of King Washington, and the full game: Assassin's Creed Liberation Remastered.", + "short_description": "Relive the American Revolution or experience it for the first time in Assassin's Creed\u00ae III Remastered, with enhanced graphics and improved gameplay mechanics. Also includes Assassin's Creed Liberation remastered and all solo DLC content.", + "genres": "Action", + "recommendations": 7387, + "score": 5.872163005851245 + }, + { + "type": "game", + "name": "Century: Age of Ashes", + "detailed_description": "SEASON 2 - LIVE NOW!. Summon the elder powers of nature with a new character class and a heap of new content in Season 2: The Fate of Dragons, OUT NOW!. Content included in Season 2:. New rider class \"Thornweaver\" . New dragon species \"Vinedrake\". Dragon Pass: 70+ customisations, including dragons, weapons, armour and more. New map: Eilean C\u00e0irn. New Ranked PvP season. A rich Story unfolding in 8 lore books. and more!. JOIN US ON DISCORDJoin us on Discord and stay updated on all our announcements and most recent content!. . About the Game. Century: Age of Ashes, the multiplayer dragon battle game is now available for free! Customize your dragon, dive into the arena and compete to become a legendary Dragoneer. Burn your enemies and rule the skies!. . . Compete in intense online games ranging and discover the fast-paced gameplay of Century : Age of Ashes! Dive into the arena alone or with friends and fight for your survival in exciting game modes:. Outbreak (PvE): team up and protect the towers of Hel\u2019s Breach against waves of horrific enemies. . Carnage (PvP): A killing spree with special power ups. It\u2019s Team Deathmatch, Dragon riders style!. Gates of Fire (PvP): Two teams clash over possession of the flag. Gain points by flying through gates while holding the flag!. Spoils of War (PvP): Steal gold from carriers & the enemy while protecting your own nest, and adapt to unexpected situations!. Survival (PvP): It's every dragoneer for themselves! Pit against other players in a ferocious and unforgiving free-for-all clash. . Experience different play styles with unique classes, each with their own abilities! Shield and disorient as the Windguard, track and destroy as the Marauder, stealth and trap as the Phantom, rush and thunder-shock your opponents as the Stormraiser or vine-trap them as the Thornweaver! How will you choose your path to victory?. . Your dragon, your style! Century: Age of Ashes offers carefully designed cosmetic items to stand out in the arena. Gain experience as you play and unlock awesome skins to customize your dragon and its rider! Don't worry, these items are purely cosmetic and offer no advantage in battle. . Century: Age of Ashes is completely free-to-play. In order to keep the experience fair and equitable, in-game purchases are purely cosmetic. Battles are won by skill and teamwork alone.", + "about_the_game": "Century: Age of Ashes, the multiplayer dragon battle game is now available for free! Customize your dragon, dive into the arena and compete to become a legendary Dragoneer. Burn your enemies and rule the skies!Compete in intense online games ranging and discover the fast-paced gameplay of Century : Age of Ashes! Dive into the arena alone or with friends and fight for your survival in exciting game modes:Outbreak (PvE): team up and protect the towers of Hel\u2019s Breach against waves of horrific enemies.Carnage (PvP): A killing spree with special power ups. It\u2019s Team Deathmatch, Dragon riders style!Gates of Fire (PvP): Two teams clash over possession of the flag. Gain points by flying through gates while holding the flag!Spoils of War (PvP): Steal gold from carriers & the enemy while protecting your own nest, and adapt to unexpected situations!Survival (PvP): It's every dragoneer for themselves! Pit against other players in a ferocious and unforgiving free-for-all clash.Experience different play styles with unique classes, each with their own abilities! Shield and disorient as the Windguard, track and destroy as the Marauder, stealth and trap as the Phantom, rush and thunder-shock your opponents as the Stormraiser or vine-trap them as the Thornweaver! How will you choose your path to victory?Your dragon, your style! Century: Age of Ashes offers carefully designed cosmetic items to stand out in the arena. Gain experience as you play and unlock awesome skins to customize your dragon and its rider! Don't worry, these items are purely cosmetic and offer no advantage in battle.Century: Age of Ashes is completely free-to-play. In order to keep the experience fair and equitable, in-game purchases are purely cosmetic. Battles are won by skill and teamwork alone.", + "short_description": "Century: Age of Ashes is a free-to-play multiplayer dragon shooter. Master a growing roster of classes and dragons, compete in intense arena battles and rule the skies in fast-paced aerial combats.", + "genres": "Action", + "recommendations": 1256, + "score": 4.704582000607841 + }, + { + "type": "game", + "name": "LEGO\u00ae Star Wars\u2122: The Skywalker Saga", + "detailed_description": "LEGO\u00ae Star Wars\u2122: The Skywalker Saga Galactic Edition. Play through all 9 films of the saga in LEGO\u00ae Star Wars\u2122: The Skywalker Saga Galactic Edition and enjoy playing as over 400 characters from the expanded universe. . Includes:. Full Game. Character Collection 1 (7 Downloadable Content Packs): . Classic. Trooper. Mandalorian Season 1. Mandalorian Season 2. The Bad Batch. Rogue One: A Star Wars Story. Solo: A Star Wars Story. . Character Collection 2 (6 New Downloadable Content Packs): . Obi-Wan Kenobi. Andor. The Book Of Boba Fett. The Clone Wars. Rebels. Summer Vacation. LEGO\u00ae Star Wars\u2122:The Skywalker Saga Deluxe Edition. The Deluxe Edition includes 7 downloadable content character packs. Play through all nine saga films in a brand-new video game unlike any other. With over 300 playable characters, over 100 vehicles, and 23 planets to explore, a galaxy far, far away has never been more fun!. About the GameThe galaxy is yours in LEGO\u00ae Star Wars\u2122: The Skywalker Saga. Experience memorable moments and nonstop action from all nine Skywalker saga films reimagined with signature LEGO humor. . The digital edition includes an exclusive classic Obi-Wan Kenobi playable character. . \u25cf Explore the Trilogies in Any Order \u2013 Players will relive the epic story of all nine films in the Skywalker Saga, and it all starts with picking the trilogy of their choice to begin the journey. . \u25cf Play as Iconic Heroes and Villains \u2013More than 300 playable characters from throughout the galaxy. . \u25cf Discover Legendary Locales \u2013 Players can visit well known locales from their favorite Skywalker saga films .They can unlock and have the freedom to seamlessly travel to 23 planets as they play through the saga or explore and discover exciting quests. . \u25cf Command Powerful Vehicles \u2013 More than 100 vehicles from across the galaxy to command. Join dogfights and defeat capital ships like the Super Star Destroyer that can be boarded and explored. . \u25cf Immersive Player Experiences \u2013 String attacks together to form combo chains and fend off oncoming attacks. New blaster controls and mechanics allow players to aim with precision, or utilize the skills of a Jedi by wielding a lightsaber and using the power of The Force. . \u25cf Upgradable Character Abilities \u2013 Exploration rewards players as they uncover Kyber Bricks which unlock new features and upgraded abilities across a range of character classes, including Jedi, Hero, Dark Side, Villain, Scavenger, Scoundrel, Bounty Hunter, Astromech Droid, and Protocol Droid.", + "about_the_game": "The galaxy is yours in LEGO\u00ae Star Wars\u2122: The Skywalker Saga. Experience memorable moments and nonstop action from all nine Skywalker saga films reimagined with signature LEGO humor. \r\n\r\nThe digital edition includes an exclusive classic Obi-Wan Kenobi playable character. \r\n\r\n\u25cf Explore the Trilogies in Any Order \u2013 Players will relive the epic story of all nine films in the Skywalker Saga, and it all starts with picking the trilogy of their choice to begin the journey.\r\n\r\n\u25cf Play as Iconic Heroes and Villains \u2013More than 300 playable characters from throughout the galaxy. \r\n\r\n\u25cf Discover Legendary Locales \u2013 Players can visit well known locales from their favorite Skywalker saga films .They can unlock and have the freedom to seamlessly travel to 23 planets as they play through the saga or explore and discover exciting quests. \r\n\r\n\u25cf Command Powerful Vehicles \u2013 More than 100 vehicles from across the galaxy to command. Join dogfights and defeat capital ships like the Super Star Destroyer that can be boarded and explored. \r\n\r\n\u25cf Immersive Player Experiences \u2013 String attacks together to form combo chains and fend off oncoming attacks. New blaster controls and mechanics allow players to aim with precision, or utilize the skills of a Jedi by wielding a lightsaber and using the power of The Force. \r\n\r\n\u25cf Upgradable Character Abilities \u2013 Exploration rewards players as they uncover Kyber Bricks which unlock new features and upgraded abilities across a range of character classes, including Jedi, Hero, Dark Side, Villain, Scavenger, Scoundrel, Bounty Hunter, Astromech Droid, and Protocol Droid.", + "short_description": "Play through all nine Skywalker saga films in a game unlike any other. With over 300 playable characters, over 100 vehicles, and 23 planets to explore, a galaxy far, far away has never been more fun! *Includes classic Obi-Wan Kenobi playable character", + "genres": "Action", + "recommendations": 30590, + "score": 6.808828787507632 + }, + { + "type": "game", + "name": "Modern Combat 5", + "detailed_description": "MODERN COMBAT 5 IS AN INTENSE FPS that offers everything from 60-player BATLLE ROYALE action to 1v1 duels, plus a thrilling solo campaign that will take you from Venice to Tokyo to stop an apocalypse.KEY FEATURES. INTENSE MULTIPLAYER MATCHESWatch your name rise to the top of the leaderboards, and even win exclusive rewards in limited-time events! Or watch other players battle in Spectator mode; perfect for picking up new tactics, or just to enjoy cheering your friends to victory. . COMPLEX SOLO CAMPAIGNTake on a wide variety of mission types where you'll ride in boats and helicopters, fight drones, snipe targets and spearhead a spec-ops force to take down a clandestine terrorist group. . COMPLETELY CUSTOMIZABLE COMBAT STYLEChoose a class to play and level it up in both single-player and multiplayer modes. Then unlock new skills and equip advanced tactical suits and weapon attachments to fine-tune your capabilities. . A MASSIVE ARSENALEach of the 10 soldier classes gives you access to their 9 unique weapons, plus an additional 20+ sidearms ranging from crossbows to rocket launchers, and accessories such as shields, turrets and drones. . eSPORTSStriving for excellence? Make a name for yourself in the eSports tournaments! They're organized on ESL Play with cash prizes offered every week!", + "about_the_game": "MODERN COMBAT 5 IS AN INTENSE FPS that offers everything from 60-player BATLLE ROYALE action to 1v1 duels, plus a thrilling solo campaign that will take you from Venice to Tokyo to stop an apocalypse.KEY FEATURESINTENSE MULTIPLAYER MATCHESWatch your name rise to the top of the leaderboards, and even win exclusive rewards in limited-time events! Or watch other players battle in Spectator mode; perfect for picking up new tactics, or just to enjoy cheering your friends to victory.COMPLEX SOLO CAMPAIGNTake on a wide variety of mission types where you'll ride in boats and helicopters, fight drones, snipe targets and spearhead a spec-ops force to take down a clandestine terrorist group.COMPLETELY CUSTOMIZABLE COMBAT STYLEChoose a class to play and level it up in both single-player and multiplayer modes. Then unlock new skills and equip advanced tactical suits and weapon attachments to fine-tune your capabilities.A MASSIVE ARSENALEach of the 10 soldier classes gives you access to their 9 unique weapons, plus an additional 20+ sidearms ranging from crossbows to rocket launchers, and accessories such as shields, turrets and drones.eSPORTSStriving for excellence? Make a name for yourself in the eSports tournaments! They're organized on ESL Play with cash prizes offered every week!", + "short_description": "A fast-paced military FPS with a thrilling solo campaign and 10 multiplayer game modes, including Battle Royale. Pick from 10 customizable soldier classes and 100+ weapons and test your combat skills on one of the 11 multiplayer maps, or in the weekly eSports tournaments.", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "\u97f3\u7075 INVAXION", + "detailed_description": "In the late 21st century, human civilization has been destroyed by their own creation. Artificial Intelligent has taken control of the world government. All human are forced to erase their emotions and update into a so-called \u201chigher intelligence\u201d. A whole new era has begun as Earth was lead by intelligence and complete sanity. Those who survived fled into space with their spaceships, codenamed \"Ragnarok\". Centuries later, a mysterious mercenary army named \"INVAXION\" arrived among the humans. They gathered whoever still have faith, and be missioned to collect the fragment of music and art, claiming emotions that once be seen as vulnerable, will be their best weapons to start a revolution against the A.I. and reshape the civilization.\u3010Classic Scrolling Gameplay, Feel the beat under your fingertips\u3011INVAXION keeps the classical \u201cscrolling\u201d music gameplay with the enhancement of dynamic and velocity, bringing an overall upgrade on player\u2019s tactile. We tackled the uniqueness of \u201cDynamic Camera Movement\u201dto see more than just the x and y-axes, but also the \"depth of field\" in the music game genre. Now players can receive more comfort and accurate gameplay feedback as the game board vibrates and trembles under each tap of your fingertips. \u3010More options to switch between difficulties\u3011Players are given the option to choose between 4Keys, 6Keys, and 8Keys. Within each mode, you are given different beat maps with three difficulty options: Standard (easiest), Hard, and Trinity (hardest). Not confident enough with your skill? Start from the basics and work your way up to the top! You can challenge the best score and leave a footprint on each ranking, crack the best maps with hidden difficulty, or just simply share your results with friends!. \u3010Quality Original Tracks, Where the Melody Synchronizes with emotion\u3011As many would say: Music is the soul of any rhythm game. We want INVAXION to inherit the high-quality control in our choice of music since ZYON. INVAXION will not only include exclusive tracks from Aquatrax, but some very well-known names are also joining our song list such as\uff1a . Nhato/Taishi \u300aVeritas\u300b from Diverse System. Nitro Fun/Hyper Potions \u300aCheckpoint\u300b from MonsterCat. \u4e9c\u6c99 feat.MAYU \u300a\u7089\u5fc3\u878d\u89e3\u300b from EXIT TUNES. iroha\uff08sasaki\uff09 feat.MAYU \u300a\u5409\u539f\u30e9\u30e1\u30f3\u30c8\u300b from EXIT TUNES. KZ\uff08livetune\uff09\u300a\u4e0e\u4f60\u540c\u884c~B With U~\u300b. A.I. \u300aInfection\u300b. NeLiME \u300aStardust Highway\u300b. \u7d05\u8449\u6708\u689b\u8449 \u300aXintessence\u300b. \u306f\u304c\u306d&7mai Exalt. \u6708\u4ee3\u5f69\u300aEntanglement\u300b. Sky_Delta\u300aGrenade\u300b. RiraN\u300aFull control\u300b. \u30e2\u30ea\u30e2\u30ea\u3042\u3064\u3057\u300aParadigm Shift\u300b. Zekk \u300aNirvana\u300b. and more! Player will have more than 50 songs to start with!. \u3010Real-time Rendering, bringing the immersive gameplay experience\u3011In our gameplay we use real-time rendering in our low poly art-style 3D model to deliver impactful visual graphics and an immersive gameplay experience. Players are able to switch between dozens of spacecraft, with each representing a different theme in the game. Enjoy yourself in the beauty of the music and this unique gaming environment. . \u3010Songs and Collaborations: Music that travels beyond boundaries\u3011By collaborating with artists and companies, we are continually adding more content to our game. . - Diverse System. - MonsterCat. - Famouse Video Website \"bilibili\". - VOCALOID IA (1st Place). - VOCALOID MAYU (Exit Tunes). - Indie music game \"Wonder Parade\". - and more in the future!. \u3010The charms of Competitive gameplay\u3011Earn your title by engaging in challenges via Grade Challenger. Grade Challenger is the grading system for our upcoming PvP gameplay. You can also put your skills to the test in Battlefield to earn Honor Points and try your best to win your territory. Meet and challenge friends as you work your way up to become the Master of INVAXION!. . F&Q. Q:Press any button in the login screen without reaction. A:Try the following two steps:. 1.Download and install the game runtime collection (link: then restart the computer and open the game to confirm whether the problem is solved. 2.In the case that step 1 cannot be resolved, try to switch the network environment, such as laptop users can try to use mobile hotspots, or try VPN. . Q:The game reports an error, prompting: \"GetThreadContext failed\". A:Turn off anti-virus software.", + "about_the_game": "In the late 21st century, human civilization has been destroyed by their own creation. Artificial Intelligent has taken control of the world government. All human are forced to erase their emotions and update into a so-called \u201chigher intelligence\u201d. A whole new era has begun as Earth was lead by intelligence and complete sanity.Those who survived fled into space with their spaceships, codenamed \"Ragnarok\".Centuries later, a mysterious mercenary army named \"INVAXION\" arrived among the humans. They gathered whoever still have faith, and be missioned to collect the fragment of music and art, claiming emotions that once be seen as vulnerable, will be their best weapons to start a revolution against the A.I. and reshape the civilization.\u3010Classic Scrolling Gameplay, Feel the beat under your fingertips\u3011INVAXION keeps the classical \u201cscrolling\u201d music gameplay with the enhancement of dynamic and velocity, bringing an overall upgrade on player\u2019s tactile. We tackled the uniqueness of \u201cDynamic Camera Movement\u201dto see more than just the x and y-axes, but also the \"depth of field\" in the music game genre. Now players can receive more comfort and accurate gameplay feedback as the game board vibrates and trembles under each tap of your fingertips.\u3010More options to switch between difficulties\u3011Players are given the option to choose between 4Keys, 6Keys, and 8Keys. Within each mode, you are given different beat maps with three difficulty options: Standard (easiest), Hard, and Trinity (hardest). Not confident enough with your skill? Start from the basics and work your way up to the top! You can challenge the best score and leave a footprint on each ranking, crack the best maps with hidden difficulty, or just simply share your results with friends!\u3010Quality Original Tracks, Where the Melody Synchronizes with emotion\u3011As many would say: Music is the soul of any rhythm game. We want INVAXION to inherit the high-quality control in our choice of music since ZYON. INVAXION will not only include exclusive tracks from Aquatrax, but some very well-known names are also joining our song list such as\uff1a Nhato/Taishi \u300aVeritas\u300b from Diverse SystemNitro Fun/Hyper Potions \u300aCheckpoint\u300b from MonsterCat\u4e9c\u6c99 feat.MAYU \u300a\u7089\u5fc3\u878d\u89e3\u300b from EXIT TUNESiroha\uff08sasaki\uff09 feat.MAYU \u300a\u5409\u539f\u30e9\u30e1\u30f3\u30c8\u300b from EXIT TUNESKZ\uff08livetune\uff09\u300a\u4e0e\u4f60\u540c\u884c~B With U~\u300bA.I. \u300aInfection\u300bNeLiME \u300aStardust Highway\u300b\u7d05\u8449\u6708\u689b\u8449 \u300aXintessence\u300b\u306f\u304c\u306d&7mai Exalt\u6708\u4ee3\u5f69\u300aEntanglement\u300bSky_Delta\u300aGrenade\u300bRiraN\u300aFull control\u300b\u30e2\u30ea\u30e2\u30ea\u3042\u3064\u3057\u300aParadigm Shift\u300bZekk \u300aNirvana\u300band more! Player will have more than 50 songs to start with!\u3010Real-time Rendering, bringing the immersive gameplay experience\u3011In our gameplay we use real-time rendering in our low poly art-style 3D model to deliver impactful visual graphics and an immersive gameplay experience. Players are able to switch between dozens of spacecraft, with each representing a different theme in the game. Enjoy yourself in the beauty of the music and this unique gaming environment.\u3010Songs and Collaborations: Music that travels beyond boundaries\u3011By collaborating with artists and companies, we are continually adding more content to our game. - Diverse System- MonsterCat- Famouse Video Website \"bilibili\"- VOCALOID IA (1st Place)- VOCALOID MAYU (Exit Tunes)- Indie music game \"Wonder Parade\"- and more in the future!\u3010The charms of Competitive gameplay\u3011Earn your title by engaging in challenges via Grade Challenger. Grade Challenger is the grading system for our upcoming PvP gameplay. You can also put your skills to the test in Battlefield to earn Honor Points and try your best to win your territory. Meet and challenge friends as you work your way up to become the Master of INVAXION!F&QQ:Press any button in the login screen without reaction.A:Try the following two steps:1.Download and install the game runtime collection (link: then restart the computer and open the game to confirm whether the problem is solved.2.In the case that step 1 cannot be resolved, try to switch the network environment, such as laptop users can try to use mobile hotspots, or try VPN.Q:The game reports an error, prompting: \"GetThreadContext failed\"A:Turn off anti-virus software.", + "short_description": "Classic music gameplay with a whole new game experience! Players will play as a member of the mercenary army, \u201dINVAXION\u201d, head into an interstellar journey to collect the fragment of music and art while fighting back with the Artificial Intelligence to save the day.", + "genres": "Casual", + "recommendations": 5546, + "score": 5.683227878970747 + }, + { + "type": "game", + "name": "Back 4 Blood", + "detailed_description": "Back 4 Blood: Deluxe Edition. Buy Back 4 Blood: Deluxe Edition and get:. Base Game. Annual Pass: Three upcoming downloadable content drops with New Story, Playable Characters, Special Mutated Ridden, and more. Back 4 Blood: Ultimate Edition. Buy Back 4 Blood: Ultimate Edition and get:. Base Game. Annual Pass: Three upcoming downloadable content drops with New Story, Playable Characters, Special Mutated Ridden, and more. 4 Character Battle Hardened Skin Pack. Additional digital in-game items: Rare Banner, Emblem, Spray, Title. About the GameBack 4 Blood is a thrilling cooperative first-person shooter from the creators of the critically acclaimed Left 4 Dead franchise. You are at the center of a war against the Ridden. These once-human hosts of a deadly parasite have turned into terrifying creatures bent on devouring what remains of civilization. With humanity's extinction on the line, it's up to you and your friends to take the fight to the enemy, eradicate the Ridden, and reclaim the world.Cooperative Campaign. Fight your way through a dynamic, perilous world in a 4-player co-op story campaign where you must work together to survive increasingly challenging missions. Play with up to 3 of your friends online or go solo and lead your team in battle. . Choose from 8 customizable Cleaners, one of the immune survivors, and a range of lethal weapons and items. Strategise against an ever-evolving enemy bent on your total destruction.Competitive Multiplayer. Play with or against friends in PVP. Switch between playing as a Cleaner with special perks and the horrific Ridden. Both sides come with unique weapons, abilities, and specialties.Extreme Replayability. A new \"rogue-lite\" Card System creates different experiences each and every time, putting you in control to craft custom decks, roll different builds and undertake more demanding fights. . The Game Director is constantly adjusting to player actions, ensuring exciting fights, extreme gameplay diversity, and tougher legions of Ridden - including mutated boss types up to 20 feet tall.", + "about_the_game": "Back 4 Blood is a thrilling cooperative first-person shooter from the creators of the critically acclaimed Left 4 Dead franchise. You are at the center of a war against the Ridden. These once-human hosts of a deadly parasite have turned into terrifying creatures bent on devouring what remains of civilization. With humanity's extinction on the line, it's up to you and your friends to take the fight to the enemy, eradicate the Ridden, and reclaim the world.Cooperative CampaignFight your way through a dynamic, perilous world in a 4-player co-op story campaign where you must work together to survive increasingly challenging missions. Play with up to 3 of your friends online or go solo and lead your team in battle. Choose from 8 customizable Cleaners, one of the immune survivors, and a range of lethal weapons and items. Strategise against an ever-evolving enemy bent on your total destruction.Competitive MultiplayerPlay with or against friends in PVP. Switch between playing as a Cleaner with special perks and the horrific Ridden. Both sides come with unique weapons, abilities, and specialties.Extreme ReplayabilityA new \"rogue-lite\" Card System creates different experiences each and every time, putting you in control to craft custom decks, roll different builds and undertake more demanding fights.The Game Director is constantly adjusting to player actions, ensuring exciting fights, extreme gameplay diversity, and tougher legions of Ridden - including mutated boss types up to 20 feet tall.", + "short_description": "Back 4 Blood is a thrilling cooperative first-person shooter from the creators of the critically acclaimed Left 4 Dead franchise. Experience the intense 4 player co-op narrative campaign, competitive multiplayer as human or Ridden, and frenetic gameplay that keeps you in the action.", + "genres": "Action", + "recommendations": 36112, + "score": 6.918226027588412 + }, + { + "type": "game", + "name": "Far Cry\u00ae New Dawn", + "detailed_description": "DELUXE EDITIONUpgrade to Deluxe Edition and receive the Digital Deluxe Pack which includes:. - The Hurk Legacy Pack. - The Knight Pack. - The \"Blast-Off\" RAT4 and Retro Sci-Fi M133M skins. . COMPLETE EDITIONIt's time to defend Hope County with this bundle featuring both Far Cry\u00ae 5 and Far Cry\u00ae New Dawn Deluxe Edition!. Far Cry\u00ae 5. Welcome to Hope County, Montana, land of the free and the brave but also home to a fanatical doomsday cult known as the Project at Eden\u2019s Gate. Stand up to cult leader Joseph Seed, and his siblings, the Heralds, to spark the fires of resistance and liberate the besieged community. . Far Cry\u00ae New Dawn Deluxe Edition. Upgrade to Deluxe Edition and receive the Digital Deluxe Pack. Dive into a transformed vibrant post-apocalyptic Hope County, Montana, 17 years after a global nuclear catastrophe. . ULTIMATE EDITIONIt's time to defend Hope County with this bundle featuring both Far Cry\u00ae 5 Gold Edition and Far Cry\u00ae New Dawn Deluxe Edition!. Far Cry\u00ae 5 Gold Edition. The Gold Edition includes the game, the Digital Deluxe Pack & the Season Pass. Welcome to Hope County, Montana, land of the free and the brave but also home to a fanatical doomsday cult known as the Project at Eden\u2019s Gate. Stand up to cult leader Joseph Seed, and his siblings, the Heralds, to spark the fires of resistance and liberate the besieged community. . Far Cry\u00ae New Dawn Deluxe Edition. Upgrade to Deluxe Edition and receive the Digital Deluxe Pack. Dive into a transformed vibrant post-apocalyptic Hope County, Montana, 17 years after a global nuclear catastrophe. Join fellow survivors and lead the fight against the dangerous new threat the Highwaymen, and their ruthless leaders The Twins, as they seek to take over the last remaining resources. . About the GameDive into a transformed vibrant post-apocalyptic Hope County, Montana, 17 years after a global nuclear catastrophe. Join fellow survivors and lead the fight against the dangerous new threat the Highwaymen, and their ruthless leaders The Twins, as they seek to take over the last remaining resources. . FIGHT FOR SURVIVAL IN A POST-APOCALYPTIC WORLD. \u2022 Take up arms on your own or with a friend in two player co-op in an unpredictable and transformed world. . COLLIDE AGAINST TWO ALL NEW VILLAINS. \u2022 Recruit an eclectic cast of Guns and Fangs for Hire and form alliances to fight by your side against the Highwaymen's unruly leaders The Twins. . BUILD UP YOUR HOMEBASE AND THE SURVIVORS. \u2022 Recruit Specialists to upgrade your homebase, who will help unlock all new features including crafting weapons, gear and more. . BATTLE FOR RESOURCES IN HOPE COUNTY AND BEYOND. \u2022 Engage the Highwaymen in Turf Wars and venture on Expeditions to memorable locations across the USA", + "about_the_game": "Dive into a transformed vibrant post-apocalyptic Hope County, Montana, 17 years after a global nuclear catastrophe.Join fellow survivors and lead the fight against the dangerous new threat the Highwaymen, and their ruthless leaders The Twins, as they seek to take over the last remaining resources. FIGHT FOR SURVIVAL IN A POST-APOCALYPTIC WORLD\u2022 Take up arms on your own or with a friend in two player co-op in an unpredictable and transformed worldCOLLIDE AGAINST TWO ALL NEW VILLAINS\u2022 Recruit an eclectic cast of Guns and Fangs for Hire and form alliances to fight by your side against the Highwaymen's unruly leaders The TwinsBUILD UP YOUR HOMEBASE AND THE SURVIVORS\u2022 Recruit Specialists to upgrade your homebase, who will help unlock all new features including crafting weapons, gear and moreBATTLE FOR RESOURCES IN HOPE COUNTY AND BEYOND\u2022 Engage the Highwaymen in Turf Wars and venture on Expeditions to memorable locations across the USA", + "short_description": "Dive into a transformed vibrant post-apocalyptic Hope County, Montana, 17 years after a global nuclear catastrophe. Lead the fight against the Highwaymen, as they seek to take over the last remaining resources.", + "genres": "Action", + "recommendations": 23607, + "score": 6.638009037463358 + }, + { + "type": "game", + "name": "Unheard - Voices of Crime", + "detailed_description": "OTHER GAMES BY NExT New DLC Available. Dark Fortune Teller, the first paid DLC for Unheard is now officially released!. \u26a0\ufe0fThis DLC is available with Chinese audio and text only. Our Co-op game \u300abiped\u300bis available now! Contact UsFacebook:@UnheardTheGame. Twitter:@UnheardTheGame. Welcome, DetectivesHey detectives, we hope you like this game and enjoy the unique non-linear audio-driven gameplay experience. . We strove to create a different narrative-driven gameplay experience, which makes Unheard a very 'maverick' work for the players and us either. Since a 'different' has an underlying meaning of \"indefinite\", this project means a whole new challenge for us to fuse splendid storytelling and puzzle solving together. We are definitely appreciated all your understanding and we believe that Unheard has the potential and capacity to flourish a new way to experience stories of other genres more than mystery in the near future in your supporting. . There are five chapters with full Chinese and English voices in the first version, and meanwhile we are planning to make a free DLC in a couple of months to update. . Please feel free to comment and get in touch with us! We would like to check and read every feedbacks from time to time. With your voices, we could make Unheard even better! . Last of all, we wish Unheard would make you feel like. it's really worth the wait. Cheers!. . Unheard team. 2019.03.29 1:10. About the GamePut on your headphones and step back into the past. Use the voices you hear to return to crime scenes, tracking down each individual involved and solving the cases. But where do the voices come from? Can you trust what you hear? And what's the mysterious thread weaving all of these cases together?. . A Unique Case-Solving Experience. Discover the truth hidden in the voices from the past. Step through time as you use our device to eavesdrop on conversations from past crime scenes. Every clue, every move, and every motive will be presented in the form of audio. Rather than controlling any one character, you only need listen to their conversations, following along as the story evolves. Use the information you hear to match names to voices and determine how everything (and everyone) is related. Can you discover the truth?. Open-Ended Narrative Mystery Game. Explore the story and piece together the puzzle in your own way! . Don't expect to be \"fed\" a pile of clues. Rather, take the role of a fly on the wall, observing and listening to the events as they unfold. Anyone could be the culprit; key clues may be revealed at any second; any character's storyline may cross paths with another at any point in time. YOU be the editor\u2014the order of the story is up to you!. \u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014. Tributes To: . Detective Fiction: In Unheard, all the clues in a case will be presented to players. There's no hidden information, nor rooms that require a key to enter. Players will be privy to the same information as everyone present at the crime scenes. . Immersive Theater: All characters in Unheard have their own storylines; however, each of these storylines will become interwoven in the same space, and at the same time, resulting in complicated cases that force you to meticulously search for and track clues. You can choose to follow one character or move around between multiple characters. You can also replay the audio as many times as you want until you reach a conclusion. . Radio Drama: Unheard is, in a way, an interactive radio drama. By combining aural narrative techniques with the type of exploration elements present in video games, Unheard offers a brand-new, non-linear radio drama experience. . Special Thanks: . Special thanks to our voice actors and directors in both China and the U.S. Thank you for your continued hard work and support.", + "about_the_game": "Put on your headphones and step back into the past. Use the voices you hear to return to crime scenes, tracking down each individual involved and solving the cases. But where do the voices come from? Can you trust what you hear? And what's the mysterious thread weaving all of these cases together?A Unique Case-Solving ExperienceDiscover the truth hidden in the voices from the past. Step through time as you use our device to eavesdrop on conversations from past crime scenes. Every clue, every move, and every motive will be presented in the form of audio. Rather than controlling any one character, you only need listen to their conversations, following along as the story evolves. Use the information you hear to match names to voices and determine how everything (and everyone) is related. Can you discover the truth?Open-Ended Narrative Mystery GameExplore the story and piece together the puzzle in your own way! Don't expect to be \"fed\" a pile of clues. Rather, take the role of a fly on the wall, observing and listening to the events as they unfold. Anyone could be the culprit; key clues may be revealed at any second; any character's storyline may cross paths with another at any point in time. YOU be the editor\u2014the order of the story is up to you!\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014\u2014 Tributes To: Detective Fiction: In Unheard, all the clues in a case will be presented to players. There's no hidden information, nor rooms that require a key to enter. Players will be privy to the same information as everyone present at the crime scenes. Immersive Theater: All characters in Unheard have their own storylines; however, each of these storylines will become interwoven in the same space, and at the same time, resulting in complicated cases that force you to meticulously search for and track clues. You can choose to follow one character or move around between multiple characters. You can also replay the audio as many times as you want until you reach a conclusion.Radio Drama: Unheard is, in a way, an interactive radio drama. By combining aural narrative techniques with the type of exploration elements present in video games, Unheard offers a brand-new, non-linear radio drama experience. Special Thanks: Special thanks to our voice actors and directors in both China and the U.S. Thank you for your continued hard work and support.", + "short_description": "What if you could hear every word spoken at the scene of a crime? \u201cAcoustic Detectives\u201d wanted for testing our new device! Return aurally to crime scenes and use the voices you hear to identify potential suspects and solve the mysteries. What is it that\u2019s connecting these seemingly unrelated cases?", + "genres": "Indie", + "recommendations": 25620, + "score": 6.69195162543454 + }, + { + "type": "game", + "name": "Among Us", + "detailed_description": "Play with 4-15 player online or via local WiFi as you attempt to prepare your spaceship for departure, but beware as one or more random players among the Crew are Impostors bent on killing everyone!. Originally created as a party game, we recommend playing with friends at a LAN party or online using voice chat. Enjoy cross-platform play between Android, iOS, PC, and console. . Win by completing tasks to prepare the ship or ejecting all Impostors. . React quickly to undo the Impostor's sabotages. . Check the Admin map and Security cameras to keep tabs on other Crewmates. . Report any dead bodies immediately to start discussion of who the suspected Impostor is. . Call emergency meetings to discuss suspicious behavior. . Vote to eject suspected Impostors. . . Kill Crewmates and frame bystanders. . Pretend to run tasks to blend in with the crewmates. . Sneak through the vents to quickly move about the ship. . Use sabotages to cause chaos and divide the crew. . Close doors to trap victims and kill in private. . Features Customization: Pick your color, hat, visor, skin, and pet. . Lots of game options: Add more Impostors, more tasks, different roles, and so much more!. Different modes to choose from: Classic or Hide n Seek. . 4 different maps to play in: The Skeld, MIRA HQ, Polus, and the Airship. . Quickly find a game online from the host list. . In-game text chat. . Rich Discord integration. . Cross-platform play between PC, console, Android, and iOS!.", + "about_the_game": "Play with 4-15 player online or via local WiFi as you attempt to prepare your spaceship for departure, but beware as one or more random players among the Crew are Impostors bent on killing everyone!Originally created as a party game, we recommend playing with friends at a LAN party or online using voice chat. Enjoy cross-platform play between Android, iOS, PC, and console. Win by completing tasks to prepare the ship or ejecting all Impostors. React quickly to undo the Impostor's sabotages. Check the Admin map and Security cameras to keep tabs on other Crewmates. Report any dead bodies immediately to start discussion of who the suspected Impostor is. Call emergency meetings to discuss suspicious behavior. Vote to eject suspected Impostors. Kill Crewmates and frame bystanders. Pretend to run tasks to blend in with the crewmates. Sneak through the vents to quickly move about the ship. Use sabotages to cause chaos and divide the crew. Close doors to trap victims and kill in private.Features Customization: Pick your color, hat, visor, skin, and pet. Lots of game options: Add more Impostors, more tasks, different roles, and so much more! Different modes to choose from: Classic or Hide n Seek. 4 different maps to play in: The Skeld, MIRA HQ, Polus, and the Airship. Quickly find a game online from the host list. In-game text chat. Rich Discord integration. Cross-platform play between PC, console, Android, and iOS!", + "short_description": "An online and local party game of teamwork and betrayal for 4-15 players...in space!", + "genres": "Casual", + "recommendations": 585674, + "score": 8.754914005927791 + }, + { + "type": "game", + "name": "Resident Evil 3", + "detailed_description": "Resident Evil 3: Raccoon City Demo. About the GameJill Valentine is one of the last remaining people in Raccoon City to witness the atrocities Umbrella performed. To stop her, Umbrella unleashes their ultimate secret weapon; Nemesis!. Also includes Resident Evil Resistance, a new 1 vs 4 online multiplayer game set in the Resident Evil universe where four survivors face-off against a sinister Mastermind.", + "about_the_game": "Jill Valentine is one of the last remaining people in Raccoon City to witness the atrocities Umbrella performed. To stop her, Umbrella unleashes their ultimate secret weapon; Nemesis!\r\n\r\nAlso includes Resident Evil Resistance, a new 1 vs 4 online multiplayer game set in the Resident Evil universe where four survivors face-off against a sinister Mastermind.", + "short_description": "Jill Valentine is one of the last remaining people in Raccoon City to witness the atrocities Umbrella performed. To stop her, Umbrella unleashes their ultimate secret weapon: Nemesis! Also includes Resident Evil Resistance, a new 1 vs 4 online multiplayer game set in the Resident Evil universe.", + "genres": "Action", + "recommendations": 48088, + "score": 7.107029788536683 + }, + { + "type": "game", + "name": "Bright Memory", + "detailed_description": "Bright Memory is a lightning-fast fusion of the FPS and action genres, created by one-man development studio FYQD using Unreal Engine. Combine a wide variety of skills and abilities to unleash dazzling combo attacks. SRO (Supernatural Science Research Organization) agent Shelia's adventure is about to begin. . . This game depicts the maiden adventure of a woman named Shelia in the year 2020. . The 1000-year-old relic swords known as \"Kanshou and Bakuya\", discovered through SRO research, have been found to comprise a unique multilayered structure, containing a mysterious substance in their cores. This substance, known as the \"Soul of Jiu Xuan\", possesses the ability to reanimate the dead. In an attempt to take possession of the substance, the \"SAI\" - a massive terrorist organization controlling its own army - has used a cutting-edge piece of technology known as a \"Quantum Transporter\" to infiltrate the SRO research facility and steal top-secret and incredibly dangerous data. To make matters worse, while attempting to calibrate coordinates on the Quantum Transporter, Shelia mistakenly activates the device, immediately transporting everyone in the vicinity to the Floating Island - an airborne continent near the North Pole, undisturbed in its slumber for over 1000 years. It is soon discovered that the various beasts and corpses of those who once populated the island have been reanimated by the \"Soul of Jiu Xuan\", and they're coming for Shelia. . Game FeaturesRack up points and enhance your various skills to freely create your own original combinations. Employing an FPS-style POV, discover and solve the various puzzles throughout each stage to advance. A mesmerizingly beautiful world combining science fiction and Chinese culture and created using Unreal Engine 4. Main CharactersShelia: Hannah Grace. The female main character. 21 years old. Her parents were in the military. After losing both parents in a sudden tragic accident at the age of six, she was raised by Professor Richard Carter, founder of the SRO. Having spent years undergoing various types of military training and shining among her peers in virtually every field, her near-superhuman abilities landed her a spot as a member of the ultra-elite \"SRO Emergency Inspection Team\". . Carter: Jack Merluzzi. Founder of the SAI. Male, 35 years old. Taking advantage of his influential status, he struck it rich by buying and selling vast numbers of ancient artifacts on the black market. After learning of the existence of the \"Soul of Jiu Xuan\", he immediately infiltrated the SRO in an attempt to steal top-secret data.", + "about_the_game": "Bright Memory is a lightning-fast fusion of the FPS and action genres, created by one-man development studio FYQD using Unreal Engine. Combine a wide variety of skills and abilities to unleash dazzling combo attacks. SRO (Supernatural Science Research Organization) agent Shelia's adventure is about to begin.This game depicts the maiden adventure of a woman named Shelia in the year 2020.The 1000-year-old relic swords known as \"Kanshou and Bakuya\", discovered through SRO research, have been found to comprise a unique multilayered structure, containing a mysterious substance in their cores. This substance, known as the \"Soul of Jiu Xuan\", possesses the ability to reanimate the dead. In an attempt to take possession of the substance, the \"SAI\" - a massive terrorist organization controlling its own army - has used a cutting-edge piece of technology known as a \"Quantum Transporter\" to infiltrate the SRO research facility and steal top-secret and incredibly dangerous data. To make matters worse, while attempting to calibrate coordinates on the Quantum Transporter, Shelia mistakenly activates the device, immediately transporting everyone in the vicinity to the Floating Island - an airborne continent near the North Pole, undisturbed in its slumber for over 1000 years. It is soon discovered that the various beasts and corpses of those who once populated the island have been reanimated by the \"Soul of Jiu Xuan\", and they're coming for Shelia...Game FeaturesRack up points and enhance your various skills to freely create your own original combinationsEmploying an FPS-style POV, discover and solve the various puzzles throughout each stage to advanceA mesmerizingly beautiful world combining science fiction and Chinese culture and created using Unreal Engine 4Main CharactersShelia: Hannah GraceThe female main character. 21 years old. Her parents were in the military. After losing both parents in a sudden tragic accident at the age of six, she was raised by Professor Richard Carter, founder of the SRO. Having spent years undergoing various types of military training and shining among her peers in virtually every field, her near-superhuman abilities landed her a spot as a member of the ultra-elite \"SRO Emergency Inspection Team\".Carter: Jack MerluzziFounder of the SAI. Male, 35 years old. Taking advantage of his influential status, he struck it rich by buying and selling vast numbers of ancient artifacts on the black market. After learning of the existence of the \"Soul of Jiu Xuan\", he immediately infiltrated the SRO in an attempt to steal top-secret data.", + "short_description": "Bright Memory is a lightning-fast fusion of the FPS and action genres, created by one-man development studio FYQD using Unreal Engine. Combine a wide variety of skills and abilities to unleash dazzling combo attacks.", + "genres": "Action", + "recommendations": 29091, + "score": 6.775707354177642 + }, + { + "type": "game", + "name": "Bloons TD 6", + "detailed_description": "Craft your perfect defense from a combination of powerful Monkey Towers and awesome Heroes, then pop every last invading Bloon!. Over a decade of tower defense pedigree and regular massive updates makes Bloons TD 6 a favorite game for millions of players. Enjoy endless hours of strategy gaming with Bloons TD 6!. . Regular updates! We release several updates every year with new characters, features, and gameplay. . Boss Events! Fearsome Boss Bloons will challenge even the strongest defenses. . Odysseys! Battle through a series of maps connected by their theme, rules, and rewards. . Contested Territory! Join forces with other players and battle for territory against five other teams. Capture tiles on a shared map and compete on the leaderboards. . Quests! Delve into what makes the Monkeys tick with Quests, crafted to tell tales and share knowledge. . Trophy Store! Earn Trophies to unlock dozens of cosmetic items that let you customize your Monkeys, Bloons, animations, music, and more. . Content Browser! Create your own Challenges and Odysseys, then share them with other players and check out the most liked and played community content. . . 23 powerful Monkey Towers Each with 3 upgrade paths and unique activated abilities. . Paragons! Explore the incredible power of the newest Paragon upgrades. . 14 diverse Heroes With 20 signature upgrades and 2 special abilities. Plus, unlockable skins and voiceovers!. . . 4-Player Co-Op! Play every map and mode with up to 3 other players in public or private games. . Play anywhere Single player offline works even when your WiFi doesn\u2019t!. 68 handcrafted maps With more added every update. . Monkey Knowledge! Over 100 meta-upgrades to add power where you need it. . Powers and Insta Monkeys! Earned through gameplay, events, and achievements. Instantly add power for tricky maps and modes. . We pack as much content and polish into each update as possible, and we\u2019ll continue to add new features, content, and challenges in regular updates. . We truly respect your time and support, and we hope Bloons TD 6 will be the best strategy game you\u2019ve ever played. If it\u2019s not, please contact us at and tell us what we can do better!. Now those Bloons aren't going to pop themselves. sharpen your darts and go play Bloons TD 6!. . . *********Ninja Kiwi Notes. Please review our Terms of Service and Privacy Policy. You will be prompted in-game to accept these terms in order to cloud save and protect your game progress:. Bloons TD 6 contains in-game items that can be purchased with real money. You can disable in-app purchases in your device's settings, or reach us at for help. Your purchases fund our development updates and new games, and we sincerely appreciate every vote of confidence you give us with your purchases.Ninja Kiwi CommunityWe love hearing from our players, so please get in touch with any feedback, positive or negative, at . Streamers and Video Creators: . Ninja Kiwi is actively promoting channel creators on YouTube and Twitch! If you are not already working with us, keep making videos and tell us about your channel at streamers@ninjakiwi.com.", + "about_the_game": "Craft your perfect defense from a combination of powerful Monkey Towers and awesome Heroes, then pop every last invading Bloon!Over a decade of tower defense pedigree and regular massive updates makes Bloons TD 6 a favorite game for millions of players. Enjoy endless hours of strategy gaming with Bloons TD 6! Regular updates! We release several updates every year with new characters, features, and gameplay. Boss Events! Fearsome Boss Bloons will challenge even the strongest defenses. Odysseys! Battle through a series of maps connected by their theme, rules, and rewards. Contested Territory! Join forces with other players and battle for territory against five other teams. Capture tiles on a shared map and compete on the leaderboards. Quests! Delve into what makes the Monkeys tick with Quests, crafted to tell tales and share knowledge. Trophy Store! Earn Trophies to unlock dozens of cosmetic items that let you customize your Monkeys, Bloons, animations, music, and more. Content Browser! Create your own Challenges and Odysseys, then share them with other players and check out the most liked and played community content. 23 powerful Monkey Towers Each with 3 upgrade paths and unique activated abilities. Paragons! Explore the incredible power of the newest Paragon upgrades. 14 diverse Heroes With 20 signature upgrades and 2 special abilities. Plus, unlockable skins and voiceovers! 4-Player Co-Op! Play every map and mode with up to 3 other players in public or private games. Play anywhere Single player offline works even when your WiFi doesn\u2019t! 68 handcrafted maps With more added every update. Monkey Knowledge! Over 100 meta-upgrades to add power where you need it. Powers and Insta Monkeys! Earned through gameplay, events, and achievements. Instantly add power for tricky maps and modes.We pack as much content and polish into each update as possible, and we\u2019ll continue to add new features, content, and challenges in regular updates.We truly respect your time and support, and we hope Bloons TD 6 will be the best strategy game you\u2019ve ever played. If it\u2019s not, please contact us at and tell us what we can do better!Now those Bloons aren't going to pop themselves... sharpen your darts and go play Bloons TD 6!*********Ninja Kiwi NotesPlease review our Terms of Service and Privacy Policy. You will be prompted in-game to accept these terms in order to cloud save and protect your game progress: TD 6 contains in-game items that can be purchased with real money. You can disable in-app purchases in your device's settings, or reach us at for help. Your purchases fund our development updates and new games, and we sincerely appreciate every vote of confidence you give us with your purchases.Ninja Kiwi CommunityWe love hearing from our players, so please get in touch with any feedback, positive or negative, at and Video Creators: Ninja Kiwi is actively promoting channel creators on YouTube and Twitch! If you are not already working with us, keep making videos and tell us about your channel at streamers@ninjakiwi.com.", + "short_description": "The Bloons are back and better than ever! Get ready for a massive 3D tower defense game designed to give you hours and hours of the best strategy gaming available.", + "genres": "Strategy", + "recommendations": 233766, + "score": 8.149450950324878 + }, + { + "type": "game", + "name": "Grounded", + "detailed_description": "Go Big and Go Home!. Welcome friends, old and new, to Grounded 1.0!. We want to give a big and special thanks to our community who helped us in our two year journey from Game Preview/Early Access to full release. Now that we've hit 1.0, your top question might be, \u201cWhat is going to get wiped?\u201d. Lucky for you the answer to that is, not a lot! The Grounded team is happy to inform you that your bases, recipes, and other unlocks will carry over. You will be placed at the New Game starting location to ensure there aren't any issues and all Milk Molar points will be refunded (more on that later!). The story quests and content for this full game release will be reset but your beloved bases, unlocked recipes, and inventory items will be there when you open your save. . Now that you know what you'll be able to carry over, let's get into what's new in the 1.0 release. . About the Game. The world is a vast, beautiful, and dangerous place \u2013 especially when you have been shrunk to the size of an ant. Explore, build and survive together in this first-person, multiplayer, survival adventure. Can you thrive alongside the hordes of giant insects, fighting to survive the perils of the backyard?. . Uncover the mysteries while playing through the story!. How did you wind up so small? Who did this to you? How do you go home? These are all answers you will uncover as you play through the story. . Solo or with friends \u2013 anytime!. You can face the backyard alone or together, online, with up to three friends. Not only that, but with the Shared Worlds feature, you can continue to play in your shared world even if the original host is not on, with all your progression saving!. . Nowhere is safe \u2013 not even your base!. Creatures can be found roaming the yard in a multitude of environments, such as the depths of the pond, the caverns of the termite den, and even the sweltering heat found in the sandbox. You can even attract them to different places in the yard by activating the MIX.R devices. However, the more you interfere with the creatures in the yard, the higher the chance that they come knocking at your own door, so you better prepare. . Play true to your playstyle!. Use the in-game customization systems such as Mutations and Milk Molars to activate the bonuses and perks you want for your character. Not only that, but craft and upgrade your armor and weapons to give your character the stats and advantages you need in order to take on the perils of the backyard. . It\u2019s time to go big, or never go home!", + "about_the_game": "The world is a vast, beautiful, and dangerous place \u2013 especially when you have been shrunk to the size of an ant. Explore, build and survive together in this first-person, multiplayer, survival adventure. Can you thrive alongside the hordes of giant insects, fighting to survive the perils of the backyard?Uncover the mysteries while playing through the story!How did you wind up so small? Who did this to you? How do you go home? These are all answers you will uncover as you play through the story.Solo or with friends \u2013 anytime!You can face the backyard alone or together, online, with up to three friends. Not only that, but with the Shared Worlds feature, you can continue to play in your shared world even if the original host is not on, with all your progression saving!Nowhere is safe \u2013 not even your base!Creatures can be found roaming the yard in a multitude of environments, such as the depths of the pond, the caverns of the termite den, and even the sweltering heat found in the sandbox. You can even attract them to different places in the yard by activating the MIX.R devices. However, the more you interfere with the creatures in the yard, the higher the chance that they come knocking at your own door, so you better prepare.Play true to your playstyle!Use the in-game customization systems such as Mutations and Milk Molars to activate the bonuses and perks you want for your character. Not only that, but craft and upgrade your armor and weapons to give your character the stats and advantages you need in order to take on the perils of the backyard.It\u2019s time to go big, or never go home!", + "short_description": "The world is a vast, beautiful and dangerous place \u2013 especially when you have been shrunk to the size of an ant. Can you thrive alongside the hordes of giant insects, fighting to survive the perils of the backyard?", + "genres": "Action", + "recommendations": 46286, + "score": 7.081852277430986 + }, + { + "type": "game", + "name": "Pacify", + "detailed_description": "NEW CONTENTPacify now has 3 separate missions to capture three unique monsters. Each mission includes a unique environment, story, gameplay, and monster. Have fun with your friends trying to complete each eerie paranormal mission, and help PAH Inc. capture the supernatural entities.THE DOLLS MISSION STORYYou just signed on with PAH Inc. Paranormal Activity Helpers Incorporated, yeah sounds corny, but the pay is great. They said you won't ever be in any real danger, and they have tons of work right now. Your first job is at some old haunted house. There is a broker wanting to put the house for sale, but with everyone in the town spreading rumors of evil living inside the house, he needs some proof that it is safe. He actually seems creeped out himself. Anyway, he hired PAH Inc. to check the place out. You can go check it out alone if you'd like, but I would take at least 3 more friends with me. Check the place out, and if there is anything supernatural going on, try to bring evidence back to PAH Inc.MYSTERY OF THE HOUSEThis house was built over 100 years ago. The owners ran a funeral parlor. They held normal funeral services such as ceremonies, wakes, cremation and burying the dead. The rumor around town is that they also offered a very special service, a way to talk to your deceased loved one on last time. Several people paid for the service, and after some type of ritual, they were able to speak to the dead. Something apparently went wrong during one of the rituals. A person from town and the owners of the house disappeared and were never seen again. Over the last century, a few people that investigated the incident never returned. A few kids sneaking around the place claimed to hear laughter and see a little girl in the window. There probably isn't any truth to any of it.GAMEPLAYIn Pacify, you will be running for your life around the narrow corridors of a dark, old house. There is a little girl that switches between good and evil roaming around. Different circumstances can cause her to change. Once the evil takes over, it will chase you and your friends all over the house. You must find a way to Pacify the evil and escape the house. As the game progresses, the evil gets smarter and faster. . Play alone in single player mode, or play with up to 3 more friends in multiplayer. In multiplayer mode, you can choose to play with or against your friends. Read the notes for clues about Pacifying the girl. Find and use keys, dolls, wood and matches to help you on your way. The girl can hear and see you. Stay out of sight, and stay as quiet as possible. Try different types of strategies to win. . Single Player Mode. You can go in the house alone, but the game will be difficult. You must do the work of 2-4 people all by yourself. It is possible though and very scary to take on the girl all alone! . . Co-Op Mode. In co-op multiplayer, you work together trying to help each other escape the house. You can save each other from the girl by interrupting her when she catches someone. . PVP Mode. In pvp mode, everyone is an intern for PAH Inc. vying to get a full time position. The person that does the most work gets hired. You can push each other down and get in each other's way. Pushing a player on the floor stuns them for 5 seconds and causes them to drop their keys.", + "about_the_game": "NEW CONTENTPacify now has 3 separate missions to capture three unique monsters. Each mission includes a unique environment, story, gameplay, and monster. Have fun with your friends trying to complete each eerie paranormal mission, and help PAH Inc. capture the supernatural entities.THE DOLLS MISSION STORYYou just signed on with PAH Inc. Paranormal Activity Helpers Incorporated, yeah sounds corny, but the pay is great. They said you won't ever be in any real danger, and they have tons of work right now. Your first job is at some old haunted house. There is a broker wanting to put the house for sale, but with everyone in the town spreading rumors of evil living inside the house, he needs some proof that it is safe. He actually seems creeped out himself. Anyway, he hired PAH Inc. to check the place out. You can go check it out alone if you'd like, but I would take at least 3 more friends with me. Check the place out, and if there is anything supernatural going on, try to bring evidence back to PAH Inc.MYSTERY OF THE HOUSEThis house was built over 100 years ago. The owners ran a funeral parlor. They held normal funeral services such as ceremonies, wakes, cremation and burying the dead. The rumor around town is that they also offered a very special service, a way to talk to your deceased loved one on last time. Several people paid for the service, and after some type of ritual, they were able to speak to the dead. Something apparently went wrong during one of the rituals. A person from town and the owners of the house disappeared and were never seen again. Over the last century, a few people that investigated the incident never returned. A few kids sneaking around the place claimed to hear laughter and see a little girl in the window. There probably isn't any truth to any of it.GAMEPLAYIn Pacify, you will be running for your life around the narrow corridors of a dark, old house. There is a little girl that switches between good and evil roaming around. Different circumstances can cause her to change. Once the evil takes over, it will chase you and your friends all over the house. You must find a way to Pacify the evil and escape the house. As the game progresses, the evil gets smarter and faster.Play alone in single player mode, or play with up to 3 more friends in multiplayer. In multiplayer mode, you can choose to play with or against your friends. Read the notes for clues about Pacifying the girl. Find and use keys, dolls, wood and matches to help you on your way. The girl can hear and see you. Stay out of sight, and stay as quiet as possible. Try different types of strategies to win.Single Player ModeYou can go in the house alone, but the game will be difficult. You must do the work of 2-4 people all by yourself. It is possible though and very scary to take on the girl all alone! Co-Op ModeIn co-op multiplayer, you work together trying to help each other escape the house. You can save each other from the girl by interrupting her when she catches someone. PVP ModeIn pvp mode, everyone is an intern for PAH Inc. vying to get a full time position. The person that does the most work gets hired. You can push each other down and get in each other's way. Pushing a player on the floor stuns them for 5 seconds and causes them to drop their keys.", + "short_description": "There is reportedly an evil inside that house. Something about an old funeral parlor offering a last chance to talk to their dead loved ones. Plus something about lights, laughter, a girl, missing people, etc... You know the same stuff everyone claims. Take a team, and check the place out.", + "genres": "Action", + "recommendations": 28579, + "score": 6.764002038014904 + }, + { + "type": "game", + "name": "Mortal Kombat\u00a011", + "detailed_description": "Mortal Kombat\u00a011 Ultimate. The definitive MK11 experience! Take control of Earthrealm's protectors in 2 acclaimed, time-bending Story Campaigns as they race to stop Kronika from rewinding time & rebooting history. Feat. the komplete 37-fighter roster, incl. Rain, Mileena & Rambo. . Incl. MK11, Kombat Pack\u00a01, Aftermath Expansion & Kombat Pack\u00a02. . \u2022 Experience 2 robust, critically acclaimed Story Campaigns from MK11 & MK11: Aftermath. \u2022 Play as the komplete 37-fighter roster incl. newly added fighters Mileena, Rain & Rambo . \u2022 Thousands of skins, weapons & gear for an unprecedented level of customization. \u2022 Includes all previous guests: Terminator, Joker, Spawn & RoboCop. \u2022 Every mode including Towers of Time, Krypt, Online, Klassic Towers, etc. \u2022 All Stages, Stage Fatalities, Brutalities, Iconic Fatalities & Friendships. About the GameYOU'RE NEXT!MK is back and better than ever in the next evolution of the iconic franchise. . The all new Custom Character Variations give you unprecedented control of your fighters to make them your own. The new graphics engine showcases every skull-shattering, eye-popping moment, bringing you so close to the fight you can feel it. Featuring a roster of new and returning Klassic Fighters, Mortal Kombat's best-in-class cinematic story mode continues the epic saga over 25\u00a0years in the making.", + "about_the_game": "YOU'RE NEXT!MK is back and better than ever in the next evolution of the iconic franchise. The all new Custom Character Variations give you unprecedented control of your fighters to make them your own. The new graphics engine showcases every skull-shattering, eye-popping moment, bringing you so close to the fight you can feel it. Featuring a roster of new and returning Klassic Fighters, Mortal Kombat's best-in-class cinematic story mode continues the epic saga over 25\u00a0years in the making.", + "short_description": "Mortal Kombat is back and better than ever in the next evolution of the iconic franchise.", + "genres": "Action", + "recommendations": 60851, + "score": 7.262206686172041 + }, + { + "type": "game", + "name": "Halo: The Master Chief Collection", + "detailed_description": "La saga que cambi\u00f3 para siempre la industria de los videojuegos llega a PC con seis aut\u00e9nticas obras maestras con las que vivir\u00e1s una experiencia \u00e9pica. . . Ajustes del PC/Optimizaci\u00f3n: Halo: la colecci\u00f3n Jefe Maestro ha sido optimizada para PC y luce mejor que nunca, con modos hasta 4K UHD a m\u00e1s de 60 FPS.* Otras opciones de configuraci\u00f3n incluyen configuraci\u00f3n personalizada de rat\u00f3n y teclado compatibilidad con pantalla ultrapanor\u00e1mica, campo de visi\u00f3n personalizable y mucho m\u00e1s. . . Campa\u00f1a: la colecci\u00f3n Jefe Maestro incluye Halo: Reach, Halo: Combat Evolved Anniversary, Halo 2: Anniversary, Halo 3, Halo 3: ODST Campaign y Halo 4, por lo que los jugadores podr\u00e1n disfrutar de un viaje trepidante y exclusivo por toda la \u00e9pica saga. La saga del Jefe Maestro suma 67 misiones de campa\u00f1a en seis t\u00edtulos aclamados por la cr\u00edtica, desde la incre\u00edble valent\u00eda de Noble seis en Halo: Reach hasta la aparici\u00f3n de un nuevo enemigo en Halo 4. . . Multijugador: cada uno de los seis juegos de la colecci\u00f3n Jefe Maestro incluye sus propios mapas, modos y tipos de juego multijugador. Con m\u00e1s de 120 mapas multijugador e infinitas formas de disfrutar del contenido de Forge creado por la comunidad, la colecci\u00f3n ofrece la experiencia multijugador m\u00e1s variada y amplia de Halo hasta la fecha. . . el emblem\u00e1tico editor de mapas de Halo incorpora mejoras y actualizaciones y tiene mejor aspecto que nunca. Crea nuevos mapas con mayor funcionalidad, m\u00e1s presupuesto y nuevos objetos, e idea nuevas formas de jugar con los modos de juego personalizados.**. *Consulta los requisitos del sistema para saber qu\u00e9 especificaciones m\u00ednimas de hardware se necesitan para conseguir un rendimiento \u00f3ptimo. . **El modo Forge no est\u00e1 disponible en Halo: Combat Evolved Anniversary ni en Halo 3: ODST.", + "about_the_game": "La saga que cambi\u00f3 para siempre la industria de los videojuegos llega a PC con seis aut\u00e9nticas obras maestras con las que vivir\u00e1s una experiencia \u00e9pica.Ajustes del PC/Optimizaci\u00f3n: Halo: la colecci\u00f3n Jefe Maestro ha sido optimizada para PC y luce mejor que nunca, con modos hasta 4K UHD a m\u00e1s de 60 FPS.* Otras opciones de configuraci\u00f3n incluyen configuraci\u00f3n personalizada de rat\u00f3n y teclado compatibilidad con pantalla ultrapanor\u00e1mica, campo de visi\u00f3n personalizable y mucho m\u00e1s.Campa\u00f1a: la colecci\u00f3n Jefe Maestro incluye Halo: Reach, Halo: Combat Evolved Anniversary, Halo 2: Anniversary, Halo 3, Halo 3: ODST Campaign y Halo 4, por lo que los jugadores podr\u00e1n disfrutar de un viaje trepidante y exclusivo por toda la \u00e9pica saga. La saga del Jefe Maestro suma 67 misiones de campa\u00f1a en seis t\u00edtulos aclamados por la cr\u00edtica, desde la incre\u00edble valent\u00eda de Noble seis en Halo: Reach hasta la aparici\u00f3n de un nuevo enemigo en Halo 4.Multijugador: cada uno de los seis juegos de la colecci\u00f3n Jefe Maestro incluye sus propios mapas, modos y tipos de juego multijugador. Con m\u00e1s de 120 mapas multijugador e infinitas formas de disfrutar del contenido de Forge creado por la comunidad, la colecci\u00f3n ofrece la experiencia multijugador m\u00e1s variada y amplia de Halo hasta la fecha.el emblem\u00e1tico editor de mapas de Halo incorpora mejoras y actualizaciones y tiene mejor aspecto que nunca. Crea nuevos mapas con mayor funcionalidad, m\u00e1s presupuesto y nuevos objetos, e idea nuevas formas de jugar con los modos de juego personalizados.***Consulta los requisitos del sistema para saber qu\u00e9 especificaciones m\u00ednimas de hardware se necesitan para conseguir un rendimiento \u00f3ptimo.**El modo Forge no est\u00e1 disponible en Halo: Combat Evolved Anniversary ni en Halo 3: ODST.", + "short_description": "El emblem\u00e1tico viaje del Jefe Maestro incluye seis juegos creados para PC y recopilados en una sola experiencia. Ya seas un seguidor de toda la vida o descubras al Spartan 117 por primera vez, la colecci\u00f3n Jefe Maestro te resultar\u00e1 la experiencia de juego definitiva de Halo.", + "genres": "Acci\u00f3n", + "recommendations": 191165, + "score": 8.01682530918489 + }, + { + "type": "game", + "name": "A Dance of Fire and Ice", + "detailed_description": "Free DemoYou can play a free online version here if you're not sure if this is for you! If you've played the Rhythm Heaven series - the timing is about as strict as that. About the GameA Dance of Fire and Ice is a simple one-button rhythm game. . . Press on every beat of the music to move in a line. . . Every pattern has its own rhythm to it. It can get difficult. This game is purely based on rhythm, so use your ears more than your sight. . . Note that it is quite strict and unforgiving, so please play the online version here if you're not sure if this is for you! If you've played the Rhythm Heaven series - this is about as strict as that. . . Explore the cosmos: Soar through each genre of music in a variety of colorful fantasy landscapes. . Predict every moment: With a track that shows you every rhythm ahead of time, you\u2019ll learn to sight-read levels as they come. No tricks, and nothing is reaction-based. . Play new levels for free: Tackle new songs and new rhythms as we expand the game with free level patches. Steam Workshop Support: Create, share, and play countless user-made custom levels through our Workshop. Calibrate your experience: Manually adjust your calibration on-the-fly, or use our auto-calibration method. The game is precisely timed, and you won\u2019t experience any slow desync over time like you might with other music-based twitch games. (We\u2019re musicians and off-sync games hurt us.).", + "about_the_game": "A Dance of Fire and Ice is a simple one-button rhythm game.Press on every beat of the music to move in a line.Every pattern has its own rhythm to it. It can get difficult. This game is purely based on rhythm, so use your ears more than your sight.Note that it is quite strict and unforgiving, so please play the online version here if you're not sure if this is for you! If you've played the Rhythm Heaven series - this is about as strict as that.Explore the cosmos: Soar through each genre of music in a variety of colorful fantasy landscapes.\t Predict every moment: With a track that shows you every rhythm ahead of time, you\u2019ll learn to sight-read levels as they come. No tricks, and nothing is reaction-based. Play new levels for free: Tackle new songs and new rhythms as we expand the game with free level patchesSteam Workshop Support: Create, share, and play countless user-made custom levels through our Workshop Calibrate your experience: Manually adjust your calibration on-the-fly, or use our auto-calibration method. The game is precisely timed, and you won\u2019t experience any slow desync over time like you might with other music-based twitch games. (We\u2019re musicians and off-sync games hurt us.)", + "short_description": "A Dance of Fire and Ice is a strict rhythm game. Keep your focus as you guide two orbiting planets along a winding path without breaking their perfect equilibrium.", + "genres": "Indie", + "recommendations": 51480, + "score": 7.151962457316754 + }, + { + "type": "game", + "name": "The Ascent", + "detailed_description": "Join our discord. About the GameThe Ascent is a solo and co-op Action-shooter RPG, set on Veles, a packed cyberpunk world. . Welcome to The Ascent Group arcology, a corporate-run metropolis stretching high into the sky and filled with creatures from all over the galaxy. You play as a worker, enslaved by the company that owns you and everyone else in your district. One day, you are suddenly caught in a vortex of catastrophic events: The Ascent Group shuts down for unknown reasons and the survival of your district is threatened. You must take up arms and embark on a new mission to find out what started it all. . You belong to the corporation. Can you survive without it?SOLO OR CO-OP. . Play the entire game alone or work together with up to three friends in local or online co-op.EXPLOSIVE SHOOTER. . Aim low or high, switch weapons and equip lethal gadgets, take cover and use the destructible environments at your advantage and keep adjusting your tactic as you face new enemies.RPG ELEMENTS. . Customize your character with cyberware that suits your playstyle. Allocate new skill points as you level-up and try various augmentations to take down your enemies in new creative ways.A VIBRANT CYBERPUNK WORLD. . Meet new allies and enemies and find loot as you explore the brimming world of The Ascent and its wide range of districts, from the deep slums to the higher luxury spheres.", + "about_the_game": "The Ascent is a solo and co-op Action-shooter RPG, set on Veles, a packed cyberpunk world.Welcome to The Ascent Group arcology, a corporate-run metropolis stretching high into the sky and filled with creatures from all over the galaxy. You play as a worker, enslaved by the company that owns you and everyone else in your district. One day, you are suddenly caught in a vortex of catastrophic events: The Ascent Group shuts down for unknown reasons and the survival of your district is threatened. You must take up arms and embark on a new mission to find out what started it all. You belong to the corporation. Can you survive without it?SOLO OR CO-OPPlay the entire game alone or work together with up to three friends in local or online co-op.EXPLOSIVE SHOOTERAim low or high, switch weapons and equip lethal gadgets, take cover and use the destructible environments at your advantage and keep adjusting your tactic as you face new enemies.RPG ELEMENTSCustomize your character with cyberware that suits your playstyle. Allocate new skill points as you level-up and try various augmentations to take down your enemies in new creative ways.A VIBRANT CYBERPUNK WORLDMeet new allies and enemies and find loot as you explore the brimming world of The Ascent and its wide range of districts, from the deep slums to the higher luxury spheres.", + "short_description": "The Ascent is a solo and co-op Action-shooter RPG set in a cyberpunk world. The mega corporation that owns you and everyone, The Ascent Group, has just collapsed. Can you survive without it?", + "genres": "Action", + "recommendations": 15349, + "score": 6.3542303015912545 + }, + { + "type": "game", + "name": "Hogwarts Legacy", + "detailed_description": "Hogwarts Legacy: Digital Deluxe Edition. The Hogwarts Legacy Digital Deluxe Edition Includes:. -Thestral Mount. -Dark Arts Battle Arena. -Dark Arts Cosmetic Set. -Dark Arts Garrison Hat. About the GameHogwarts Legacy is an open-world action RPG set in the world first introduced in the Harry Potter books. Embark on a journey through familiar and new locations as you explore and discover magical beasts, customize your character and craft potions, master spell casting, upgrade talents and become the wizard you want to be. . . Experience Hogwarts in the 1800s. Your character is a student who holds the key to an ancient secret that threatens to tear the wizarding world apart. Make allies, battle Dark wizards, and ultimately decide the fate of the wizarding world. Your legacy is what you make of it. Live the Unwritten. . .", + "about_the_game": "Hogwarts Legacy is an open-world action RPG set in the world first introduced in the Harry Potter books. Embark on a journey through familiar and new locations as you explore and discover magical beasts, customize your character and craft potions, master spell casting, upgrade talents and become the wizard you want to be.Experience Hogwarts in the 1800s. Your character is a student who holds the key to an ancient secret that threatens to tear the wizarding world apart. Make allies, battle Dark wizards, and ultimately decide the fate of the wizarding world. Your legacy is what you make of it. Live the Unwritten.", + "short_description": "Hogwarts Legacy is an immersive, open-world action RPG. Now you can take control of the action and be at the center of your own adventure in the wizarding world.", + "genres": "Action", + "recommendations": 153099, + "score": 7.870442778933483 + }, + { + "type": "game", + "name": "\u55dc\u8840\u5370 Bloody Spell", + "detailed_description": "Solution to the black screen and crash problem when entering the game:. 1. Download and install the K-Lite Codec Pack decoder, the decoder download address: 2. Go to the root directory of BloodySpell and find BloodySpell.exe, right-click on properties, run compatibility mode, and then disable full-screen optimization. 3. Unplug the wireless controller receiver or turn off Bluetooth. 4. Check the integrity of the game. 5. Upgrade the graphics driver. When entering the game, there are problems such as the untouched start game button and UI display error:. Step 1: alt f4 to turn off the game. Step 2: Delete the Savesdir folder in the root directory of Bloodthirsty Seal. Step 3: Reopen the game and follow the prompts to download cloud archives. . \"Bloody Spell\" is a martial arts action role-playing game. The core of the game is battle-oriented, and it combines many fighting elements and systems. . Ten years ago, Yejin and his sister Li went to practice martial arts under the sect of Wanfa. Since then, they have been far away from the complicated human world.Ten years later, the mysterious organization that claimed to be Void Legion invaded the sect, and then the world was in chaos, and the brothers and sisters were reinvested in the chaotic world.The sisters who are dependent on each other are taken hostage, and the disciples have been killed in one by one. At the moment when the bloodthirsty spell is opened, Yejin who knows himself, can he fulfill his commitment to everyone? And who is the last to be able to help the building, to save the devastated world?. In terms of combat, this game uses multi-weapon switching as the main feature, and for each weapon in different speeds, power and positioning, design a variety of different skills, a variety of skills combo, greatly enhance the game cool feeling, excellent hitting and handling feel make it even better. . The highlight of the level design is the form of random combination, that is, the scenes, monsters, equipment, and configuration of the props that the player is reborn after death are different from before, so that the game presents diverse characteristics, increasing the level variables and The game is fun. . The \"Bloody Spell\" system is that, Yejin uses special skills in the body's evil spirit curse to achieve various effects such as violent walking, bullet time, roar breaking, assassination execution, counterattack and blood return, etc., which is to enhance the character's attack power and auxiliary combat. And to simplify the battle, add to the character and weapon attributes, and some even play a role in determining the battle. . The system makes the combat part more flexible, more selective and versatile, while also ensuring the smoothness and refreshment of the battle. In addition, many interesting side quests, diverse survey elements, and mini games interspersed with them greatly expand the game's fullness and playability. . We hope to see ten different players in ten different ways. If the enemy's threat is too great, you can use the bloodthirsty skills, assassinations, flying props, scene agencies to destroy them. Finally, please be careful in this Survive in the game.", + "about_the_game": "Solution to the black screen and crash problem when entering the game:1. Download and install the K-Lite Codec Pack decoder, the decoder download address: Go to the root directory of BloodySpell and find BloodySpell.exe, right-click on properties, run compatibility mode, and then disable full-screen optimization.3. Unplug the wireless controller receiver or turn off Bluetooth4. Check the integrity of the game5. Upgrade the graphics driverWhen entering the game, there are problems such as the untouched start game button and UI display error:Step 1: alt f4 to turn off the game.Step 2: Delete the Savesdir folder in the root directory of Bloodthirsty Seal.Step 3: Reopen the game and follow the prompts to download cloud archives.\"Bloody Spell\" is a martial arts action role-playing game. The core of the game is battle-oriented, and it combines many fighting elements and systems.Ten years ago, Yejin and his sister Li went to practice martial arts under the sect of Wanfa. Since then, they have been far away from the complicated human world.Ten years later, the mysterious organization that claimed to be Void Legion invaded the sect, and then the world was in chaos, and the brothers and sisters were reinvested in the chaotic world.The sisters who are dependent on each other are taken hostage, and the disciples have been killed in one by one... At the moment when the bloodthirsty spell is opened, Yejin who knows himself, can he fulfill his commitment to everyone? And who is the last to be able to help the building, to save the devastated world?In terms of combat, this game uses multi-weapon switching as the main feature, and for each weapon in different speeds, power and positioning, design a variety of different skills, a variety of skills combo, greatly enhance the game cool feeling, excellent hitting and handling feel make it even better.The highlight of the level design is the form of random combination, that is, the scenes, monsters, equipment, and configuration of the props that the player is reborn after death are different from before, so that the game presents diverse characteristics, increasing the level variables and The game is fun.The \"Bloody Spell\" system is that, Yejin uses special skills in the body's evil spirit curse to achieve various effects such as violent walking, bullet time, roar breaking, assassination execution, counterattack and blood return, etc., which is to enhance the character's attack power and auxiliary combat. And to simplify the battle, add to the character and weapon attributes, and some even play a role in determining the battle.The system makes the combat part more flexible, more selective and versatile, while also ensuring the smoothness and refreshment of the battle. In addition, many interesting side quests, diverse survey elements, and mini games interspersed with them greatly expand the game's fullness and playability.We hope to see ten different players in ten different ways. If the enemy's threat is too great, you can use the bloodthirsty skills, assassinations, flying props, scene agencies to destroy them. Finally, please be careful in this Survive in the game.", + "short_description": "This is a martial arts action role-playing game. The core of the game is battle-oriented, and it combines many fighting elements. If you are a player who pursues blood and is brave enough to challenge the limits, it will definitely inspire your adrenaline and bring you the best combat experience.", + "genres": "Action", + "recommendations": 26667, + "score": 6.718355106387225 + }, + { + "type": "game", + "name": "eFootball PES 2020", + "detailed_description": "Experience the most realistic and authentic soccer game with eFootball PES 2020, winner of the 'E3 Best Sports Game' award! Play with the biggest teams in world soccer, featuring Spanish champions FC Barcelona, global giants Manchester United, German champions FC Bayern M\u00fcnchen, and Italian champions Juventus \u2014 who feature exclusively in PES!. PES 2020 LEGEND EDITION comes with the following myClub content*:. \u2022 PES Legend Player. \u2022 Ronaldinho 2019. \u2022 Lionel Messi 10 match loan. \u2022 Premium Agent (3 Players) x 30 weeks. \u2022 3 Player Contract Renewal Tickets x 30 weeks. \u2022 FCB x Nike x 10R collaboration kit (in-game). The STANDARD EDITION comes with the following myClub content*:. \u2022 Ronaldinho 2019 - 10 match loan. \u2022 Lionel Messi - 10 match loan. \u2022 Premium Agent (3 Players) x 10 weeks. \u2022 3 Player Contract Renewal Tickets x 10 weeks. *The above myClub content can only be claimed on the account used to purchase the game. . New features:. \u2022 GAMEPLAY: New dynamic dribbling skills, new first touch techniques, and finely-tuned ball physics, all developed in close consultation with renowned midfielder Andr\u00e9s Iniesta. . \u2022 MATCHDAY: Pick a side and join forces with newcomers and veterans alike in a grand struggle for dominance in this new online competitive mode. . \u2022 MASTER LEAGUE: A completely revamped ML experience awaits \u2014 featuring a new interactive dialogue system, an overhauled menu design, and a more realistic transfer market realized through improved data integration.", + "about_the_game": "Experience the most realistic and authentic soccer game with eFootball PES 2020, winner of the 'E3 Best Sports Game' award! Play with the biggest teams in world soccer, featuring Spanish champions FC Barcelona, global giants Manchester United, German champions FC Bayern M\u00fcnchen, and Italian champions Juventus \u2014 who feature exclusively in PES!\r\n\r\nPES 2020 LEGEND EDITION comes with the following myClub content*:\r\n\r\n\u2022 PES Legend Player\r\n\u2022 Ronaldinho 2019\r\n\u2022 Lionel Messi 10 match loan\r\n\u2022 Premium Agent (3 Players) x 30 weeks\r\n\u2022 3 Player Contract Renewal Tickets x 30 weeks\r\n\u2022 FCB x Nike x 10R collaboration kit (in-game)\r\n\r\nThe STANDARD EDITION comes with the following myClub content*:\r\n\r\n\u2022 Ronaldinho 2019 - 10 match loan\r\n\u2022 Lionel Messi - 10 match loan\r\n\u2022 Premium Agent (3 Players) x 10 weeks\r\n\u2022 3 Player Contract Renewal Tickets x 10 weeks\r\n\r\n*The above myClub content can only be claimed on the account used to purchase the game.\r\n\r\n\r\nNew features:\r\n\r\n\u2022 GAMEPLAY: New dynamic dribbling skills, new first touch techniques, and finely-tuned ball physics, all developed in close consultation with renowned midfielder Andr\u00e9s Iniesta.\r\n\r\n\u2022 MATCHDAY: Pick a side and join forces with newcomers and veterans alike in a grand struggle for dominance in this new online competitive mode.\r\n\r\n\u2022 MASTER LEAGUE: A completely revamped ML experience awaits \u2014 featuring a new interactive dialogue system, an overhauled menu design, and a more realistic transfer market realized through improved data integration.", + "short_description": "Experience unparalleled realism and authenticity in this year's definitive football game: PES 2020.", + "genres": "Sports", + "recommendations": 8352, + "score": 5.953092484081587 + }, + { + "type": "game", + "name": "Sniper Elite 5", + "detailed_description": "Season Pass Two Roadmap. Season Pass One Roadmap. Deluxe Edition includes Season Pass One. Join Us On Discord. About the Game. The latest instalment in the award-winning series, Sniper Elite 5 offers unparalleled sniping, tactical third-person combat and an enhanced kill cam. Fight your way across the most immersive maps yet, with many real-world locations captured in stunning detail, and an improved traversal system that lets you explore more of them than ever before. . France, 1944 \u2013 As part of a covert US Rangers operation to weaken the Atlantikwall fortifications along the coast of Brittany, elite marksman Karl Fairburne makes contact with the French Resistance. Soon they uncover a secret Nazi project that threatens to end the war before the Allies can even invade Europe: Operation Kraken. . . EXPANSIVE CAMPAIGN. Many real-world locations have been captured using photogrammetry to recreate a living, immersive environment, and multiple infiltration and extraction points and kill list targets provide a whole new perspective on each mission. Take on the Nazi plot solo or work with a partner, with improved co-op mechanics allowing you to share ammo and items, give orders and heal each other. . . ADVANCED GUNPLAY PHYSICS AND TRAVERSAL. Use ziplines, slide down slopes and shimmy along ledges to reach the perfect vantage point, or to sneak past a sharp-eyed lookout. Factor in rifle stock and barrel options along with gravity, wind and heart rate while you line up your sights on the target. . . HIGH CALIBRE CUSTOMISATION. Use workbenches to customise and upgrade virtually every aspect of your weapon \u2013 change scopes, stocks, barrels, magazines and more. Rifles, secondaries and pistols all have a huge variety of options. On top of that you can select the ammo to suit your target, from armour-piercing right down to non-lethal. . INVASION MODE \u2013 CAMPAIGN DROP IN PvP AND CO-OP. Invade another player\u2019s Campaign as an Axis sniper and engage in a deadly game of cat and mouse, providing a new dimension to the challenge as you stalk your prey. Alternatively, as Karl you can call for assistance and have a second sniper drop in to help you out of a tricky situation. . TENSE ADVERSARIAL MULTIPLAYER. Customise your character and loadout and earn XP, medals and ribbons as you take on intensely competitive 16 player battles that will really test your sharpshooting skills. If co-op\u2019s more your style, you can team up with up to 3 other players against waves of enemies in Survival mode. . . ENHANCED KILL CAM. More realistic and grisly than ever, the trademark X-ray kill cam returns, showing you the true destructive power of each shot. Bones deflect bullets unpredictably, ripping a new path through enemy bodies. SMGs and pistols can also trigger kill cams, including multiple shots in dramatic slow motion.", + "about_the_game": "The latest instalment in the award-winning series, Sniper Elite 5 offers unparalleled sniping, tactical third-person combat and an enhanced kill cam. Fight your way across the most immersive maps yet, with many real-world locations captured in stunning detail, and an improved traversal system that lets you explore more of them than ever before.France, 1944 \u2013 As part of a covert US Rangers operation to weaken the Atlantikwall fortifications along the coast of Brittany, elite marksman Karl Fairburne makes contact with the French Resistance. Soon they uncover a secret Nazi project that threatens to end the war before the Allies can even invade Europe: Operation Kraken.EXPANSIVE CAMPAIGNMany real-world locations have been captured using photogrammetry to recreate a living, immersive environment, and multiple infiltration and extraction points and kill list targets provide a whole new perspective on each mission. Take on the Nazi plot solo or work with a partner, with improved co-op mechanics allowing you to share ammo and items, give orders and heal each other.ADVANCED GUNPLAY PHYSICS AND TRAVERSALUse ziplines, slide down slopes and shimmy along ledges to reach the perfect vantage point, or to sneak past a sharp-eyed lookout. Factor in rifle stock and barrel options along with gravity, wind and heart rate while you line up your sights on the target.HIGH CALIBRE CUSTOMISATIONUse workbenches to customise and upgrade virtually every aspect of your weapon \u2013 change scopes, stocks, barrels, magazines and more. Rifles, secondaries and pistols all have a huge variety of options. On top of that you can select the ammo to suit your target, from armour-piercing right down to non-lethal.INVASION MODE \u2013 CAMPAIGN DROP IN PvP AND CO-OPInvade another player\u2019s Campaign as an Axis sniper and engage in a deadly game of cat and mouse, providing a new dimension to the challenge as you stalk your prey. Alternatively, as Karl you can call for assistance and have a second sniper drop in to help you out of a tricky situation.TENSE ADVERSARIAL MULTIPLAYERCustomise your character and loadout and earn XP, medals and ribbons as you take on intensely competitive 16 player battles that will really test your sharpshooting skills. If co-op\u2019s more your style, you can team up with up to 3 other players against waves of enemies in Survival mode.ENHANCED KILL CAMMore realistic and grisly than ever, the trademark X-ray kill cam returns, showing you the true destructive power of each shot. Bones deflect bullets unpredictably, ripping a new path through enemy bodies. SMGs and pistols can also trigger kill cams, including multiple shots in dramatic slow motion.", + "short_description": "The award-winning series returns as Karl Fairburne fights to uncover Project Kraken in 1944 France. The genre-defining authentic sniping, with enhanced kill cam, has never looked or felt better as you fight across immersive maps to stop the Nazi war machine in its tracks.", + "genres": "Action", + "recommendations": 9645, + "score": 6.047970520377173 + }, + { + "type": "game", + "name": "Mafia II: Definitive Edition", + "detailed_description": "Special OfferBuying Mafia II: Definitive also gives you Mafia II (Classic) for free. For details on that version, click here!. Mafia: Trilogy - Complete Your Collection. Includes main games and DLC releases. . Mafia: Definitive Edition. Re-made from the ground up, rise through the ranks of the mafia during the Prohibition-era. After an inadvertent brush with the mob, Tommy Angelo is reluctantly thrust into the world of organized crime. Initially uneasy about falling in with the Salieri family, the rewards become too big to ignore. . Mafia II: Definitive Edition. Remastered in HD, live the life of a gangster during the Golden-era of organized crime. War hero Vito Scaletta becomes entangled with the mob in hopes of paying his father\u2019s debts. Alongside his buddy Joe, Vito works to prove himself, climbing the family ladder with crimes of larger reward, status and consequence. . Mafia III: Definitive Edition. After years of combat in Vietnam, Lincoln Clay\u2019s surrogate family, the black mob, is betrayed and killed by the Italian Mafia. Lincoln builds a new family on the ashes of the old, blazing a path of revenge through the Mafioso responsible. About the GameIncludes main game and all DLC releases. Part two of the Mafia crime saga \u2013 1940\u2019s - 50\u2019s Empire Bay, NY. Remastered in stunning HD detail, live the life of a gangster during the Golden-era of organized crime. War hero Vito Scaletta becomes entangled with the mob in hopes of paying his father\u2019s debts. Alongside his buddy Joe, Vito works to prove himself, climbing the family ladder with crimes of larger reward, status and consequence.Golden-era Drama:Inspired by iconic mafia dramas, be immersed in the allure and impossible escape of life as a wise guy in the Mafia.Empire Bay, NY:Post-World War II Empire Bay, NY, a city sprawling with opportunity and where organized crime thrives on the booming industries of post-war America.The Complete & Remastered Favorite:For the first-time ever experience the Mafia II crime drama all in one package and presented in stunning HD detail. . Own Mafia II: Definitive Edition to unlock Vito\u2019s Leather Jacket and Car in both Mafia and Mafia III Definitive Editions.", + "about_the_game": "Includes main game and all DLC releases.Part two of the Mafia crime saga \u2013 1940\u2019s - 50\u2019s Empire Bay, NYRemastered in stunning HD detail, live the life of a gangster during the Golden-era of organized crime. War hero Vito Scaletta becomes entangled with the mob in hopes of paying his father\u2019s debts. Alongside his buddy Joe, Vito works to prove himself, climbing the family ladder with crimes of larger reward, status and consequence.Golden-era Drama:Inspired by iconic mafia dramas, be immersed in the allure and impossible escape of life as a wise guy in the Mafia.Empire Bay, NY:Post-World War II Empire Bay, NY, a city sprawling with opportunity and where organized crime thrives on the booming industries of post-war America.The Complete & Remastered Favorite:For the first-time ever experience the Mafia II crime drama all in one package and presented in stunning HD detail. Own Mafia II: Definitive Edition to unlock Vito\u2019s Leather Jacket and Car in both Mafia and Mafia III Definitive Editions.", + "short_description": "War hero Vito Scaletta becomes entangled with the mob in hopes of paying his father\u2019s debts. Vito works to prove himself, climbing the family ladder with crimes of larger reward and consequence.", + "genres": "Action", + "recommendations": 13164, + "score": 6.2530031476774495 + }, + { + "type": "game", + "name": "Mafia: Definitive Edition", + "detailed_description": "Mafia: Trilogy - Complete Your Collection. Includes main games and DLC releases. . Mafia: Definitive Edition. Re-made from the ground up, rise through the ranks of the mafia during the Prohibition-era. After an inadvertent brush with the mob, Tommy Angelo is reluctantly thrust into the world of organized crime. Initially uneasy about falling in with the Salieri family, the rewards become too big to ignore. . Mafia II: Definitive Edition. Remastered in HD, live the life of a gangster during the Golden-era of organized crime. War hero Vito Scaletta becomes entangled with the mob in hopes of paying his father\u2019s debts. Alongside his buddy Joe, Vito works to prove himself, climbing the family ladder with crimes of larger reward, status and consequence. . Mafia III: Definitive Edition. After years of combat in Vietnam, Lincoln Clay\u2019s surrogate family, the black mob, is betrayed and killed by the Italian Mafia. Lincoln builds a new family on the ashes of the old, blazing a path of revenge through the Mafioso responsible. About the GamePart one of the Mafia crime saga - 1930s, Lost Heaven, IL. Re-made from the ground up, rise through the ranks of the Mafia during the Prohibition era of organized crime. After a run-in with the mob, cab driver Tommy Angelo is thrust into a deadly underworld. Initially uneasy about falling in with the Salieri crime family, Tommy soon finds that the rewards are too big to ignore.Play a Mob Movie:Live the life of a Prohibition-era gangster and rise through the ranks of the Mafia.Lost Heaven, IL:Recreated 1930's cityscape, filled with interwar architecture, cars and culture to see, hear and interact with.Re-Made Classic:Faithfully recreated, with expanded story, gameplay and original score. This is the Mafia you remembered and much more. . Own Mafia: Definitive Edition to unlock Tommy\u2019s Suit and Cab in both Mafia II and Mafia III Definitive Editions. . Learn More at ", + "about_the_game": "Part one of the Mafia crime saga - 1930s, Lost Heaven, ILRe-made from the ground up, rise through the ranks of the Mafia during the Prohibition era of organized crime. After a run-in with the mob, cab driver Tommy Angelo is thrust into a deadly underworld. Initially uneasy about falling in with the Salieri crime family, Tommy soon finds that the rewards are too big to ignore.Play a Mob Movie:Live the life of a Prohibition-era gangster and rise through the ranks of the Mafia.Lost Heaven, IL:Recreated 1930's cityscape, filled with interwar architecture, cars and culture to see, hear and interact with.Re-Made Classic:Faithfully recreated, with expanded story, gameplay and original score. This is the Mafia you remembered and much more.Own Mafia: Definitive Edition to unlock Tommy\u2019s Suit and Cab in both Mafia II and Mafia III Definitive Editions.Learn More at ", + "short_description": "An inadvertent brush with the mob thrusts cabdriver Tommy Angelo into the world of organized crime. Initially uneasy about falling in with the Salieri family, the rewards become too big to ignore.", + "genres": "Action", + "recommendations": 44863, + "score": 7.061267530221632 + }, + { + "type": "game", + "name": "Dota Underlords", + "detailed_description": "NEXT GENERATION AUTO-BATTLER. In Dota Underlords, strategic decisions matter more than twitch reflexes. Underlords includes compelling singleplayer and multiplayer modes, and offers level progression with rewards. Play a strategic Standard game, a quick Knockout match, or co-op Duos match with a friend. . SEASON ONE NOW AVAILABLE. Season One comes with a City Crawl full of content, a Battle Pass full of rewards, and multiple ways to play online or offline. Dota Underlords is now out of Early Access and ready to play!. CITY CRAWL. Mama Eeb\u2019s death has left a power vacuum in White Spire. Take back the city neighborhood by neighborhood, Underlord by Underlord, in the new City Crawl campaign. Complete puzzle challenges, win quick street-fights, and complete in-game challenges to clear paths and take over the city. Unlock rewards like new outfits for your Underlords, new wanted poster artwork, victory dances, and titles. . BATTLEPASS. Season One comes with a full Battle Pass offering over 100 rewards. Play matches, complete challenges, and unlock areas of the City Crawl to level up your Battle Pass and earn rewards. Rewards include new boards, weather effects, profile customization, skins, and other gameplay cosmetics. Many of these rewards can be earned for free simply by playing the game. For more rewards and content, players can purchase the Battle Pass for $4.99 on all platforms. The paid Battle Pass is not required to play the game, nor does it provide any gameplay specific advantage. . WHITE SPIRE AWAITS A LEADER. . A vertical metropolis of gambling and grit, just beyond the reach of Stonehall and Revtel; White Spire is known as a smugglers' paradise with loose morals and colorful residents to spare. Despite being overrun with syndicates, gangs, and secret societies, White Spire has never descended into chaos for one reason: Momma Eeb. She was respected. she was loved. and unfortunately, she was murdered last week. . Eeb\u2019s death has sent one question rippling through White Spire\u2019s underworld: who is going to run the city?. STRATEGIZE TO WIN: Recruit heroes and upgrade them into more powerful versions of themselves. . MIX AND MATCH: Each hero you recruit can form unique alliances. Stacking your team with allied heroes will unlock powerful bonuses that can crush your rivals. . UNDERLORDS: Choose from four Underlords to lead your crew to victory. Underlords are powerful units who fight on the field alongside your crew, and they each bring their own playstyle, perks, and abilities to the table. . CROSSPLAY: Play on your platform of choice and battle players across the globe in a hassle-free crossplay experience. Running late? Start a match on your PC and finish it on your mobile device (and vice versa). Your profile in Dota Underlords is shared across all devices, so no matter what you play on, you're always making progress. . RANKED MATCHMAKING: Everyone starts at the bottom, but by playing against other Underlords you'll climb through the ranks and prove you're worthy to rule White Spire. . TOURNAMENT-READY: Create your own private lobbies and matches, then invite spectators to watch 8 Underlords duke it out. . OFFLINE PLAY: Offering a sophisticated AI with 4 levels of difficulty, offline play is a great place to hone your skills. Pause and resume games at your leisure. . SEASONAL ROTATION: Every season we'll say goodbye to certain Heroes, Items, and Alliances to make room for new additions that will shape the ever-evolving world of Underlords.", + "about_the_game": "NEXT GENERATION AUTO-BATTLERIn Dota Underlords, strategic decisions matter more than twitch reflexes. Underlords includes compelling singleplayer and multiplayer modes, and offers level progression with rewards. Play a strategic Standard game, a quick Knockout match, or co-op Duos match with a friend.SEASON ONE NOW AVAILABLESeason One comes with a City Crawl full of content, a Battle Pass full of rewards, and multiple ways to play online or offline. Dota Underlords is now out of Early Access and ready to play!CITY CRAWLMama Eeb\u2019s death has left a power vacuum in White Spire. Take back the city neighborhood by neighborhood, Underlord by Underlord, in the new City Crawl campaign. Complete puzzle challenges, win quick street-fights, and complete in-game challenges to clear paths and take over the city. Unlock rewards like new outfits for your Underlords, new wanted poster artwork, victory dances, and titles.BATTLEPASSSeason One comes with a full Battle Pass offering over 100 rewards. Play matches, complete challenges, and unlock areas of the City Crawl to level up your Battle Pass and earn rewards. Rewards include new boards, weather effects, profile customization, skins, and other gameplay cosmetics. Many of these rewards can be earned for free simply by playing the game. For more rewards and content, players can purchase the Battle Pass for $4.99 on all platforms. The paid Battle Pass is not required to play the game, nor does it provide any gameplay specific advantage.WHITE SPIRE AWAITS A LEADER... A vertical metropolis of gambling and grit, just beyond the reach of Stonehall and Revtel; White Spire is known as a smugglers' paradise with loose morals and colorful residents to spare. Despite being overrun with syndicates, gangs, and secret societies, White Spire has never descended into chaos for one reason: Momma Eeb. She was respected... she was loved... and unfortunately, she was murdered last week. Eeb\u2019s death has sent one question rippling through White Spire\u2019s underworld: who is going to run the city?STRATEGIZE TO WIN: Recruit heroes and upgrade them into more powerful versions of themselves. MIX AND MATCH: Each hero you recruit can form unique alliances. Stacking your team with allied heroes will unlock powerful bonuses that can crush your rivals. UNDERLORDS: Choose from four Underlords to lead your crew to victory. Underlords are powerful units who fight on the field alongside your crew, and they each bring their own playstyle, perks, and abilities to the table.CROSSPLAY: Play on your platform of choice and battle players across the globe in a hassle-free crossplay experience. Running late? Start a match on your PC and finish it on your mobile device (and vice versa). Your profile in Dota Underlords is shared across all devices, so no matter what you play on, you're always making progress. RANKED MATCHMAKING: Everyone starts at the bottom, but by playing against other Underlords you'll climb through the ranks and prove you're worthy to rule White Spire. TOURNAMENT-READY: Create your own private lobbies and matches, then invite spectators to watch 8 Underlords duke it out. OFFLINE PLAY: Offering a sophisticated AI with 4 levels of difficulty, offline play is a great place to hone your skills. Pause and resume games at your leisure. SEASONAL ROTATION: Every season we'll say goodbye to certain Heroes, Items, and Alliances to make room for new additions that will shape the ever-evolving world of Underlords.", + "short_description": "Hire a crew and destroy your rivals in this new strategy battler set in the world of Dota. Introducing Season One: Explore White Spire and earn rewards on the Battle Pass. Pick from several different game modes, play on your own or with friends, and take advantage of crossplay on PC and mobile.", + "genres": "Casual", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Superliminal", + "detailed_description": "Superliminal is a first-person puzzle game based on forced perspective and optical illusions. Puzzles in this game give you a sense of the unexpected. Players need to change their perspective and think outside the box to wake up from the dream. . WAKE UPAs you fall asleep with the TV on at 3AM, you remember catching a glimpse of the commercial for Dr. Pierce\u2019s Somnasculpt dream therapy program. By the time you open your eyes, you\u2019re already dreaming - beginning the first stages of this experimental program. . PERCEPTION IS REALITYExplore a dream world where everything is exactly as it seems. Tread carefully as the world slowly unravels around you and subverts your expectations. What you see isn\u2019t always precisely what you get.MAN VS MACHINEIn this fully-voiced adventure, Dr Glenn Pierce is doing his questionable best to guide you home and out of the dreamscape. His artificial intelligence assistant, however, is having trouble understanding exactly how you\u2019re here at all, and has other plans for you. . DEVELOPER COMMENTARYWe\u2019ve added an extensive developer commentary throughout the game, so you can learn the secrets and history behind the game\u2019s development. . CHALLENGE MODEThe overwhelming response from the speedrunning community to Superliminal inspired us to add a new Challenge Mode, which will score you per-level on metrics such as time to finish, grabs, and jumps.EXPERIMENTAL WORKSHOP SUPPORT Superliminal features Steam Workshop integration. Bring any 3D object into the game and play around with mind-bending perspective tricks.", + "about_the_game": "Superliminal is a first-person puzzle game based on forced perspective and optical illusions. Puzzles in this game give you a sense of the unexpected. Players need to change their perspective and think outside the box to wake up from the dream.WAKE UPAs you fall asleep with the TV on at 3AM, you remember catching a glimpse of the commercial for Dr. Pierce\u2019s Somnasculpt dream therapy program. By the time you open your eyes, you\u2019re already dreaming - beginning the first stages of this experimental program.PERCEPTION IS REALITYExplore a dream world where everything is exactly as it seems. Tread carefully as the world slowly unravels around you and subverts your expectations. What you see isn\u2019t always precisely what you get.MAN VS MACHINEIn this fully-voiced adventure, Dr Glenn Pierce is doing his questionable best to guide you home and out of the dreamscape. His artificial intelligence assistant, however, is having trouble understanding exactly how you\u2019re here at all, and has other plans for you.DEVELOPER COMMENTARYWe\u2019ve added an extensive developer commentary throughout the game, so you can learn the secrets and history behind the game\u2019s development.CHALLENGE MODEThe overwhelming response from the speedrunning community to Superliminal inspired us to add a new Challenge Mode, which will score you per-level on metrics such as time to finish, grabs, and jumps.EXPERIMENTAL WORKSHOP SUPPORT Superliminal features Steam Workshop integration. Bring any 3D object into the game and play around with mind-bending perspective tricks.", + "short_description": "Perception is reality. In this mind-bending first-person puzzler, you escape a surreal dream world through solving impossible puzzles using the ambiguity of depth and perspective.", + "genres": "Action", + "recommendations": 19556, + "score": 6.513907482961131 + }, + { + "type": "game", + "name": "Eternal Return", + "detailed_description": "Search, Craft, Hunt! An Eternal Survival ExperimentOn the deserted Lumia Island, the seedy organization known as AGLAIA is conducting secret experiments on human subjects in a bid to perfect a new race of extraordinary humans. Work with your teammates and craft weapons and armor that are required for your survival!The Experiment Has Begun.", + "about_the_game": "Search, Craft, Hunt! An Eternal Survival ExperimentOn the deserted Lumia Island, the seedy organization known as AGLAIA is conducting secret experiments on human subjects in a bid to perfect a new race of extraordinary humans.Work with your teammates and craft weapons and armor that are required for your survival!The Experiment Has Begun.", + "short_description": "Eternal Return 1.0 is a free-to-play, 2.5D perspective Battle Royale game. Search, Craft, Hunt, and Fight using a variety of characters. Plan your strategy and become the last survivor on this eternal experiment.", + "genres": "Free to Play", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Phantasy Star Online 2 New Genesis", + "detailed_description": "Phantasy Star Online 2 New Genesis, the latest chapter in the Phantasy Star Online 2 series, is here at last!. It's time to jump into adventures beyond imagination!. This new adventure takes place on a vast open field! Up to 32 people can enjoy the adventure in a new world with beautifully evolved graphics!. The simple and intuitive controls developed in the series up to now have also evolved! A new dimension of battle with a variety of powerful enemies awaits! The new actions Photon Dash and Photon Glide allow you to traverse across the vast open field with ease!. Of course, the ultimate in character creation has also evolved. Create your own main character that will be unique throughout the world, and head out to a new adventure!. The core game is Free-to-Play, but there is certain paid content that can be purchased. . Proceeding with play in Phantasy Star Online 2 New Genesis will allow you to play Phantasy Star Online 2. . Please log in with an administrator account to play this game.", + "about_the_game": "Phantasy Star Online 2 New Genesis, the latest chapter in the Phantasy Star Online 2 series, is here at last!It's time to jump into adventures beyond imagination!This new adventure takes place on a vast open field! Up to 32 people can enjoy the adventure in a new world with beautifully evolved graphics!The simple and intuitive controls developed in the series up to now have also evolved! A new dimension of battle with a variety of powerful enemies awaits! The new actions Photon Dash and Photon Glide allow you to traverse across the vast open field with ease!Of course, the ultimate in character creation has also evolved. Create your own main character that will be unique throughout the world, and head out to a new adventure!The core game is Free-to-Play, but there is certain paid content that can be purchased.Proceeding with play in Phantasy Star Online 2 New Genesis will allow you to play Phantasy Star Online 2.Please log in with an administrator account to play this game.", + "short_description": "Phantasy Star Online 2 New Genesis, the latest chapter in the Phantasy Star Online 2 series, is here at last! It's time to jump into adventures beyond imagination!", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Wolfenstein: Youngblood", + "detailed_description": "Digital Deluxe Edition. The Deluxe Edition includes:. The Buddy Pass, allowing you and a friend to play the entire game together, even if they don't own the game themselves. The Cyborg Skin Pack. Pre-Purchase Offer. Like father, like daughters! . Pre-order now to receive the Legacy Pack and unlock outfits and weapons used by BJ Blazkowicz, including:. New Colossus Jacket power suit skin. BJ\u2019s Army power suit skin. Old Blood Pipe . Old Blood Knife. WW2 Weapon Skin Set, for all ranged weapons. About the GameWolfenstein: Youngblood is the first modern co-op Wolfenstein adventure. . Nineteen years after the events of Wolfenstein II, BJ Blazkowicz has disappeared after a mission into Nazi-occupied Paris. Now, after years of training from their battle-hardened father, BJ\u2019s twin daughters, Jess and Soph Blazkowicz, are forced into action. . Team up with a friend or play alone. Level up, explore, and complete missions to unlock new abilities, weapons, gadgets, cosmetics, and more to complement your playstyle and customize your appearance. . Wolfenstein: Youngblood features the most open-ended Wolfenstein experience to date. From a new base of operations located deep in the heart of the Paris catacombs, plan how and when to attack and dismantle the Nazi regime.", + "about_the_game": "Wolfenstein: Youngblood is the first modern co-op Wolfenstein adventure.\r\n\r\nNineteen years after the events of Wolfenstein II, BJ Blazkowicz has disappeared after a mission into Nazi-occupied Paris. Now, after years of training from their battle-hardened father, BJ\u2019s twin daughters, Jess and Soph Blazkowicz, are forced into action.\r\n\r\nTeam up with a friend or play alone. Level up, explore, and complete missions to unlock new abilities, weapons, gadgets, cosmetics, and more to complement your playstyle and customize your appearance.\r\n\r\nWolfenstein: Youngblood features the most open-ended Wolfenstein experience to date. From a new base of operations located deep in the heart of the Paris catacombs, plan how and when to attack and dismantle the Nazi regime.", + "short_description": "Wolfenstein: Youngblood is the first modern co-op Wolfenstein adventure. Team up with a friend or play solo as one of BJ Blazkowicz\u2019s twin daughters and wield a powerful arsenal of new weapons, gadgets, and abilities to liberate Paris from the Nazis.", + "genres": "Action", + "recommendations": 9674, + "score": 6.049949473530787 + }, + { + "type": "game", + "name": "Ori and the Will of the Wisps", + "detailed_description": "ORI AND THE WILL OF THE WISPS IS A MUST PLAY*: . \u2022\t98/100 GAMESBEAT \u201c\u2026an exhilarating, emotional masterpiece\u201d. \u2022\t9.5/10 GAMEINFORMER \u201cthe story is fantastic, the world is breathtaking\u201d. \u2022\t9/10 IGN \u201cthe best praise you can give a sequel\u201d. \u2022\t9.5/10 DESTRUCTOID \u201cAn early defining moment of the decade to come\u201d. \u2022\t4.5/5 WINDOWS CENTRAL \" Sensational and mind-blowing\u2026\". \u2022\t90/100 GAMERS HEROES \u201cOri and the Will of the Wisps is a game of passion, made from the heart.\u201d . \u2022\t9/10 PRESS START AUS \u201cits final act will fill your heart and have it bursting with joie de vivre.\u201d. \u2022\t9/10 AUS GAMERS . \u2022\t9/10 EUROGAMER ITALY . \u2022\t91/100 GAMESTAR.DE . \u2022\t90/100 ATOMIX . \u2022\t5/5 HARDCORE GAMER . \u2022\t9.4/10 VANDAL . \u2022\t9/10 VIDEOGAMER . \u2022\t5/5 DAILY STAR : \u201ca finely-crafted, emotional masterpiece that elevates the Metroidvania genre. \u2022\t9.2/10 MERISTATION . \u2022\t9/10 GAMESPEW \u201cOri and the Will of the Wisps is perhaps the most beautiful game I have ever played.\u201d. \u2022\t9.8/10 THE GAMES MACHINE . \u2022\t4.5/5 SCREEN RANT \u201cA Spectacular Sequel\u201d. \u2022\t9.5/10 EASYALLIES \u201cIt\u2019s an exceptional game that you don\u2019t want to miss.\u201d. \u2022\t9.2/10 GAMERSKY . \u2022\t4.5/5 TWINFINITE \u201cA Magical Metroidvania Adventure\u201d. \u2022\t94/100 COGconnected. *Review scores and quotes reference Windows PC and/or console versions of the game. Source Metacritic.com 03/17/2020. The little spirit Ori is no stranger to peril, but when a fateful flight puts the owlet Ku in harm\u2019s way, it will take more than bravery to bring a family back together, heal a broken land, and discover Ori\u2019s true destiny. From the creators of the acclaimed action-platformer Ori and the Blind Forest comes the highly anticipated sequel. Embark on an all-new adventure in a vast world filled with new friends and foes that come to life in stunning, hand-painted artwork. Set to a fully orchestrated original score, Ori and the Will of the Wisps continues the Moon Studios tradition of tightly crafted platforming action and deeply emotional storytelling.", + "about_the_game": "ORI AND THE WILL OF THE WISPS IS A MUST PLAY*: \u2022\t98/100 GAMESBEAT \u201c\u2026an exhilarating, emotional masterpiece\u201d\u2022\t9.5/10 GAMEINFORMER \u201cthe story is fantastic, the world is breathtaking\u201d\u2022\t9/10 IGN \u201cthe best praise you can give a sequel\u201d\u2022\t9.5/10 DESTRUCTOID \u201cAn early defining moment of the decade to come\u201d\u2022\t4.5/5 WINDOWS CENTRAL \" Sensational and mind-blowing\u2026\"\u2022\t90/100 GAMERS HEROES \u201cOri and the Will of the Wisps is a game of passion, made from the heart.\u201d \u2022\t9/10 PRESS START AUS \u201cits final act will fill your heart and have it bursting with joie de vivre.\u201d\u2022\t9/10 AUS GAMERS \u2022\t9/10 EUROGAMER ITALY \u2022\t91/100 GAMESTAR.DE \u2022\t90/100 ATOMIX \u2022\t5/5 HARDCORE GAMER \u2022\t9.4/10 VANDAL \u2022\t9/10 VIDEOGAMER \u2022\t5/5 DAILY STAR : \u201ca finely-crafted, emotional masterpiece that elevates the Metroidvania genre\u2022\t9.2/10 MERISTATION \u2022\t9/10 GAMESPEW \u201cOri and the Will of the Wisps is perhaps the most beautiful game I have ever played.\u201d\u2022\t9.8/10 THE GAMES MACHINE \u2022\t4.5/5 SCREEN RANT \u201cA Spectacular Sequel\u201d\u2022\t9.5/10 EASYALLIES \u201cIt\u2019s an exceptional game that you don\u2019t want to miss.\u201d\u2022\t9.2/10 GAMERSKY \u2022\t4.5/5 TWINFINITE \u201cA Magical Metroidvania Adventure\u201d\u2022\t94/100 COGconnected*Review scores and quotes reference Windows PC and/or console versions of the game. Source Metacritic.com 03/17/2020The little spirit Ori is no stranger to peril, but when a fateful flight puts the owlet Ku in harm\u2019s way, it will take more than bravery to bring a family back together, heal a broken land, and discover Ori\u2019s true destiny. From the creators of the acclaimed action-platformer Ori and the Blind Forest comes the highly anticipated sequel. Embark on an all-new adventure in a vast world filled with new friends and foes that come to life in stunning, hand-painted artwork. Set to a fully orchestrated original score, Ori and the Will of the Wisps continues the Moon Studios tradition of tightly crafted platforming action and deeply emotional storytelling.", + "short_description": "Play the critically acclaimed masterpiece. Embark on a new journey in a vast, exotic world where you\u2019ll encounter towering enemies and challenging puzzles on your quest to unravel Ori\u2019s destiny.", + "genres": "Action", + "recommendations": 106234, + "score": 7.629535389744961 + }, + { + "type": "game", + "name": "Crucible Beta", + "detailed_description": "Crucible is a team-based action shooter driven by the choices you make. Each match in Crucible is a fight for survival and control. Not only will you be going toe-to-toe with your fellow competitors, but you\u2019ll have to adapt and overcome all the challenges the planet itself throws your way. You and your teammates will need to work together to take down alien creatures, capture objectives, and pursue your opponents in search of victory. . HUNT LEVEL ADAPTWhether you prefer to bring an axe to a gunfight, think that the best way to solve problems is by lighting them on fire, or want to keep your options open with multiple weapons, there\u2019s a hunter to suit your playstyle. Crucible's 10 hunters each come with their own unique set of abilities\u2014how you use them is up to you. Begin every match on a level playing field. Each hunter has their full array of weapons and abilities at their disposal from the word \u201cgo.\u201d. Before each match, you\u2019ll select which upgrades to unlock as you level up. With these upgrades, you can define how your hunter fights. Bring along additional utility and tricks or go all-in on your damage output\u2014it's up to you. . Essence is a strange substance with incredible properties, and it's the object of all the commotion on the planet Crucible. You can get it from opponents and creatures you kill, or by controlling objectives. As you collect Essence, you'll level up. . You'll get access to your pre-selected upgrades with each of your first five levels. After that, more levels mean more power and health. . Use your abilities and your wits to master the environment and battle conditions around you. Learn the lay of the land and use it to your advantage. Capitalize on events, grab all the Essence you can, hunt down the opposition, and claim victory. . . Heart of the Hives. Hives are lethal drone-spitting terrors that spawn across the battlefield. Capturing the hearts they leave behind as they die is your key to victory. Each match is a four-on-four fight to be the first team to capture three hearts. .", + "about_the_game": "Crucible is a team-based action shooter driven by the choices you make. Each match in Crucible is a fight for survival and control. Not only will you be going toe-to-toe with your fellow competitors, but you\u2019ll have to adapt and overcome all the challenges the planet itself throws your way. You and your teammates will need to work together to take down alien creatures, capture objectives, and pursue your opponents in search of victory.HUNT LEVEL ADAPTWhether you prefer to bring an axe to a gunfight, think that the best way to solve problems is by lighting them on fire, or want to keep your options open with multiple weapons, there\u2019s a hunter to suit your playstyle. Crucible's 10 hunters each come with their own unique set of abilities\u2014how you use them is up to you.Begin every match on a level playing field. Each hunter has their full array of weapons and abilities at their disposal from the word \u201cgo.\u201dBefore each match, you\u2019ll select which upgrades to unlock as you level up. With these upgrades, you can define how your hunter fights. Bring along additional utility and tricks or go all-in on your damage output\u2014it's up to you.Essence is a strange substance with incredible properties, and it's the object of all the commotion on the planet Crucible. You can get it from opponents and creatures you kill, or by controlling objectives. As you collect Essence, you'll level up.You'll get access to your pre-selected upgrades with each of your first five levels. After that, more levels mean more power and health.Use your abilities and your wits to master the environment and battle conditions around you. Learn the lay of the land and use it to your advantage. Capitalize on events, grab all the Essence you can, hunt down the opposition, and claim victory.Heart of the HivesHives are lethal drone-spitting terrors that spawn across the battlefield. Capturing the hearts they leave behind as they die is your key to victory. Each match is a four-on-four fight to be the first team to capture three hearts.", + "short_description": "Crucible is a free-to-play team-based PvP action shooter. Pick an alien, human, or robot hunter to fight in 4v4 matches.", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "STAR WARS\u2122 Battlefront (Classic, 2004)", + "detailed_description": "LIVE THE BATTLES. STAR WARS\u2122 Battlefront is an action/shooter game that gives fans and gamers the opportunity to re-live and participate in all of the classic Star Wars battles like never before. Players can select one of a number of different soldier types, jump into any vehicle, man any turret on the battlefront and conquer the galaxy planet-by-planet online with their friends or offline in a variety of single player modes. Single player modes include \"Instant Action\", \"Galactic Conquest\" and the story-based \"Historical Campaigns\" mode that lets gamers experience all of the epic Star Wars battles from Episodes I-VI, fighting from the perspective of each of the four factions within the game. . Fight as a soldier on the front lines where every weapon and vehicle you see is yours. Take the Empire head on or crush the Rebellion - by yourself or with an army behind you. . * Pick your side - Rebels, Imperials, clone troopers or battle droids. * Choose your weapons wisely - each soldier has different weapons and capabilities. * Battle on unique planets from the entire Star Wars saga. * Pilot over 30 vehicles including AT-ATs, X-Wings and Snowspeeders. * Fight up to 32 players in massive online battles!", + "about_the_game": "LIVE THE BATTLES\r\n\r\nSTAR WARS\u2122 Battlefront is an action/shooter game that gives fans and gamers the opportunity to re-live and participate in all of the classic Star Wars battles like never before. Players can select one of a number of different soldier types, jump into any vehicle, man any turret on the battlefront and conquer the galaxy planet-by-planet online with their friends or offline in a variety of single player modes. Single player modes include \"Instant Action\", \"Galactic Conquest\" and the story-based \"Historical Campaigns\" mode that lets gamers experience all of the epic Star Wars battles from Episodes I-VI, fighting from the perspective of each of the four factions within the game.\r\n\r\nFight as a soldier on the front lines where every weapon and vehicle you see is yours. Take the Empire head on or crush the Rebellion - by yourself or with an army behind you.\r\n\r\n* Pick your side - Rebels, Imperials, clone troopers or battle droids.\r\n* Choose your weapons wisely - each soldier has different weapons and capabilities.\r\n* Battle on unique planets from the entire Star Wars saga.\r\n* Pilot over 30 vehicles including AT-ATs, X-Wings and Snowspeeders.\r\n* Fight up to 32 players in massive online battles!", + "short_description": "Fight the greatest battles in the STAR WARS universe any way you want to. The choice is yours.", + "genres": "Action", + "recommendations": 3313, + "score": 5.343657766148672 + }, + { + "type": "game", + "name": "New World", + "detailed_description": "New World - Azoth EditionThe Azoth Edition includes: Deluxe Edition content + additional premium digital game content. . Scorching Sand apparel skin: with only your eyes exposed to the elements, look upon the dunes of sand and chart your course to victory. . Wicked Ways weapon set: when you stare into the gem, evil stares back. . Blunderbuss of Brimstone weapon skin: it feels warm in your hand, pulsing a kind of oppressive heat that almost smells of sulfur. . Sarcophagus housing item: a standing and functional piece of art that may or may not still be full of its haunted contents. . Celestial Hare house pet: the vast expanse of the universe resides within the fur of this pet that you can add to your home. Access to housing unlocks at level 15 in-game. . Aegyptus Crest pack: do you curse your foes or simply crush them with your might? Does it matter as long as they flee from your presence? Company Crests can only be used by the governor (creator) of a company. . Card Suit crest pack never reveal your hand until the gold is on the table. Company Crests can only be used by the governor (creator) of a company. . Title Desert Vanguard: first to explore the mysterious deserts of Aeternum. . Chest Pound Emote: a display of dominance. . Gold Dye [5x pack]: a consumable dye pack used to color parts of clothing and armor. . Silver Dye [5x pack]: a consumable dye pack used to color parts of clothing and armor. . Smoldering Scarlet Dye [5x Pack]: a consumable dye pack used to color parts of clothing and armor. . New World - Deluxe Edition. Enter the land of Aeternum ready to face the supernatural frontier with the New World Deluxe Edition. Explore a beautiful open world as you move through the wilderness and ruins of the island of Aeternum. . Join forces with other players to form powerful companies of craftspeople, soldiers, and strategists. . Claim and control territories to direct the development of settlements. . Fight for survival against enemy raiders, the brutal wilderness, and a growing evil. . Gather materials and craft thousands of items, from magical elixirs and deadly weapons to sprawling fortifications. . The Deluxe Edition includes: Woodsman armor skin. Stand out from the crowd or blend in with the forest with the Woodsman armor skin. . Woodsman hatchet skin. Complete the Woodsman look with this skin for the versatile hatchet. . Mastiff house pet. Make your house a home with the Mastiff house pet. Access to housing unlocks at level 15 in-game. . Rock/Paper/Scissors emote set. Rock, Paper, Scissors, a light-hearted game with friends or a tool for making difficult decisions. . New World digital art book. A collection of incredible concept art from the making of New World. New World - Standard Edition. Fate has summoned you to the shores of Aeternum, the Eternal Isle. In a land hell-bent on your destruction, what will you do to survive?. Explore a beautiful open world as you move through the wilderness and ruins of the island of Aeternum. . Join forces with other players to form powerful companies of craftspeople, soldiers, and strategists. . Claim and control territories to direct the development of settlements. . Fight for survival against enemy raiders, the brutal wilderness, and a growing evil. . Gather materials and craft thousands of items, from magical elixirs and deadly weapons to sprawling fortifications. . About the GameExplore a thrilling, open-world MMO filled with danger and opportunity where you'll forge a new destiny for yourself as an adventurer shipwrecked on the supernatural island of Aeternum. Endless opportunities to fight, forage, and forge await you among the island's wilderness and ruins. Channel supernatural forces or wield deadly weapons in a classless, real-time combat system, and fight alone, with a small team, or in massed armies for PvE and PvP battles\u2014the choices are all yours.KEY FEATURES:. . CARVE YOUR DESTINY. For thousands of years, Aeternum has been the source of fantastical legends\u2014and now you\u2019ve found it. Shipwrecked and without supplies or allies, you\u2019ll need to make your way in a dangerous world where supernatural power has changed all the rules. In such a land, your destiny is whatever you make of it. . . A LAND SHAPED BY MAGIC. Aeternum's mysteries run as deep and dark as its history. Delve into the world and uncover the secret truth of the island and its millennia of strange inhabitants. As you explore Aeternum, you\u2019ll discover beauty, danger, and opportunity at every turn. You'll need to use all your skills to take advantage of the island's bounty\u2014and survive its horrors. . . SWORDS, GUNS & SORCERY. Arm yourself with brutal melee weapons, ranged artillery, or supernatural powers and jump into New World's classless, real-time action combat system. As you progress you'll be able to determine what you want your gameplay experience to be like\u2014will you act as a protective shield on the front lines of battle? Will you sling spells to support your allies from a safe distance? Only you can decide. . . STRONGER TOGETHER. At the core of the New World\u2019s social features are the three factions, organizations of like-minded players and non-player characters with their own motives and schemes for the island's future. It is as a member of one of these factions that you'll wage war and claim, defend, and develop your territory.", + "about_the_game": "Explore a thrilling, open-world MMO filled with danger and opportunity where you'll forge a new destiny for yourself as an adventurer shipwrecked on the supernatural island of Aeternum. Endless opportunities to fight, forage, and forge await you among the island's wilderness and ruins. Channel supernatural forces or wield deadly weapons in a classless, real-time combat system, and fight alone, with a small team, or in massed armies for PvE and PvP battles\u2014the choices are all yours.KEY FEATURES:CARVE YOUR DESTINYFor thousands of years, Aeternum has been the source of fantastical legends\u2014and now you\u2019ve found it. Shipwrecked and without supplies or allies, you\u2019ll need to make your way in a dangerous world where supernatural power has changed all the rules. In such a land, your destiny is whatever you make of it.A LAND SHAPED BY MAGICAeternum's mysteries run as deep and dark as its history. Delve into the world and uncover the secret truth of the island and its millennia of strange inhabitants. As you explore Aeternum, you\u2019ll discover beauty, danger, and opportunity at every turn. You'll need to use all your skills to take advantage of the island's bounty\u2014and survive its horrors.SWORDS, GUNS & SORCERYArm yourself with brutal melee weapons, ranged artillery, or supernatural powers and jump into New World's classless, real-time action combat system. As you progress you'll be able to determine what you want your gameplay experience to be like\u2014will you act as a protective shield on the front lines of battle? Will you sling spells to support your allies from a safe distance? Only you can decide.STRONGER TOGETHERAt the core of the New World\u2019s social features are the three factions, organizations of like-minded players and non-player characters with their own motives and schemes for the island's future. It is as a member of one of these factions that you'll wage war and claim, defend, and develop your territory.", + "short_description": "Explore a thrilling, open-world MMO filled with danger and opportunity where you'll forge a new destiny on the supernatural island of Aeternum.", + "genres": "Action", + "recommendations": 221012, + "score": 8.112465940409791 + }, + { + "type": "game", + "name": "Destiny 2", + "detailed_description": "Season of the DeepDestiny 2: Season of the Deep BeginsMystery and adventure await beneath the waves of Titan. . Into the AbyssSaturn\u2019s missing moon of Titan has returned, now overrun with Taken and Hive searching for something at the bottom of its methane ocean. Guardians must follow them into the deep to uncover ancient secrets and learn more about the Witness\u2019s origins. . Salvages\u00a0. Recover Golden Age tech from sunken Arcology structures on Titan. Explore the seafloor for the first time as you face the Lucent Hive and a variety of enemies in several unpredictable encounters. . Deep Dives\u00a0Week over week, dive deeper into Titan\u2019s ocean to salvage the power needed to communicate with the mysterious creature you\u2019ve discovered. . Fishing\u00a0The corruption on Titan is starting to spread off-world. Try to relax and enjoy yourself as you fish for samples around the Solar System. . Exotic Auto Rifle\u00a0Add the catalyst and rank-100 ornament to Centrifuse as you throw caution to the wind and let the thunder roll. . Universal Ornaments\u00a0From the vacuum of space to the depths of the ocean, no amount of pressure can stop this style. Enhanced Progression\u00a0Over 100 rewards, including XP boosts, Exotic engrams, upgrade materials, cosmetics and more.\u00a0Season Pass\u00a0Gear, XP, rewards! Get the Season Pass and instantly unlock the new Exotic Auto Rifle. Also get XP boosts that speed up Seasonal ranks and reward track unlocks.\u00a0Silver Bundle\u00a0. Purchase the Season of the Deep Silver Bundle and receive a new Legendary emote along with 1,700 Silver (1,000 + 700 bonus Silver) which you can use to purchase Seasons, cosmetics, and more! Visit the Seasons tab in-game to use your Silver and buy Season of the Deep. To unlock your new emote, speak with Master Rahool in the Tower. About the GameDive into the world of Destiny 2 to explore the mysteries of the solar system and experience responsive first-person shooter combat. Unlock powerful elemental abilities and collect unique gear to customize your Guardian's look and playstyle. Enjoy Destiny 2\u2019s cinematic story, challenging co-op missions, and a variety of PvP modes alone or with friends. Download for free today and write your legend in the stars.An Immersive StoryYou are a Guardian, defender of the Last City of humanity in a solar system under siege by infamous villains. Look to the stars and stand against the darkness. Your legend begins now.Guardian ClassesChoose from the armored Titan, mystic Warlock, or swift Hunter. . Titan. Disciplined and proud, Titans are capable of both aggressive assaults and stalwart defenses. Set your hammer ablaze, crack the sky with lightning, and go toe-to-toe with any opponent. Your team will stand tall behind the strength of your shield. . Warlock. Warlocks weaponize the mysteries of the universe to sustain themselves and destroy their foes. Rain devastation on the battlefield and clear hordes of enemies in the blink of an eye. Those who stand with you will know the true power of the Light. . Hunter. Agile and daring, Hunters are quick on their feet and quicker on the draw. Fan the hammer of your golden gun, flow through enemies like the wind, or strike from the darkness. Find the enemy, take aim, and end the fight before it starts.Cooperative and Competitive MultiplayerPlay with or against your friends and other Guardians in various PvE and PvP game modes. . Cooperative Multiplayer. Exciting co-op adventures teeming await with rare and powerful rewards. Dive into the story with missions, quests, and patrols. Put together a small fireteam and secure the chest at the end of a quick Strike. Or test your team's skill with countless hours of raid progression \u2013 the ultimate challenge for any fireteam. You decide where your legend begins. . Competitive Multiplayer. Face off against other players in fast-paced free-for-all skirmishes, team arenas, and PvE/PvP hybrid competitions. Mark special competitions like Iron Banner on your calendar and collect limited-time rewards before they're gone.Exotic Weapons and ArmorThousands of weapons, millions of options. Discover new gear combinations and define your own personal style. The hunt for the perfect arsenal begins.", + "about_the_game": "Dive into the world of Destiny 2 to explore the mysteries of the solar system and experience responsive first-person shooter combat. Unlock powerful elemental abilities and collect unique gear to customize your Guardian's look and playstyle. Enjoy Destiny 2\u2019s cinematic story, challenging co-op missions, and a variety of PvP modes alone or with friends. Download for free today and write your legend in the stars.An Immersive StoryYou are a Guardian, defender of the Last City of humanity in a solar system under siege by infamous villains. Look to the stars and stand against the darkness. Your legend begins now.Guardian ClassesChoose from the armored Titan, mystic Warlock, or swift Hunter.TitanDisciplined and proud, Titans are capable of both aggressive assaults and stalwart defenses. Set your hammer ablaze, crack the sky with lightning, and go toe-to-toe with any opponent. Your team will stand tall behind the strength of your shield.WarlockWarlocks weaponize the mysteries of the universe to sustain themselves and destroy their foes. Rain devastation on the battlefield and clear hordes of enemies in the blink of an eye. Those who stand with you will know the true power of the Light.HunterAgile and daring, Hunters are quick on their feet and quicker on the draw. Fan the hammer of your golden gun, flow through enemies like the wind, or strike from the darkness. Find the enemy, take aim, and end the fight before it starts.Cooperative and Competitive MultiplayerPlay with or against your friends and other Guardians in various PvE and PvP game modes.Cooperative MultiplayerExciting co-op adventures teeming await with rare and powerful rewards. Dive into the story with missions, quests, and patrols. Put together a small fireteam and secure the chest at the end of a quick Strike. Or test your team's skill with countless hours of raid progression \u2013 the ultimate challenge for any fireteam. You decide where your legend begins.Competitive MultiplayerFace off against other players in fast-paced free-for-all skirmishes, team arenas, and PvE/PvP hybrid competitions. Mark special competitions like Iron Banner on your calendar and collect limited-time rewards before they're gone.Exotic Weapons and ArmorThousands of weapons, millions of options. Discover new gear combinations and define your own personal style. The hunt for the perfect arsenal begins.", + "short_description": "Destiny 2 is an action MMO with a single evolving world that you and your friends can join anytime, anywhere, absolutely free.", + "genres": "Action", + "recommendations": 121382, + "score": 7.7174088783743064 + }, + { + "type": "game", + "name": "Baldur's Gate 3", + "detailed_description": "Gather your party and return to the Forgotten Realms in a tale of fellowship and betrayal, sacrifice and survival, and the lure of absolute power. . Mysterious abilities are awakening inside you, drawn from a mind flayer parasite planted in your brain. Resist, and turn darkness against itself. Or embrace corruption, and become ultimate evil. . From the creators of Divinity: Original Sin 2 comes a next-generation RPG, set in the world of Dungeons & Dragons. . . . Choose from 12 classes and 11 races from the D&D Player's Handbook and create your own identity, or play as an Origin hero with a hand-crafted background. Or tangle with your inner corruption as the Dark Urge, a fully customisable Origin hero with its own unique mechanics and story. Whoever you choose to be, adventure, loot, battle and romance your way across the Forgotten Realms and beyond. Gather your party. Take the adventure online as a party of up to four. . . Abducted, infected, lost. You are turning into a monster, but as the corruption inside you grows, so does your power. That power may help you to survive, but there will be a price to pay, and more than any ability, the bonds of trust that you build within your party could be your greatest strength. Caught in a conflict between devils, deities, and sinister otherworldly forces, you will determine the fate of the Forgotten Realms together. . . Forged with the new Divinity 4.0 engine, Baldur\u2019s Gate 3 gives you unprecedented freedom to explore, experiment, and interact with a thriving world filled with characters, dangers, and deceit. A grand, cinematic narrative brings you closer to your characters than ever before. From shadow-cursed forests, to the magical caverns of the Underdark, to the sprawling city of Baldur\u2019s Gate itself, your actions define the adventure, but your choices define your legacy. You will be remembered. . . The Forgotten Realms are a vast, detailed, and diverse world, and there are secrets to be discovered all around you \u2013 verticality is a vital part of exploration. Sneak, dip, shove, climb, and jump as you journey from the depths of the Underdark to the glittering rooftops of Baldur\u2019s Gate. Every choice you make drives your story forward, each decision leaving your mark on the world. Define your legacy, nurture relationships and create enemies, and solve problems your way. No two playthroughs will ever be the same. . allows you to combine your forces in combat and simultaneously attack enemies, or split your party to each follow your own quests and agendas. Concoct the perfect plan together\u2026 or introduce an element of chaos when your friends least expect it. Relationships are complicated. Especially when you\u2019ve got a parasite in your brain. . 7 unique Origin heroes offer a hand-crafted experience, each with their own unique traits, agenda, and outlook on the world. Their stories intersect with the overarching narrative, and your choices will determine whether those stories end in redemption, salvation, domination, or one of many other outcomes. Play as an Origin and enjoy their stories, or recruit them to fight alongside you. . based on the D&D 5e ruleset. Team-based initiative, advantage and disadvantage, and roll modifiers join an advanced AI, expanded environmental interactions, and a new fluidity in combat that rewards strategy and foresight. Three difficulty settings allow you to customise the challenge of combat. Enable weighted dice to help sway the battle, or play on Tactician mode for a hardcore experience. . featuring 31 subraces on top of the 11 races (Human, Githyanki, Half-Orc, Dwarf, Elf, Drow, Tiefling, Halfling, Half Elf, Gnome, Dragonborn), with 46 subclasses branching out of the 12 classes. Over 600 spells and actions offer near-limitless freedom of interactivity in a hand-crafted world where exploration is rewarded, and player agency defines the journey. Our unique Character Creator features unprecedented depth of character, with reactivity that ensures whomever you are, you will leave a unique legacy behind you, all the way up to Level 12. Over 174 hours of cinematics ensure that no matter the choices you make, the cinematic experience follows your journey \u2013 every playthrough, a new cinematic journey. . With the looming threat of war heading to Baldur\u2019s Gate, and a mind flayer invasion on the horizon, friendships \u2013 though not necessary \u2013 are bound to be forged on your journey. What becomes of them is up to you, as you enter real, vibrant relationships with those you meet along the way. Each companion has their own moral compass and will react to the choices you make throughout your journey. At what cost will you stick to your ideals? Will you allow love to shape your actions? The relationships made on the road to Baldur\u2019s Gate act as moments of respite at camp as much as they add weight to the many decisions you make on your adventure. . so that when you hit \u2018go live\u2019, your stream isn\u2019t interrupted by a bear, swear, or lack of underwear. Baldur\u2019s Gate 3 has 3 different levels of streamer-friendly customisation. You can disable nudity and explicit content separately (or together), and you can enable Twitch integration to interact directly with your audience, just as we do at our Panel From Hell showcases! You\u2019ll be able to stream Baldur\u2019s Gate 3 without any problems, regardless of how you play, thanks to these options.", + "about_the_game": "Gather your party and return to the Forgotten Realms in a tale of fellowship and betrayal, sacrifice and survival, and the lure of absolute power.Mysterious abilities are awakening inside you, drawn from a mind flayer parasite planted in your brain. Resist, and turn darkness against itself. Or embrace corruption, and become ultimate evil.From the creators of Divinity: Original Sin 2 comes a next-generation RPG, set in the world of Dungeons & Dragons.Choose from 12 classes and 11 races from the D&D Player's Handbook and create your own identity, or play as an Origin hero with a hand-crafted background. Or tangle with your inner corruption as the Dark Urge, a fully customisable Origin hero with its own unique mechanics and story. Whoever you choose to be, adventure, loot, battle and romance your way across the Forgotten Realms and beyond. Gather your party. Take the adventure online as a party of up to four. Abducted, infected, lost. You are turning into a monster, but as the corruption inside you grows, so does your power. That power may help you to survive, but there will be a price to pay, and more than any ability, the bonds of trust that you build within your party could be your greatest strength. Caught in a conflict between devils, deities, and sinister otherworldly forces, you will determine the fate of the Forgotten Realms together.Forged with the new Divinity 4.0 engine, Baldur\u2019s Gate 3 gives you unprecedented freedom to explore, experiment, and interact with a thriving world filled with characters, dangers, and deceit. A grand, cinematic narrative brings you closer to your characters than ever before. From shadow-cursed forests, to the magical caverns of the Underdark, to the sprawling city of Baldur\u2019s Gate itself, your actions define the adventure, but your choices define your legacy. You will be remembered. The Forgotten Realms are a vast, detailed, and diverse world, and there are secrets to be discovered all around you \u2013 verticality is a vital part of exploration. Sneak, dip, shove, climb, and jump as you journey from the depths of the Underdark to the glittering rooftops of Baldur\u2019s Gate. Every choice you make drives your story forward, each decision leaving your mark on the world. Define your legacy, nurture relationships and create enemies, and solve problems your way. No two playthroughs will ever be the same.allows you to combine your forces in combat and simultaneously attack enemies, or split your party to each follow your own quests and agendas. Concoct the perfect plan together\u2026 or introduce an element of chaos when your friends least expect it. Relationships are complicated. Especially when you\u2019ve got a parasite in your brain. 7 unique Origin heroes offer a hand-crafted experience, each with their own unique traits, agenda, and outlook on the world. Their stories intersect with the overarching narrative, and your choices will determine whether those stories end in redemption, salvation, domination, or one of many other outcomes. Play as an Origin and enjoy their stories, or recruit them to fight alongside you. based on the D&D 5e ruleset. Team-based initiative, advantage and disadvantage, and roll modifiers join an advanced AI, expanded environmental interactions, and a new fluidity in combat that rewards strategy and foresight. Three difficulty settings allow you to customise the challenge of combat. Enable weighted dice to help sway the battle, or play on Tactician mode for a hardcore experience. featuring 31 subraces on top of the 11 races (Human, Githyanki, Half-Orc, Dwarf, Elf, Drow, Tiefling, Halfling, Half Elf, Gnome, Dragonborn), with 46 subclasses branching out of the 12 classes. Over 600 spells and actions offer near-limitless freedom of interactivity in a hand-crafted world where exploration is rewarded, and player agency defines the journey. Our unique Character Creator features unprecedented depth of character, with reactivity that ensures whomever you are, you will leave a unique legacy behind you, all the way up to Level 12. Over 174 hours of cinematics ensure that no matter the choices you make, the cinematic experience follows your journey \u2013 every playthrough, a new cinematic journey. With the looming threat of war heading to Baldur\u2019s Gate, and a mind flayer invasion on the horizon, friendships \u2013 though not necessary \u2013 are bound to be forged on your journey. What becomes of them is up to you, as you enter real, vibrant relationships with those you meet along the way. Each companion has their own moral compass and will react to the choices you make throughout your journey. At what cost will you stick to your ideals? Will you allow love to shape your actions? The relationships made on the road to Baldur\u2019s Gate act as moments of respite at camp as much as they add weight to the many decisions you make on your adventure. so that when you hit \u2018go live\u2019, your stream isn\u2019t interrupted by a bear, swear, or lack of underwear. Baldur\u2019s Gate 3 has 3 different levels of streamer-friendly customisation. You can disable nudity and explicit content separately (or together), and you can enable Twitch integration to interact directly with your audience, just as we do at our Panel From Hell showcases! You\u2019ll be able to stream Baldur\u2019s Gate 3 without any problems, regardless of how you play, thanks to these options.", + "short_description": "Baldur\u2019s Gate 3 is a story-rich, party-based RPG set in the universe of Dungeons & Dragons, where your choices shape a tale of fellowship and betrayal, survival and sacrifice, and the lure of absolute power.", + "genres": "Adventure", + "recommendations": 62394, + "score": 7.278714100473253 + }, + { + "type": "game", + "name": "Scribble It!", + "detailed_description": "JOIN OUR OFFICIAL DISCORD COMMUNITY. About the GameExplore Countless Words. Have you already played through all of our official word packs? Don't worry, there's still plenty more to explore. New word packs, created by our fantastic community, are appearing every day in the world of Scribble It! and are immediately available to you!. Intuitive Controls and Advanced Tools. In most cases, a brush and some colors are enough. But sometimes more advanced tools are needed to create true masterpieces. In both cases, we have something for you. Our tool bar offers the most important tools and makes them accessible in an intuitive way. But more sophisticated tools are just one click away!. Twitch.tv - Collaborate with Your Viewers. Collaborate with your audience and compete against other streamers in Stream Wars! Viewers can choose words and write solutions! The Twitch.tv integration allows you to interact with your audience in a completely new way. . . . \"IM A GOD AT THIS GAME!\". - CouRage. \"Please don't guess it . OH FUCK HE GUESSED IT!!!\". - VanossGaming. \"They are gonna call me Raecasso\". - Valkyrae. \"this game is so fun, i played this with my dad and had the best time of our lives\". - Steam User", + "about_the_game": "Explore Countless WordsHave you already played through all of our official word packs? Don't worry, there's still plenty more to explore. New word packs, created by our fantastic community, are appearing every day in the world of Scribble It! and are immediately available to you!Intuitive Controls and Advanced ToolsIn most cases, a brush and some colors are enough. But sometimes more advanced tools are needed to create true masterpieces.In both cases, we have something for you. Our tool bar offers the most important tools and makes them accessible in an intuitive way. But more sophisticated tools are just one click away!Twitch.tv - Collaborate with Your ViewersCollaborate with your audience and compete against other streamers in Stream Wars! Viewers can choose words and write solutions! The Twitch.tv integration allows you to interact with your audience in a completely new way.\"IM A GOD AT THIS GAME!\"- CouRage\"Please don't guess it ... OH FUCK HE GUESSED IT!!!\"- VanossGaming\"They are gonna call me Raecasso\"- Valkyrae\"this game is so fun, i played this with my dad and had the best time of our lives\"- Steam User", + "short_description": "Scribble It! is a multiplayer drawing and guessing game. Get in a lobby with up to 16 players and choose from thousands of official words, packaged in a variety of high-quality themes and 3 multiplayer game modes. Perfect for game nights, parties or just hanging out with friends.", + "genres": "Casual", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "ONE PIECE: PIRATE WARRIORS 4", + "detailed_description": "Latest ONE PIECE Game Digital Deluxe Edition. The Deluxe Edition includes the following:. - Full Game. - Character Pass which includes 9 characters and the Charlotte Katakuri Early Unlock as a bonus. ONE PIECE: PIRATE WARRIORS 4 is the latest evolution of PIRATE WARRIORS action!. The Pirate Warriors are back and bring with them a more explosive story, more environments and even crazier attacks in ONE PIECE: PIRATE WARRIORS 4. . Choose from some of your favorite characters and take on a vast number of enemies through iconic moments from the One Piece anime. About the Game. The PIRATE WARRIORS series has successfully combined the popular anime ONE PIECE with the thrilling action of the WARRIORS series to create a worldwide phenomenon selling more than four million copies!. Based on the concept of \"fighting hordes of enemies while adventuring with trusted allies,\" experience awesome ONE PIECE action lifted straight from the anime!. ONE PIECE: PIRATE WARRIORS 4 is the latest evolution of PIRATE WARRIORS action! Based on the concept of \"experiencing a real ONE PIECE battlefield,\" buildings will come crashing down during the action and attacks will throw up smoke and dust, placing you in the thick of the ONE PIECE world!. Injecting fresh elements that couldn't be achieved in previous entries has now realized an even more thrilling brand of PIRATE WARRIORS action!", + "about_the_game": "The PIRATE WARRIORS series has successfully combined the popular anime ONE PIECE with the thrilling action of the WARRIORS series to create a worldwide phenomenon selling more than four million copies!Based on the concept of \"fighting hordes of enemies while adventuring with trusted allies,\" experience awesome ONE PIECE action lifted straight from the anime!ONE PIECE: PIRATE WARRIORS 4 is the latest evolution of PIRATE WARRIORS action! Based on the concept of \"experiencing a real ONE PIECE battlefield,\" buildings will come crashing down during the action and attacks will throw up smoke and dust, placing you in the thick of the ONE PIECE world!Injecting fresh elements that couldn't be achieved in previous entries has now realized an even more thrilling brand of PIRATE WARRIORS action!", + "short_description": "ONE PIECE: PIRATE WARRIORS 4 is the latest evolution of PIRATE WARRIORS action! Based on the concept of "experiencing a real ONE PIECE battlefield," buildings will come crashing down during the action and attacks will throw up smoke and dust, placing you in the thick of the ONE PIECE world!", + "genres": "Action", + "recommendations": 11056, + "score": 6.137968822107895 + }, + { + "type": "game", + "name": "NBA 2K20", + "detailed_description": "NBA 2K20 Digital Deluxe. The NBA 2K20 Digital Deluxe Edition includes the following digital items:. 35,000 Virtual Currency. 10,000 MyTEAM Points. 10 MyCAREER Skill Boosts. MyPLAYER Clothing Capsule . 10 MyTEAM League Packs (delivered one a week). 10 MyTEAM Heat Check Packs (delivered one a week beginning at the start of the NBA season). 1 Sapphire MyTEAM Cover Athlete Card. NBA 2K20 Legend Edition. The NBA 2K20 Legend Edition includes the following digital items:. 100,000 Virtual Currency. 50,000 MyTEAM Points. 20 MyCAREER Skill Boosts. MyPLAYER Clothing Capsule . MyPLAYER Apparel Collection . \u2018Pick 10\u2019 MyPLAYER Shoe Collection (10 shoes, user choice). 20 MyTEAM League Packs (delivered one a week). 20 MyTEAM Heat Check Packs (delivered one a week beginning at the start of the NBA season). 5 MyTEAM Themed Packs (one per theme release across the first five releases). 2 Sapphire MyTEAM Cover Athlete Cards. About the GameNOTE: All multiplayer servers for NBA 2K20 will be shutdown as of 12/31/2021. After that time, all game functions requiring online servers will no longer function. . WELCOME TO THE NEXT . NBA 2K has evolved into much more than a basketball simulation. 2K continues to redefine what\u2019s possible in sports gaming with NBA 2K20, featuring best in class graphics & gameplay, ground breaking game modes, and unparalleled player control and customization. Plus, with its immersive open-world Neighborhood, NBA 2K20 is a platform for gamers and ballers to come together and create what\u2019s next in basketball culture. . BEST IN CLASS GAMEPLAY. Take your skills to the next level with the most realistic player control ever, featuring an upgraded motion engine with signature styles, advanced shooting controls, a new dribble size-up system, refined off-ball collisions, and a new read & react defensive game. . MyCAREER. Up-and-coming visionary Sheldon Candis directs the most visually stunning MyCAREER cinematic experience to date. A star-studded cast including Idris Elba, Rosario Dawson, and NBA all-stars past and present bring the journey to life in a completely new and immersive way. . THE NEXT NEIGHBORHOOD. Experience a more vibrant, active Neighborhood. Access even more 2K Compete Events, unlock animations with the new Show-Off Stick, play a round on the 9 hole Disc Golf course, and earn more exclusive gear than ever before. . BRING YOUR GAME & REP UP. The Park remains the center stage where players hone their skills and battle to be the best. And with the return of Park Rep, everyone will know who\u2019s legit and who needs a seat on the bench. Unlock exclusive items as you rep up, and use them on any of your MyPLAYER builds! Tons of new prizes available with the new and improved Rep system. . MyPLAYER BUILDER. More control than ever before. The new MyPLAYER Builder allows you to make decisions on every aspect of your MyPLAYER\u2019s potential, including choosing your own Takeover. With over 100 archetypes and 50 new badges, the combinations are nearly endless. . WELCOME TO THE WNBA. For the first time, all 12 WNBA teams and over 140 players are in the game and ready to run in Play Now and Season modes. Complete with gameplay animations, play styles, and visuals built exclusively for the women\u2019s game. . MyTEAM . NBA 2K\u2019s fantasy card collector. Master MyTEAM with daily goals, card-leveling, a reimagined Triple Threat, limited-time events, and even more prizes. Enjoy a simplified user experience that both veterans and rookies will appreciate, and stay connected to the community with Locker Codes, Leaderboards, Developer Tips, Team of the Week, and more. . DYNAMIC SOUNDTRACK. In collaboration with Steve Stoute and United Masters, this year\u2019s soundtrack features a diverse array of top songs from both well-known and up-and-coming artists from across the globe. . LEGENDARY TEAMS . Play with over 10 new legendary teams from the past, including the 2009-10 Portland Trail Blazers, 2015-16 Cleveland Cavaliers, 2013-14 San Antonio Spurs, 2002-03 Phoenix Suns, and All-Decade teams from every era of NBA history. Over 100 total legendary teams to choose from. . NEXT LEVEL PRESENTATION. Dynamic, broadcast-quality gameplay presentation featuring the deepest roster of talent in sports videogame history, led by Kevin Harlan, Ernie Johnson, and many more. It\u2019s an audio experience unlike any other, with over 60,000 new lines of dialogue, all-new studio shows and game intros, MyPLAYER interviews, records and milestone coverage, and over 2,000 arena specific crowd reactions and sounds. . MyGM/MyLEAGUE. Think you can build the next dynasty? Take full control of a franchise and develop a champion from the ground up. Featuring new skill trees, a revamped relationship system, simulator customization, revised scouting, and more. . 2KTV \u2013 SEASON 6. Hosted by Alexis Morgan & Chris Manning, NBA 2KTV returns for another season as the hub for all things NBA 2K. Featuring members of the 2K community, exclusive interviews with NBA & WNBA stars, the latest 2K20 news, tips & insights directly from developers, and your weekly Top Plays!", + "about_the_game": "NOTE: All multiplayer servers for NBA 2K20 will be shutdown as of 12/31/2021. After that time, all game functions requiring online servers will no longer function.WELCOME TO THE NEXT NBA 2K has evolved into much more than a basketball simulation. 2K continues to redefine what\u2019s possible in sports gaming with NBA 2K20, featuring best in class graphics & gameplay, ground breaking game modes, and unparalleled player control and customization. Plus, with its immersive open-world Neighborhood, NBA 2K20 is a platform for gamers and ballers to come together and create what\u2019s next in basketball culture.BEST IN CLASS GAMEPLAYTake your skills to the next level with the most realistic player control ever, featuring an upgraded motion engine with signature styles, advanced shooting controls, a new dribble size-up system, refined off-ball collisions, and a new read & react defensive game.MyCAREERUp-and-coming visionary Sheldon Candis directs the most visually stunning MyCAREER cinematic experience to date. A star-studded cast including Idris Elba, Rosario Dawson, and NBA all-stars past and present bring the journey to life in a completely new and immersive way.THE NEXT NEIGHBORHOODExperience a more vibrant, active Neighborhood. Access even more 2K Compete Events, unlock animations with the new Show-Off Stick, play a round on the 9 hole Disc Golf course, and earn more exclusive gear than ever before. BRING YOUR GAME & REP UPThe Park remains the center stage where players hone their skills and battle to be the best. And with the return of Park Rep, everyone will know who\u2019s legit and who needs a seat on the bench. Unlock exclusive items as you rep up, and use them on any of your MyPLAYER builds! Tons of new prizes available with the new and improved Rep system. MyPLAYER BUILDERMore control than ever before. The new MyPLAYER Builder allows you to make decisions on every aspect of your MyPLAYER\u2019s potential, including choosing your own Takeover. With over 100 archetypes and 50 new badges, the combinations are nearly endless. WELCOME TO THE WNBAFor the first time, all 12 WNBA teams and over 140 players are in the game and ready to run in Play Now and Season modes. Complete with gameplay animations, play styles, and visuals built exclusively for the women\u2019s game.MyTEAM NBA 2K\u2019s fantasy card collector. Master MyTEAM with daily goals, card-leveling, a reimagined Triple Threat, limited-time events, and even more prizes. Enjoy a simplified user experience that both veterans and rookies will appreciate, and stay connected to the community with Locker Codes, Leaderboards, Developer Tips, Team of the Week, and more. DYNAMIC SOUNDTRACKIn collaboration with Steve Stoute and United Masters, this year\u2019s soundtrack features a diverse array of top songs from both well-known and up-and-coming artists from across the globe. LEGENDARY TEAMS Play with over 10 new legendary teams from the past, including the 2009-10 Portland Trail Blazers, 2015-16 Cleveland Cavaliers, 2013-14 San Antonio Spurs, 2002-03 Phoenix Suns, and All-Decade teams from every era of NBA history. Over 100 total legendary teams to choose from.NEXT LEVEL PRESENTATIONDynamic, broadcast-quality gameplay presentation featuring the deepest roster of talent in sports videogame history, led by Kevin Harlan, Ernie Johnson, and many more. It\u2019s an audio experience unlike any other, with over 60,000 new lines of dialogue, all-new studio shows and game intros, MyPLAYER interviews, records and milestone coverage, and over 2,000 arena specific crowd reactions and sounds. MyGM/MyLEAGUEThink you can build the next dynasty? Take full control of a franchise and develop a champion from the ground up. Featuring new skill trees, a revamped relationship system, simulator customization, revised scouting, and more.2KTV \u2013 SEASON 6Hosted by Alexis Morgan & Chris Manning, NBA 2KTV returns for another season as the hub for all things NBA 2K. Featuring members of the 2K community, exclusive interviews with NBA & WNBA stars, the latest 2K20 news, tips & insights directly from developers, and your weekly Top Plays!", + "short_description": "NOTE: All multiplayer servers for NBA 2K20 will be shutdown as of 12/31/2021. After that time, all game functions requiring online servers will no longer function.", + "genres": "Simulation", + "recommendations": 46882, + "score": 7.09028645768096 + }, + { + "type": "game", + "name": "The Henry Stickmin Collection", + "detailed_description": "The Henry Stickmin Collection is a Newgrounds choose-your-own-path classic, reborn and revitalized. This 6-game epic culminates in multiple entirely canon, extremely different endings. Each step of the journey has you choose from options such as a Teleporter or calling in your buddy Charles to help you out. Correct choices will move the story forward, but incorrect choices lead to a fail. If you get to the end on your first try, you\u2019re doing it wrong. Failing is half the fun.An Old Series, RemasteredThe Henry Stickmin games have seen some good times on the internet, but age has not been kind. Breaking the Bank has been completely reanimated from scratch. Escaping the Prison, Stealing the Diamond, Infiltrating the Airship and Fleeing the Complex have all had their backgrounds and sound effects redone!. A Grand FinaleA final game, Completing the Mission, is is featured in this collection. It's brand new, never before seen online! Cap off the series with a game 3x bigger than any of the previous games in the series. .", + "about_the_game": "The Henry Stickmin Collection is a Newgrounds choose-your-own-path classic, reborn and revitalized. This 6-game epic culminates in multiple entirely canon, extremely different endings. Each step of the journey has you choose from options such as a Teleporter or calling in your buddy Charles to help you out. Correct choices will move the story forward, but incorrect choices lead to a fail. If you get to the end on your first try, you\u2019re doing it wrong. Failing is half the fun.An Old Series, RemasteredThe Henry Stickmin games have seen some good times on the internet, but age has not been kind. Breaking the Bank has been completely reanimated from scratch. Escaping the Prison, Stealing the Diamond, Infiltrating the Airship and Fleeing the Complex have all had their backgrounds and sound effects redone!A Grand FinaleA final game, Completing the Mission, is is featured in this collection. It's brand new, never before seen online! Cap off the series with a game 3x bigger than any of the previous games in the series.", + "short_description": "A choose-your-own-path where failing is more fun than succeeding.", + "genres": "Adventure", + "recommendations": 36255, + "score": 6.920831286086498 + }, + { + "type": "game", + "name": "\u30b5\u30a4\u30d0\u30fc\u30d1\u30f3\u30af2077", + "detailed_description": "\u30b5\u30a4\u30d0\u30fc\u30d1\u30f3\u30af2077\uff06\u4eee\u521d\u3081\u306e\u81ea\u7531 \u30d0\u30f3\u30c9\u30eb. CD PROJEKT RED\u306e\u4ed6\u306e\u30b2\u30fc\u30e0\u3092\u30c1\u30a7\u30c3\u30af\u3057\u3088\u3046 \u30b2\u30fc\u30e0\u306b\u3064\u3044\u3066. \u300e\u30b5\u30a4\u30d0\u30fc\u30d1\u30f3\u30af2077\u300f\u306f\u3001\u5de8\u5927\u90fd\u5e02\u30ca\u30a4\u30c8\u30b7\u30c6\u30a3\u3092\u821e\u53f0\u306b\u3001\u751f\u5b58\u3092\u304b\u3051\u305f\u6226\u3044\u306b\u8eab\u3092\u6295\u3058\u308b\u3053\u3068\u306b\u306a\u3063\u305f\u4e3b\u4eba\u516c\u201cV\uff08\u30f4\u30a3\u30fc\uff09\u201d\u3092\u64cd\u308b\u30aa\u30fc\u30d7\u30f3\u30ef\u30fc\u30eb\u30c9\u30fb\u30a2\u30af\u30b7\u30e7\u30f3\u30a2\u30c9\u30d9\u30f3\u30c1\u30e3\u30fcRPG\u3002\u5916\u898b\u304b\u3089\u30b5\u30a4\u30d0\u30fc\u30a6\u30a7\u30a2\u306b\u3088\u308b\u8eab\u4f53\u5f37\u5316\u3001\u30d7\u30ec\u30a4\u30b9\u30bf\u30a4\u30eb\u307e\u3067\u3001\u8c4a\u5bcc\u306a\u30ab\u30b9\u30bf\u30de\u30a4\u30ba\u8981\u7d20\u3092\u7528\u610f\u3002\u7121\u6570\u306e\u9078\u629e\u80a2\u3092\u901a\u3058\u3066\u3001\u81ea\u5206\u3060\u3051\u306e\u30b9\u30c8\u30fc\u30ea\u30fc\u3092\u8a9e\u308c\u3002\u30ca\u30a4\u30c8\u30b7\u30c6\u30a3\u306f\u30ec\u30b8\u30a7\u30f3\u30c9\u304c\u751f\u307e\u308c\u308b\u8857\u2015\u2015\u305d\u3057\u3066\u541b\u306e\u4f1d\u8aac\u306f\u3053\u3053\u304b\u3089\u59cb\u307e\u308b\u3002\u6570\u591a\u304f\u306e\u6539\u826f\u3092\u91cd\u306d\u3001\u7121\u6599\u8ffd\u52a0\u30b3\u30f3\u30c6\u30f3\u30c4\u3082\u5b9f\u88c5\uff01. . \u81ea\u5206\u3060\u3051\u306e\u30b5\u30a4\u30d0\u30fc\u30d1\u30f3\u30af\u3092\u4f5c\u308a\u51fa\u305b. \u69d8\u3005\u306a\u30b5\u30a4\u30d0\u30fc\u30a6\u30a7\u30a2\u3067\u81ea\u5206\u3092\u5f37\u5316\u3057\u308d\u3002\u4f1d\u8aac\u306e\u30b5\u30a4\u30d0\u30fc\u30d1\u30f3\u30af\u3068\u306a\u308a\u3001\u30ca\u30a4\u30c8\u30b7\u30c6\u30a3\u306b\u540d\u3092\u6b8b\u305b. . \u672a\u6765\u306e\u5de8\u5927\u90fd\u5e02\u304c\u30aa\u30fc\u30d7\u30f3\u30ef\u30fc\u30eb\u30c9\u306b. \u3069\u3053\u306b\u3001\u3044\u3064\u3001\u3069\u3046\u3084\u3063\u3066\u884c\u304f\u304b\u2015\u2015\u3059\u3079\u3066\u306f\u30d7\u30ec\u30a4\u30e4\u30fc\u6b21\u7b2c\u3002\u6469\u5929\u697c\u304c\u3072\u3057\u3081\u304f\u672a\u6765\u306e\u90fd\u5e02\u3092\u3001\u7e26\u6a2a\u7121\u5c3d\u306b\u99c6\u3051\u56de\u308c. . \u81ea\u5206\u3060\u3051\u306e\u7269\u8a9e\u3092\u4f53\u9a13. \u69d8\u3005\u306a\u5192\u967a\u3068\u500b\u6027\u7684\u306a\u30ad\u30e3\u30e9\u30af\u30bf\u30fc\u305f\u3061\u3002\u30d7\u30ec\u30a4\u30e4\u30fc\u306e\u9078\u629e\u6b21\u7b2c\u3067\u3001\u5f7c\u3089\u306e\u7269\u8a9e\u3082\u5909\u308f\u3063\u3066\u3044\u304f. . \u591a\u6570\u306e\u6539\u826f\u3092\u5b9f\u88c5. \u30b2\u30fc\u30e0\u30d7\u30ec\u30a4\u3084\u30b2\u30fc\u30e0\u5185\u7d4c\u6e08\u3001\u8857\u3001\u30de\u30c3\u30d7\u306e\u4f7f\u3044\u52dd\u624b\u306a\u3069\u3001\u591a\u6570\u306e\u6539\u826f\u3092\u5b9f\u88c5. . \u7121\u6599\u8ffd\u52a0\u30b3\u30f3\u30c6\u30f3\u30c4. \u65b0\u305f\u306a\u9283\u3084\u8fd1\u63a5\u6b66\u5668\u3001\u30ab\u30b9\u30bf\u30de\u30a4\u30ba\u30aa\u30d7\u30b7\u30e7\u30f3\u306a\u3069\u3001\u6570\u3005\u306e\u7121\u6599\u30a2\u30a4\u30c6\u30e0\u3092\u8ffd\u52a0. GO TO CYBERPUNK.NET.", + "about_the_game": "\u300e\u30b5\u30a4\u30d0\u30fc\u30d1\u30f3\u30af2077\u300f\u306f\u3001\u5de8\u5927\u90fd\u5e02\u30ca\u30a4\u30c8\u30b7\u30c6\u30a3\u3092\u821e\u53f0\u306b\u3001\u751f\u5b58\u3092\u304b\u3051\u305f\u6226\u3044\u306b\u8eab\u3092\u6295\u3058\u308b\u3053\u3068\u306b\u306a\u3063\u305f\u4e3b\u4eba\u516c\u201cV\uff08\u30f4\u30a3\u30fc\uff09\u201d\u3092\u64cd\u308b\u30aa\u30fc\u30d7\u30f3\u30ef\u30fc\u30eb\u30c9\u30fb\u30a2\u30af\u30b7\u30e7\u30f3\u30a2\u30c9\u30d9\u30f3\u30c1\u30e3\u30fcRPG\u3002\u5916\u898b\u304b\u3089\u30b5\u30a4\u30d0\u30fc\u30a6\u30a7\u30a2\u306b\u3088\u308b\u8eab\u4f53\u5f37\u5316\u3001\u30d7\u30ec\u30a4\u30b9\u30bf\u30a4\u30eb\u307e\u3067\u3001\u8c4a\u5bcc\u306a\u30ab\u30b9\u30bf\u30de\u30a4\u30ba\u8981\u7d20\u3092\u7528\u610f\u3002\u7121\u6570\u306e\u9078\u629e\u80a2\u3092\u901a\u3058\u3066\u3001\u81ea\u5206\u3060\u3051\u306e\u30b9\u30c8\u30fc\u30ea\u30fc\u3092\u8a9e\u308c\u3002\u30ca\u30a4\u30c8\u30b7\u30c6\u30a3\u306f\u30ec\u30b8\u30a7\u30f3\u30c9\u304c\u751f\u307e\u308c\u308b\u8857\u2015\u2015\u305d\u3057\u3066\u541b\u306e\u4f1d\u8aac\u306f\u3053\u3053\u304b\u3089\u59cb\u307e\u308b\u3002\u6570\u591a\u304f\u306e\u6539\u826f\u3092\u91cd\u306d\u3001\u7121\u6599\u8ffd\u52a0\u30b3\u30f3\u30c6\u30f3\u30c4\u3082\u5b9f\u88c5\uff01\u81ea\u5206\u3060\u3051\u306e\u30b5\u30a4\u30d0\u30fc\u30d1\u30f3\u30af\u3092\u4f5c\u308a\u51fa\u305b\u69d8\u3005\u306a\u30b5\u30a4\u30d0\u30fc\u30a6\u30a7\u30a2\u3067\u81ea\u5206\u3092\u5f37\u5316\u3057\u308d\u3002\u4f1d\u8aac\u306e\u30b5\u30a4\u30d0\u30fc\u30d1\u30f3\u30af\u3068\u306a\u308a\u3001\u30ca\u30a4\u30c8\u30b7\u30c6\u30a3\u306b\u540d\u3092\u6b8b\u305b\u672a\u6765\u306e\u5de8\u5927\u90fd\u5e02\u304c\u30aa\u30fc\u30d7\u30f3\u30ef\u30fc\u30eb\u30c9\u306b\u3069\u3053\u306b\u3001\u3044\u3064\u3001\u3069\u3046\u3084\u3063\u3066\u884c\u304f\u304b\u2015\u2015\u3059\u3079\u3066\u306f\u30d7\u30ec\u30a4\u30e4\u30fc\u6b21\u7b2c\u3002\u6469\u5929\u697c\u304c\u3072\u3057\u3081\u304f\u672a\u6765\u306e\u90fd\u5e02\u3092\u3001\u7e26\u6a2a\u7121\u5c3d\u306b\u99c6\u3051\u56de\u308c\u81ea\u5206\u3060\u3051\u306e\u7269\u8a9e\u3092\u4f53\u9a13\u69d8\u3005\u306a\u5192\u967a\u3068\u500b\u6027\u7684\u306a\u30ad\u30e3\u30e9\u30af\u30bf\u30fc\u305f\u3061\u3002\u30d7\u30ec\u30a4\u30e4\u30fc\u306e\u9078\u629e\u6b21\u7b2c\u3067\u3001\u5f7c\u3089\u306e\u7269\u8a9e\u3082\u5909\u308f\u3063\u3066\u3044\u304f\u591a\u6570\u306e\u6539\u826f\u3092\u5b9f\u88c5\u30b2\u30fc\u30e0\u30d7\u30ec\u30a4\u3084\u30b2\u30fc\u30e0\u5185\u7d4c\u6e08\u3001\u8857\u3001\u30de\u30c3\u30d7\u306e\u4f7f\u3044\u52dd\u624b\u306a\u3069\u3001\u591a\u6570\u306e\u6539\u826f\u3092\u5b9f\u88c5\u7121\u6599\u8ffd\u52a0\u30b3\u30f3\u30c6\u30f3\u30c4\u65b0\u305f\u306a\u9283\u3084\u8fd1\u63a5\u6b66\u5668\u3001\u30ab\u30b9\u30bf\u30de\u30a4\u30ba\u30aa\u30d7\u30b7\u30e7\u30f3\u306a\u3069\u3001\u6570\u3005\u306e\u7121\u6599\u30a2\u30a4\u30c6\u30e0\u3092\u8ffd\u52a0GO TO CYBERPUNK.NET", + "short_description": "\u300e\u30b5\u30a4\u30d0\u30fc\u30d1\u30f3\u30af2077\u300f\u2015\u2015\u672a\u6765\u306e\u5de8\u5927\u90fd\u5e02\u30ca\u30a4\u30c8\u30b7\u30c6\u30a3\u3092\u821e\u53f0\u306b\u3057\u305f\u30aa\u30fc\u30d7\u30f3\u30ef\u30fc\u30eb\u30c9\u30fb\u30a2\u30af\u30b7\u30e7\u30f3\u30a2\u30c9\u30d9\u30f3\u30c1\u30e3\u30fcRPG", + "genres": "RPG", + "recommendations": 556154, + "score": 8.72081996475658 + }, + { + "type": "game", + "name": "Inscryption", + "detailed_description": "From the creator of Pony Island and The Hex comes the latest mind melting, self-destructing love letter to video games. Inscryption is an inky black card-based odyssey that blends the deckbuilding roguelike, escape-room style puzzles, and psychological horror into a blood-laced smoothie. Darker still are the secrets inscrybed upon the cards. In Inscryption you will. Acquire a deck of woodland creature cards by draft, surgery, and self mutilation. Unlock the secrets lurking behind the walls of Leshy's cabin. Embark on an unexpected and deeply disturbing odyssey.", + "about_the_game": "From the creator of Pony Island and The Hex comes the latest mind melting, self-destructing love letter to video games. Inscryption is an inky black card-based odyssey that blends the deckbuilding roguelike, escape-room style puzzles, and psychological horror into a blood-laced smoothie. Darker still are the secrets inscrybed upon the cards...In Inscryption you will... Acquire a deck of woodland creature cards by draft, surgery, and self mutilation Unlock the secrets lurking behind the walls of Leshy's cabin Embark on an unexpected and deeply disturbing odyssey", + "short_description": "Inscryption is an inky black card-based odyssey that blends the deckbuilding roguelike, escape-room style puzzles, and psychological horror into a blood-laced smoothie. Darker still are the secrets inscrybed upon the cards...", + "genres": "Adventure", + "recommendations": 87141, + "score": 7.498932320104358 + }, + { + "type": "game", + "name": "Solasta: Crown of the Magister", + "detailed_description": "True to the TabletopWizards of the Coast granted Tactical Adventures a license to use the Dungeons and Dragons SRD 5.1 Ruleset, further anchoring our will to make the most faithful video game adaptation with the Tabletop Ruleset and craft the game you are hoping for!. . Solasta: Crown of the Magister brings back the thrill, tactics, and deep storytelling of tabletop games. As you play, you'll feel yourself reaching for your dice and miniatures. It's time to dive into the world of Solasta. Roll for initiative!. About the GameFree Content Update with the release of Lost ValleyOnline Multiplayer Co-op is now available: Compatible with both official CotM & Lost Valley campaigns, Primal Calling content as well as Custom Campaigns made with the Dungeon Maker! . Spellcasting Chants: Your spellcasters are no longer mute when casting spells, and we\u2019ve added an additional spellcasting animation to boot! (you can turn off chants in the option menu). Crafting Feats: Tired of having to pick specific background in order to craft potions and magic items? We\u2019ve added two feats to solve that problem! . Surprise System Overhaul: Now more faithful to the tabletop rules with individual perception checks for each surprised enemy, making fights more even!. New Quest, Dialog & Custom Loot Table Systems added to the Dungeon Maker, helping creators to make even better and Custom Campaigns!. . Created and written by lifelong fans of Pen & Paper RPGs, comes Solasta: Crown of the Magister. . Bring the authentic Tabletop gaming experience to your PC!Roll for initiative, take attacks of opportunity, manage player location and the verticality of the battle field. Set yourself up for the finishing strike and possibly roll a natural 20 at that key moment of battle.\u200b. . In Solasta, you take control of four heroes, each with unique skills that complement one another. Every hero expresses themselves in the adventure, making each action and dialog choice a dynamic part to the story. Players will create their heroes just as they would in a pen-and-paper game by choosing their race, class, personality and rolling for their stats.\u200b. You make the choices, dice decide your destiny. . Key Features:An Epic Team Adventure . Discover the shattered world of Solasta: explore ruins and dungeons for legendary treasures, learn the truth of an age-old cataclysm - and stop it from happening again. . Create your very own party of adventurers with our Character Creation Tool in the classic tabletop RPG tradition. Breathe life into your heroes, and see their personalities reflected in their dialogue. Tailor your squad to your preferred strategy and maximize your party's abilities. The choice is yours. . Discover a Mysterious & Dynamic World. Delve into long forgotten dungeons to unearth ancient artifacts, but stay watchful of light and darkness: many dangers hide in the dark, but a light can attract monsters. Some enemies have darkvision, some may flee from your torch. Successful adventurers will learn to use it to their advantage. . Fight monsters in squad-level, turn-based, tactical combat. Solasta's dynamic environment offers some interesting tactical options. Bridges can collapse, leaving enemies stranded and vulnerable. Walls and columns can be pushed over - on top of your foes, if you do it right. The world is your playground. . Prepare to Think in Three Dimensions . The dungeons in Solasta are more than flat game-boards. Climb, jump, or fly around obstacles. Evade or surprise foes from above or below. Push them into chasms or drop things on their heads. Position yourself on high grounds to start the fight with an advantage. . Size also matters. Escape through narrow passages where bigger enemies won't fit and crawl through tunnels to find secret areas. Take advantage of the environment to find cover suited to your own size. Watch out, though - the monsters are also thinking vertically. . Dungeon Maker. In Solasta, the adventure does not stop after the campaign is over. Unleash your creativity and craft your own dungeons to play and share with friends with the snap of a finger using the in-game Dungeon Maker! From the room layout, monster composition and treasure the party will find \u2013 down to the decoration and lighting of each room or the music track playing \u2013 everything is decided by you. . Note that the Dungeon Maker is a work in progress and will keep being improved as time goes by, so look forward to more Dungeon Maker features in the future!. Solasta Free Content Update with the release of Primal CallingTo celebrate the release of the Primal Calling DLC, we're releasing a free content update for all our players - including a much anticipated higher level cap!. Level cap increased from level 10 to level 12, unlocking new class features as well as level 6 spells. Scars and Facial Paints customization options in character creation. Tired of playing through the tutorial? You can now skip it!. Rebalanced (harder!) fight at the end of the campaign - prepare for a challenge!. New Town Exterior & Town Interior Environments for the Dungeon Maker. New Campaign Creator Feature, allowing custom dungeons to be bundled together into a campaign with custom monsters, custom NPCs & merchants and custom items!. ", + "about_the_game": "Free Content Update with the release of Lost ValleyOnline Multiplayer Co-op is now available: Compatible with both official CotM & Lost Valley campaigns, Primal Calling content as well as Custom Campaigns made with the Dungeon Maker! Spellcasting Chants: Your spellcasters are no longer mute when casting spells, and we\u2019ve added an additional spellcasting animation to boot! (you can turn off chants in the option menu)Crafting Feats: Tired of having to pick specific background in order to craft potions and magic items? We\u2019ve added two feats to solve that problem! Surprise System Overhaul: Now more faithful to the tabletop rules with individual perception checks for each surprised enemy, making fights more even!New Quest, Dialog & Custom Loot Table Systems added to the Dungeon Maker, helping creators to make even better and Custom Campaigns!Created and written by lifelong fans of Pen & Paper RPGs, comes Solasta: Crown of the Magister.Bring the authentic Tabletop gaming experience to your PC!Roll for initiative, take attacks of opportunity, manage player location and the verticality of the battle field. Set yourself up for the finishing strike and possibly roll a natural 20 at that key moment of battle.\u200bIn Solasta, you take control of four heroes, each with unique skills that complement one another. Every hero expresses themselves in the adventure, making each action and dialog choice a dynamic part to the story. Players will create their heroes just as they would in a pen-and-paper game by choosing their race, class, personality and rolling for their stats.\u200bYou make the choices, dice decide your destiny.Key Features:An Epic Team Adventure Discover the shattered world of Solasta: explore ruins and dungeons for legendary treasures, learn the truth of an age-old cataclysm - and stop it from happening again. Create your very own party of adventurers with our Character Creation Tool in the classic tabletop RPG tradition. Breathe life into your heroes, and see their personalities reflected in their dialogue. Tailor your squad to your preferred strategy and maximize your party's abilities. The choice is yours.Discover a Mysterious & Dynamic WorldDelve into long forgotten dungeons to unearth ancient artifacts, but stay watchful of light and darkness: many dangers hide in the dark, but a light can attract monsters. Some enemies have darkvision, some may flee from your torch... Successful adventurers will learn to use it to their advantage. Fight monsters in squad-level, turn-based, tactical combat. Solasta's dynamic environment offers some interesting tactical options. Bridges can collapse, leaving enemies stranded and vulnerable. Walls and columns can be pushed over - on top of your foes, if you do it right. The world is your playground.Prepare to Think in Three Dimensions The dungeons in Solasta are more than flat game-boards. Climb, jump, or fly around obstacles. Evade or surprise foes from above or below. Push them into chasms or drop things on their heads. Position yourself on high grounds to start the fight with an advantage. Size also matters. Escape through narrow passages where bigger enemies won't fit and crawl through tunnels to find secret areas. Take advantage of the environment to find cover suited to your own size. Watch out, though - the monsters are also thinking vertically.Dungeon MakerIn Solasta, the adventure does not stop after the campaign is over. Unleash your creativity and craft your own dungeons to play and share with friends with the snap of a finger using the in-game Dungeon Maker! From the room layout, monster composition and treasure the party will find \u2013 down to the decoration and lighting of each room or the music track playing \u2013 everything is decided by you.Note that the Dungeon Maker is a work in progress and will keep being improved as time goes by, so look forward to more Dungeon Maker features in the future!Solasta Free Content Update with the release of Primal CallingTo celebrate the release of the Primal Calling DLC, we're releasing a free content update for all our players - including a much anticipated higher level cap!Level cap increased from level 10 to level 12, unlocking new class features as well as level 6 spellsScars and Facial Paints customization options in character creationTired of playing through the tutorial? You can now skip it!Rebalanced (harder!) fight at the end of the campaign - prepare for a challenge!New Town Exterior & Town Interior Environments for the Dungeon MakerNew Campaign Creator Feature, allowing custom dungeons to be bundled together into a campaign with custom monsters, custom NPCs & merchants and custom items!", + "short_description": "Roll for initiative, take attacks of opportunity, manage player location and the verticality of the battle field in this Turn-Based Tactical RPG based on the SRD 5.1 Ruleset. In Solasta, you make the choices, dice decide your destiny.", + "genres": "Adventure", + "recommendations": 15375, + "score": 6.35534596763578 + }, + { + "type": "game", + "name": "Fall Guys", + "detailed_description": ". You\u2019re invited to dive and dodge your way to victory in the pantheon of clumsy. Rookie or pro? Solo or partied up? Fall Guys delivers ever-evolving, high-concentrated hilarity and fun. The only thing more important than winning is looking as ridiculous as possible while doing it. Grab the silliest costume you can and fall in line\u2014the show's about to start!. . Competitive & Cooperative: Tumble between competitive free-for-alls and cooperative challenges\u2014or take on the Blunderdome with up to 3 friends!. . Play with Friends: Fall Guys supports cross-play, cross-platform parties and cross-progression via your Epic Games Account. . . Ever-Evolving Content: Play stays fresh with Limited Time Events and new game modes. Each Season brings with it new costumes, collabs, obstacles and ways to play. . . Gloriously Customizable: Choose from a multitude of Colors, Patterns, Costumes and Nameplates. Relish wins with voguish Celebrations and share your flair with Emotes!. Items shown may require separate purchase from the in-game store and are subject to availability. Contains in-game purchases.", + "about_the_game": "You\u2019re invited to dive and dodge your way to victory in the pantheon of clumsy. Rookie or pro? Solo or partied up? Fall Guys delivers ever-evolving, high-concentrated hilarity and fun. The only thing more important than winning is looking as ridiculous as possible while doing it. Grab the silliest costume you can and fall in line\u2014the show's about to start!Competitive & Cooperative: Tumble between competitive free-for-alls and cooperative challenges\u2014or take on the Blunderdome with up to 3 friends!Play with Friends: Fall Guys supports cross-play, cross-platform parties and cross-progression via your Epic Games Account.Ever-Evolving Content: Play stays fresh with Limited Time Events and new game modes. Each Season brings with it new costumes, collabs, obstacles and ways to play.Gloriously Customizable: Choose from a multitude of Colors, Patterns, Costumes and Nameplates. Relish wins with voguish Celebrations and share your flair with Emotes!Items shown may require separate purchase from the in-game store and are subject to availability. Contains in-game purchases.", + "short_description": "Fall Guys is a free, cross-platform, massively multiplayer, party royale game where you and your fellow contestants compete through escalating rounds of absurd obstacle course chaos until one lucky victor remains!", + "genres": "Action", + "recommendations": 418687, + "score": 8.533650783412806 + }, + { + "type": "game", + "name": "Football Manager 2020", + "detailed_description": "Run your football club, your way. Every decision counts in Football Manager 2020 with new features and polished game mechanics rewarding planning and progression like never before, empowering managers to develop and refine both your club\u2019s and your own unique identity. . Walk down the tunnel to a living, breathing football world with you at the very heart of it. Around here, your opinion matters! . This is a world that rewards planning and knowledge but, unlike other games, there\u2019s no pre-defined ending or script to follow \u2013 just endless possibilities and opportunities. Every club has a story to tell and it\u2019s down to you to create it. . They say football is a game of dreams. Well, managers are a special breed of dreamers. . They don\u2019t see problems, only opportunities: the chance to prove themselves against the best in the world, to develop and instil a new footballing philosophy, to nurture talent through the ranks, to lift the club to greater heights and end the wait for silverware. . How you get to the top is up to you\u2026 you\u2019ll own your decisions, and the consequences they bring\u2026. Base yourself in 50 of the biggest footballing countries worldwide. Oversee a new era of success at one of 2,500 clubs at every level. Sign the best and mould the future \u2013 scout more than 500,000 real players and staff. Create your tactical vision and bring it to life on the training pitch. Kick every ball with our most immersive and smartest match engine to date. DEVELOPMENT CENTRE. Take full control of your youth team operations in a new all-encompassing hub. Nurture your young stars from the moment they arrive at your club and through the youth ranks until they\u2019re ready for first-team action. . CLUB VISION. Develop a culture, work with the board to achieve ongoing objectives and plot a course for your club to progress in seasons to come. Club vision goes far beyond the boardroom; impacting on transfers, playing style and competition expectations as you look to strengthen your club\u2019s identity and meet the multi-year milestones. . PLAYING TIME PATHWAY. A whole new way to define a player\u2019s standing in your squad. Build in current and future playing time across the length of a contract, defining a clear pathway from Fringe Player to Star Player and everything in between. . BACKROOM STAFF. New roles, advice and interaction make your staff more involved and important than ever. More collaboration across more areas brings the game closer to the structure of a real-life backroom team.GRAPHIC IMPROVEMENTS. Redesigned player and manager models, improved lighting and overhauled pitch visuals combine to create the most realistic and best-looking match experience to date. .", + "about_the_game": "Run your football club, your way. Every decision counts in Football Manager 2020 with new features and polished game mechanics rewarding planning and progression like never before, empowering managers to develop and refine both your club\u2019s and your own unique identity. Walk down the tunnel to a living, breathing football world with you at the very heart of it. Around here, your opinion matters! This is a world that rewards planning and knowledge but, unlike other games, there\u2019s no pre-defined ending or script to follow \u2013 just endless possibilities and opportunities. Every club has a story to tell and it\u2019s down to you to create it. They say football is a game of dreams. Well, managers are a special breed of dreamers. They don\u2019t see problems, only opportunities: the chance to prove themselves against the best in the world, to develop and instil a new footballing philosophy, to nurture talent through the ranks, to lift the club to greater heights and end the wait for silverware. How you get to the top is up to you\u2026 you\u2019ll own your decisions, and the consequences they bring\u2026Base yourself in 50 of the biggest footballing countries worldwideOversee a new era of success at one of 2,500 clubs at every levelSign the best and mould the future \u2013 scout more than 500,000 real players and staffCreate your tactical vision and bring it to life on the training pitchKick every ball with our most immersive and smartest match engine to dateDEVELOPMENT CENTRETake full control of your youth team operations in a new all-encompassing hub. Nurture your young stars from the moment they arrive at your club and through the youth ranks until they\u2019re ready for first-team action.CLUB VISIONDevelop a culture, work with the board to achieve ongoing objectives and plot a course for your club to progress in seasons to come. Club vision goes far beyond the boardroom; impacting on transfers, playing style and competition expectations as you look to strengthen your club\u2019s identity and meet the multi-year milestones.PLAYING TIME PATHWAYA whole new way to define a player\u2019s standing in your squad. Build in current and future playing time across the length of a contract, defining a clear pathway from Fringe Player to Star Player and everything in between.BACKROOM STAFFNew roles, advice and interaction make your staff more involved and important than ever. More collaboration across more areas brings the game closer to the structure of a real-life backroom team.GRAPHIC IMPROVEMENTSRedesigned player and manager models, improved lighting and overhauled pitch visuals combine to create the most realistic and best-looking match experience to date.", + "short_description": "Run your football club, your way. Every decision counts in Football Manager 2020 with new features and polished game mechanics rewarding planning and progression like never before, empowering managers to develop and refine both your club\u2019s and your own unique identity.", + "genres": "Simulation", + "recommendations": 17094, + "score": 6.425209930112538 + }, + { + "type": "game", + "name": "Persona 4 Golden", + "detailed_description": "Digital Deluxe Edition. About the Game. Inaba\u2014a quiet town in rural Japan sets the scene for budding adolescence in Persona 4 Golden. . A coming of age story that sets the protagonist and his friends on a journey kickstarted by a chain of serial murders. Explore meeting kindred spirits, feelings of belonging, and even confronting the darker sides of one\u2019s self. . . Persona 4 Golden promises meaningful bonds and experiences shared together with friends. . . With an overall Metacritic score of 93 and a multitude of awards, fan-adored Persona 4 Golden stands as one of the finest RPGs ever made, delivering on enthralling storytelling and quintessential Persona gameplay. . Persona 4 Golden on Steam is best experienced with a game controller.Key Features include:. Enjoy gameplay with variable framerates. Experience the world of Persona on PC in Full HD . Steam Achievements and Trading Cards . Choose between Japanese and English VO.", + "about_the_game": "Inaba\u2014a quiet town in rural Japan sets the scene for budding adolescence in Persona 4 Golden.A coming of age story that sets the protagonist and his friends on a journey kickstarted by a chain of serial murders. Explore meeting kindred spirits, feelings of belonging, and even confronting the darker sides of one\u2019s self.Persona 4 Golden promises meaningful bonds and experiences shared together with friends.With an overall Metacritic score of 93 and a multitude of awards, fan-adored Persona 4 Golden stands as one of the finest RPGs ever made, delivering on enthralling storytelling and quintessential Persona gameplay.Persona 4 Golden on Steam is best experienced with a game controller.Key Features include:Enjoy gameplay with variable frameratesExperience the world of Persona on PC in Full HD Steam Achievements and Trading Cards Choose between Japanese and English VO", + "short_description": "A coming of age story that sets the protagonist and his friends on a journey kickstarted by a chain of serial murders.", + "genres": "RPG", + "recommendations": 55297, + "score": 7.199113162004213 + }, + { + "type": "game", + "name": "People Playground", + "detailed_description": "Shoot, stab, burn, poison, tear, vaporise, or crush ragdolls. This game is for people who enjoy throwing around ragdolls but want it to be more detailed, satisfying, and feel more free while doing so. . There's more than enough space to play around in. . And there's more than enough to play with. . . Every object has a set of properties that describe how it interacts with anything in the worldSome stuff is sharpYou can stab people (and other soft objects) with sharp objects such as swords or spears. . Some stuff conductsMany things conduct electricty, some do it better than others. Humans are very good at it too. When certain items are charged, they become a lot more powerful. . Some stuff burnsWood, rubber, plastic, and humans burn very well. Set them on fire and stare while it slowly turns black. . Some stuff shootsThe game contains a varied collection of projectile based weapons for you to play with. . Some stuff explodesThere's different explosives that vary in destructive power as well as the manner in which they release their energy. . Build stuffYou can build contraptions, usually death machines, to play around with. .", + "about_the_game": "Shoot, stab, burn, poison, tear, vaporise, or crush ragdolls. This game is for people who enjoy throwing around ragdolls but want it to be more detailed, satisfying, and feel more free while doing so.There's more than enough space to play around in.And there's more than enough to play with.Every object has a set of properties that describe how it interacts with anything in the worldSome stuff is sharpYou can stab people (and other soft objects) with sharp objects such as swords or spears.Some stuff conductsMany things conduct electricty, some do it better than others. Humans are very good at it too. When certain items are charged, they become a lot more powerful.Some stuff burnsWood, rubber, plastic, and humans burn very well. Set them on fire and stare while it slowly turns black.Some stuff shootsThe game contains a varied collection of projectile based weapons for you to play with.Some stuff explodesThere's different explosives that vary in destructive power as well as the manner in which they release their energy.Build stuffYou can build contraptions, usually death machines, to play around with.", + "short_description": "Shoot, stab, burn, poison, tear, vaporise, or crush ragdolls in a large open space.", + "genres": "Action", + "recommendations": 187088, + "score": 8.002613818233522 + }, + { + "type": "game", + "name": "RISK: Global Domination", + "detailed_description": "Battle opponents in strategic warfare in the official digital version of the classic Hasbro board game loved by millions. Fight against the Axis Powers in WWI, survive war games against undead zombies and battle on fantasy, futuristic and sci-fi maps. Download RISK Global Domination for free now!. - Build an army to clash against your foes!. - Use diplomacy to gain allies and fight to the death for blood and honor!. - Command your troops on the battlefield!. - Engage in glorious combat and all-out war!. - Protect your allies & conquer your enemies!. - Use strategy to lead your army to victory!. - Play with friends!. Features:. - BATTLE IN REAL-TIME. - CLASSIC & CUSTOM RULES. - SOLO & MULTIPLAYER GAMES. - PLAY 70+ ORIGINAL AND CLASSIC MAPS. - COMPETE AGAINST MILLIONS OF PLAYERS. - CLIMB THE RANKS TO GRANDMASTER.", + "about_the_game": "Battle opponents in strategic warfare in the official digital version of the classic Hasbro board game loved by millions. Fight against the Axis Powers in WWI, survive war games against undead zombies and battle on fantasy, futuristic and sci-fi maps. Download RISK Global Domination for free now!- Build an army to clash against your foes!- Use diplomacy to gain allies and fight to the death for blood and honor!- Command your troops on the battlefield!- Engage in glorious combat and all-out war!- Protect your allies & conquer your enemies!- Use strategy to lead your army to victory!- Play with friends!Features:- BATTLE IN REAL-TIME- CLASSIC & CUSTOM RULES- SOLO & MULTIPLAYER GAMES- PLAY 70+ ORIGINAL AND CLASSIC MAPS- COMPETE AGAINST MILLIONS OF PLAYERS- CLIMB THE RANKS TO GRANDMASTER", + "short_description": "Take over the world in RISK Global Domination, the iconic strategy board game.", + "genres": "Casual", + "recommendations": 108, + "score": 3.0926760646978178 + }, + { + "type": "game", + "name": "Medieval Dynasty", + "detailed_description": "Further Toplitz Highlights Roadmap. Stay in touch. About the Game. Europe in the early Middle Ages -- Nobles and clergy rule and the trade between nations brings prosperity as well as envy, distrust, and greed. Military conflict is everywhere and entire continents are changing. . In Medieval Dynasty, you take on the role of a young man who has fled from war and wants to take his fate into his own hands. From being alone, inexperienced and poor you will develop into a master of many skills, a leader of your community and the founder of a prosperous dynasty which is meant to last and prosper for generations to come. Defending against wild animals while hunting for food, gathering resources and crafting equipment, building a house and erecting a whole bustling village while founding a family all contribute to a unique gameplay experience across many genres. Tough winters and unexpected events challenge your skills and dexterity as you strive to build your own legacy. . You can choose to follow the main chapters, solve the questlines or just roam around and explore the vast medieval world \u2013 but be careful as wolves or bears may try to take a bite from you. Begin with the simplest things for your own survival like hunting and farming as well as building yourself a home. Found a family and have a heir - entice others to live near and work for you, erect many other buildings to transform your settlement into a vibrant village and, ultimately, a thriving dynasty that will reign for generations. . A massive medieval open 3D world awaits\u2026 Be aware of harsh winters and unexpected events while honing your skills to turn from a medieval survivor into the ruler of a dynasty. Grab your axe, hammer, or hunting bow - and craft your legacy!Medieval Dynasty is a unique combination of multiple successful genres:. Survival: The need to survive, feed and ensure survival through hunting, farming and cultivation of the land. . Simulation: Create tools and weapons, construct and extend houses, stables and all manner of buildings as you grow an empire. . Role playing: Develop your own character, interact with NPCs, take care of your family and form community alliances by helping others and trading freely. . Strategy: While pioneering in the Middle Ages you will found and expand a village, manage the inhabitants, collect resources and produce all the goods you need and use or capitalise by trading them. . Features: Beautiful and realistic open world 3D landscape with state-of-the-art graphics. Full 4 seasons with day/night cycle and realistic weather conditions. Interactive environment with trees to fell, various fruit to pluck, stones to collect, caves to explore and many more. 25+ different buildings with various levels from hay shacks to full stone mansions. Over 250 pieces of equipment to craft, including weapons, tools, furniture and clothing. Realistic wildlife interaction with plenty of different animals such as wolves, wild boars, deer, rabbits and others. All activities will impact on food, water, health and endurance status. Detailed skill tree for individual character development. Unique events and decisions with direct impact on gameplay. Dynasty reputation system triggering events with the king. Quests, trade and economy, sandbox option, social connections to NPCs and many more.", + "about_the_game": "Europe in the early Middle Ages -- Nobles and clergy rule and the trade between nations brings prosperity as well as envy, distrust, and greed. Military conflict is everywhere and entire continents are changing.In Medieval Dynasty, you take on the role of a young man who has fled from war and wants to take his fate into his own hands. From being alone, inexperienced and poor you will develop into a master of many skills, a leader of your community and the founder of a prosperous dynasty which is meant to last and prosper for generations to come. Defending against wild animals while hunting for food, gathering resources and crafting equipment, building a house and erecting a whole bustling village while founding a family all contribute to a unique gameplay experience across many genres. Tough winters and unexpected events challenge your skills and dexterity as you strive to build your own legacy.You can choose to follow the main chapters, solve the questlines or just roam around and explore the vast medieval world \u2013 but be careful as wolves or bears may try to take a bite from you... Begin with the simplest things for your own survival like hunting and farming as well as building yourself a home. Found a family and have a heir - entice others to live near and work for you, erect many other buildings to transform your settlement into a vibrant village and, ultimately, a thriving dynasty that will reign for generations. A massive medieval open 3D world awaits\u2026 Be aware of harsh winters and unexpected events while honing your skills to turn from a medieval survivor into the ruler of a dynasty. Grab your axe, hammer, or hunting bow - and craft your legacy!Medieval Dynasty is a unique combination of multiple successful genres:Survival: The need to survive, feed and ensure survival through hunting, farming and cultivation of the land.Simulation: Create tools and weapons, construct and extend houses, stables and all manner of buildings as you grow an empire.Role playing: Develop your own character, interact with NPCs, take care of your family and form community alliances by helping others and trading freely.Strategy: While pioneering in the Middle Ages you will found and expand a village, manage the inhabitants, collect resources and produce all the goods you need and use or capitalise by trading them.Features: Beautiful and realistic open world 3D landscape with state-of-the-art graphics Full 4 seasons with day/night cycle and realistic weather conditions Interactive environment with trees to fell, various fruit to pluck, stones to collect, caves to explore and many more 25+ different buildings with various levels from hay shacks to full stone mansions Over 250 pieces of equipment to craft, including weapons, tools, furniture and clothing Realistic wildlife interaction with plenty of different animals such as wolves, wild boars, deer, rabbits and others All activities will impact on food, water, health and endurance status Detailed skill tree for individual character development Unique events and decisions with direct impact on gameplay Dynasty reputation system triggering events with the king Quests, trade and economy, sandbox option, social connections to NPCs and many more", + "short_description": "Hunt, survive, build and lead in the harsh Middle Ages: Create your own Medieval Dynasty and ensure its long-lasting prosperity or die trying!", + "genres": "Action", + "recommendations": 26126, + "score": 6.7048441384729145 + }, + { + "type": "game", + "name": "Ghostrunner", + "detailed_description": "Join the community on Discord. Wishlist Now! About the Game. Ghostrunner is a hardcore FPP slasher packed with lightning-fast action, set in a grim, cyberpunk megastructure. Climb Dharma Tower, humanity\u2019s last shelter, after a world-ending cataclysm. Make your way up from the bottom to the top, confront the tyrannical Keymaster, and take your revenge. . . The streets of this tower city are full of violence. Mara the Keymaster rules with an iron fist and little regard for human life. . As resources diminish, the strong prey on the weak and chaos threatens to consume what little order remains. The decisive last stand is coming. A final attempt to set things right before mankind goes over the edge of extinction. . As the most advanced blade fighter ever created, you\u2019re always outnumbered but never outclassed. Slice your enemies with a monomolecular katana, dodge bullets with your superhuman reflexes, and employ a variety of specialized techniques to. prevail. . . One-hit one-kill mechanics make combat fast and intense. Use your superior mobility (and frequent checkpoints!) to engage in a never-ending dance with death fearlessly. . Ghostrunner offers a unique single-player experience: fast-paced, violent combat, and an original setting that blends science fiction with post-apocalyptic themes. It tells the story of a world that has already ended and its inhabitants who fight to survive.", + "about_the_game": "Ghostrunner is a hardcore FPP slasher packed with lightning-fast action, set in a grim, cyberpunk megastructure. Climb Dharma Tower, humanity\u2019s last shelter, after a world-ending cataclysm. Make your way up from the bottom to the top, confront the tyrannical Keymaster, and take your revenge.The streets of this tower city are full of violence. Mara the Keymaster rules with an iron fist and little regard for human life.As resources diminish, the strong prey on the weak and chaos threatens to consume what little order remains. The decisive last stand is coming. A final attempt to set things right before mankind goes over the edge of extinction.As the most advanced blade fighter ever created, you\u2019re always outnumbered but never outclassed. Slice your enemies with a monomolecular katana, dodge bullets with your superhuman reflexes, and employ a variety of specialized techniques toprevail.One-hit one-kill mechanics make combat fast and intense. Use your superior mobility (and frequent checkpoints!) to engage in a never-ending dance with death fearlessly.Ghostrunner offers a unique single-player experience: fast-paced, violent combat, and an original setting that blends science fiction with post-apocalyptic themes. It tells the story of a world that has already ended and its inhabitants who fight to survive.", + "short_description": "Ghostrunner offers a unique single-player experience: fast-paced, violent combat, and an original setting that blends science fiction with post-apocalyptic themes. It tells the story of a world that has already ended and its inhabitants who fight to survive.", + "genres": "Action", + "recommendations": 38330, + "score": 6.957520113274929 + }, + { + "type": "game", + "name": "Total War: WARHAMMER III", + "detailed_description": "Immortal Empires is Now Available to all Total War: WARHAMMER III Players. Immortal Empires is the culmination of the entire Total War: WARHAMMER series. Combining the campaign maps, races, and factions from all three games* into a single, epic sandbox campaign. It\u2019s the most complete and definitive Warhammer strategy experience ever conceived! . Immortal Empires is Out Now. *All owners of Total War: WARHAMMER III can now access the Immortal Empires Campaign. However, there are several races available in Immortal Empires that are unlocked if you own Total War: WARHAMMER, Total War: WARHAMMER II or DLC across the entire trilogy. Join Our Discord Server. About the Game. The last roar of a dying god ruptures the boundary between worlds, opening a portal to the Realm of Chaos. From this maelstrom, the four Ruinous Powers \u2013 Khorne, Nurgle, Tzeentch and Slaanesh \u2013 emerge, spreading darkness and despair. . The stern warriors of Kislev and the vast empire of Grand Cathay stand at the threshold, as a vengeful Daemon Prince vows to destroy those who corrupted him. The coming conflict will engulf all. Will you conquer your daemons? Or command them?. With seven unique races and hundreds of units under your command, raise an army and dominate in epic real-time battles across a world of breathtaking scale and spectacle. . In the most ambitious and groundbreaking Total War title to date, dive into a captivating narrative that will take you to the mind-bending Realm of Chaos and back again. Forge your empire in a strategy sandbox that ensures no two campaigns are ever the same. . Play as 10 Legendary Lords! Will you side with the Chaos Gods and take one of their Daemonic Champions, play as an ancient transforming Dragon from Grand Cathay, defend the frozen nation of Kislev with the Ice Queen or play the ultimate villain as the Daemon Prince?. . Customise the Daemon Prince to your own unique design with a huge suite of body parts and powers, creating billions of potential combinations to suit your own playstyle. . Multiplayer is now bigger than ever. With the vast 8-player Realm of Chaos multiplayer campaign, the intense 1 v 1 Domination mode, the story-driven multiplayer campaigns built around Kislev and Grand Cathay and ranked & custom battles, there\u2019s no shortage of ways to cause chaos with friends.", + "about_the_game": "The last roar of a dying god ruptures the boundary between worlds, opening a portal to the Realm of Chaos. From this maelstrom, the four Ruinous Powers \u2013 Khorne, Nurgle, Tzeentch and Slaanesh \u2013 emerge, spreading darkness and despair.The stern warriors of Kislev and the vast empire of Grand Cathay stand at the threshold, as a vengeful Daemon Prince vows to destroy those who corrupted him. The coming conflict will engulf all. Will you conquer your daemons? Or command them?With seven unique races and hundreds of units under your command, raise an army and dominate in epic real-time battles across a world of breathtaking scale and spectacle.In the most ambitious and groundbreaking Total War title to date, dive into a captivating narrative that will take you to the mind-bending Realm of Chaos and back again. Forge your empire in a strategy sandbox that ensures no two campaigns are ever the same.Play as 10 Legendary Lords! Will you side with the Chaos Gods and take one of their Daemonic Champions, play as an ancient transforming Dragon from Grand Cathay, defend the frozen nation of Kislev with the Ice Queen or play the ultimate villain as the Daemon Prince?Customise the Daemon Prince to your own unique design with a huge suite of body parts and powers, creating billions of potential combinations to suit your own playstyle.Multiplayer is now bigger than ever. With the vast 8-player Realm of Chaos multiplayer campaign, the intense 1 v 1 Domination mode, the story-driven multiplayer campaigns built around Kislev and Grand Cathay and ranked & custom battles, there\u2019s no shortage of ways to cause chaos with friends.", + "short_description": "The cataclysmic conclusion to the Total War: WARHAMMER trilogy is here. Rally your forces and step into the Realm of Chaos, a dimension of mind-bending horror where the very fate of the world will be decided. Will you conquer your Daemons\u2026 or command them?", + "genres": "Action", + "recommendations": 52525, + "score": 7.165209993839272 + }, + { + "type": "game", + "name": "Ready or Not", + "detailed_description": "Discord ChannelBe sure to join the Ready or Not Discord server to keep up with the latest updates, find recruits for your squad, and have a good time!. About the GameReady or Not is an intense, tactical, first-person shooter that depicts a modern-day world in which SWAT police units are called to defuse hostile and confronting situations. . Please remember that the Beta build is still an incomplete version of the game. It will still have bugs and quirks, and will require lots of additional content before it is ready for full release. Because of our Supporters and with your help, we will continue to push Ready or Not, adding more content (new maps, missions, characters, weapons, etc.), and further refining it to get the game up to the standard that you deserve. We ultimately want you to be able to turn the lights out, crank up the volume, and be immersed in the action \u2013 bringing order to chaos.Realistic Gameplay. . VOID Interactive has consulted police units worldwide to make your virtual avatar play and feel like a fully equipped SWAT officer, creep or advance swiftly through tense scenarios as required by ever-changing mission conditions. Unpredictable assailants and civilians mimic the chaos of actual SWAT actions.Authentic Equipment. . In order to bring the world of Ready or Not to life we\u2019ve spared no expense to make our equipment reflect the equipment that SWAT Teams utilize in the field, our skilled sound and art teams have created life-like replicas for you to use ingame.Single-player and co-op experience. . Equip, customize, and command your AI teammates through levels to tackle all of the challenges that RoN presents you with as efficiently as possible or exchange your robot teammates for 4 friends and aim for even higher scoresSuspect behavior. . Do your best to respond appropriately to the realistically erratic behavior of all of the subjects in any given situation, detain erratic civilians and move them to safety while combating aggressive and dangerous suspects.Tactical flexibility . Using Tactical equipment such as a Breaching shotgun, Battering ram, the Mirror gun, as well as several different varieties of less lethal grenades, as well as many other tools to expand your squads ability to respond to certain threats or accentuate the chosen play style of your squad.", + "about_the_game": "Ready or Not is an intense, tactical, first-person shooter that depicts a modern-day world in which SWAT police units are called to defuse hostile and confronting situations.Please remember that the Beta build is still an incomplete version of the game. It will still have bugs and quirks, and will require lots of additional content before it is ready for full release. Because of our Supporters and with your help, we will continue to push Ready or Not, adding more content (new maps, missions, characters, weapons, etc.), and further refining it to get the game up to the standard that you deserve. We ultimately want you to be able to turn the lights out, crank up the volume, and be immersed in the action \u2013 bringing order to chaos.Realistic GameplayVOID Interactive has consulted police units worldwide to make your virtual avatar play and feel like a fully equipped SWAT officer, creep or advance swiftly through tense scenarios as required by ever-changing mission conditions. Unpredictable assailants and civilians mimic the chaos of actual SWAT actions.Authentic EquipmentIn order to bring the world of Ready or Not to life we\u2019ve spared no expense to make our equipment reflect the equipment that SWAT Teams utilize in the field, our skilled sound and art teams have created life-like replicas for you to use ingame.Single-player and co-op experience.Equip, customize, and command your AI teammates through levels to tackle all of the challenges that RoN presents you with as efficiently as possible or exchange your robot teammates for 4 friends and aim for even higher scoresSuspect behaviorDo your best to respond appropriately to the realistically erratic behavior of all of the subjects in any given situation, detain erratic civilians and move them to safety while combating aggressive and dangerous suspects.Tactical flexibility Using Tactical equipment such as a Breaching shotgun, Battering ram, the Mirror gun, as well as several different varieties of less lethal grenades, as well as many other tools to expand your squads ability to respond to certain threats or accentuate the chosen play style of your squad.", + "short_description": "Ready or Not is an intense, tactical, first-person shooter that depicts a modern-day world in which SWAT police units are called to defuse hostile and confronting situations.", + "genres": "Action", + "recommendations": 91864, + "score": 7.533727214940601 + }, + { + "type": "game", + "name": "Hades", + "detailed_description": "ALSO FROM SUPERGIANT GAMESThe god-like rogue-like returns!. About the Game. Hades is a god-like rogue-like dungeon crawler that combines the best aspects of Supergiant's critically acclaimed titles, including the fast-paced action of Bastion, the rich atmosphere and depth of Transistor, and the character-driven storytelling of Pyre.BATTLE OUT OF HELLAs the immortal Prince of the Underworld, you'll wield the powers and mythic weapons of Olympus to break free from the clutches of the god of the dead himself, while growing stronger and unraveling more of the story with each unique escape attempt.UNLEASH THE FURY OF OLYMPUSThe Olympians have your back! Meet Zeus, Athena, Poseidon, and many more, and choose from their dozens of powerful Boons that enhance your abilities. There are thousands of viable character builds to discover as you go. . BEFRIEND GODS, GHOSTS, AND MONSTERSA fully-voiced cast of colorful, larger-than-life characters is waiting to meet you! Grow your relationships with them, and experience thousands of unique story events as you learn about what's really at stake for this big, dysfunctional family.BUILT FOR REPLAYABILITYNew surprises await each time you delve into the ever-shifting Underworld, whose guardian bosses will remember you. Use the powerful Mirror of Night to grow permanently stronger, and give yourself a leg up the next time you run away from home.NOTHING IS IMPOSSIBLEPermanent upgrades mean you don't have to be a god yourself to experience the exciting combat and gripping story. Though, if you happen to be one, crank up the challenge and get ready for some white-knuckle action that will put your well-practiced skills to the test. . SIGNATURE SUPERGIANT STYLEThe rich, atmospheric presentation and unique melding of gameplay and narrative that's been core to Supergiant's games is here in full force: spectacular hand-painted environments and a blood-pumping original score bring the Underworld to life.", + "about_the_game": "Hades is a god-like rogue-like dungeon crawler that combines the best aspects of Supergiant's critically acclaimed titles, including the fast-paced action of Bastion, the rich atmosphere and depth of Transistor, and the character-driven storytelling of Pyre.BATTLE OUT OF HELLAs the immortal Prince of the Underworld, you'll wield the powers and mythic weapons of Olympus to break free from the clutches of the god of the dead himself, while growing stronger and unraveling more of the story with each unique escape attempt.UNLEASH THE FURY OF OLYMPUSThe Olympians have your back! Meet Zeus, Athena, Poseidon, and many more, and choose from their dozens of powerful Boons that enhance your abilities. There are thousands of viable character builds to discover as you go.BEFRIEND GODS, GHOSTS, AND MONSTERSA fully-voiced cast of colorful, larger-than-life characters is waiting to meet you! Grow your relationships with them, and experience thousands of unique story events as you learn about what's really at stake for this big, dysfunctional family.BUILT FOR REPLAYABILITYNew surprises await each time you delve into the ever-shifting Underworld, whose guardian bosses will remember you. Use the powerful Mirror of Night to grow permanently stronger, and give yourself a leg up the next time you run away from home.NOTHING IS IMPOSSIBLEPermanent upgrades mean you don't have to be a god yourself to experience the exciting combat and gripping story. Though, if you happen to be one, crank up the challenge and get ready for some white-knuckle action that will put your well-practiced skills to the test.SIGNATURE SUPERGIANT STYLEThe rich, atmospheric presentation and unique melding of gameplay and narrative that's been core to Supergiant's games is here in full force: spectacular hand-painted environments and a blood-pumping original score bring the Underworld to life.", + "short_description": "Defy the god of the dead as you hack and slash out of the Underworld in this rogue-like dungeon crawler from the creators of Bastion, Transistor, and Pyre.", + "genres": "Action", + "recommendations": 212348, + "score": 8.086103095213966 + }, + { + "type": "game", + "name": "Not For Broadcast", + "detailed_description": "Out Now on VR! About the GameIt\u2019s time for the National Nightly News. A nation tunes in, and you get to decide what\u2019s fit for broadcast. Pick the most exciting (or scandalous) camera angles, bleep the swears and determine which ads to run to keep the sponsors happy. No pressure, right? I mean, who pays attention to the news anyway?. . Not For Broadcast is a darkly comedic game of televised chaos that lets you pick what you want to see on TV, no matter what anybody else wants. Egotistical celebrities, dishonest politicians, and strange sponsors clash on the airwaves. You\u2019re here to ensure that the show goes on uninterrupted. . Cut between multiple camera feeds, tweak the headlines, bleep the foul language, all with just moments to spare on a live broadcast! Whether you toe the party line or stir up a scandal is your choice, so long as you can hold the audience\u2019s fickle attention. . Frame the picture (and the debate). Keep the general public entertained with your editing skills. You are the artist and the broadcast is your canvas. . . Keep it PG. Smash that big red CENSOR button to keep rude words (and other sensitive information) off the air. Keep the news safe for children and oppressive political regimes alike. . . Hand-pick the headlines. There\u2019s more news to see than a single broadcast can possibly contain, so someone (that\u2019s you) gets to choose what goes on air. Frame a footballer as a loving beau or a drunken lout? Your call to make, and just one of many. It\u2019s just TV, right? It\u2019s not like you could change an entire nation\u2019s fate\u2026. . . Cue the ads. Powerful as you are, they\u2019re really not paying you enough here. Some hand-picked (if slightly sketchy) sponsors might help pad that bank balance, and provide some laughs along the way. Customer satisfaction is not guaranteed and absolutely no refunds. . . The show must go on!. Nothing will stop the National Nightly News, not even existential threats! Keep broadcasting no matter how bizarre things get. News stops for no-one, not even a category 5 storm!. . . Keep them laughing as you go. Okay, so the news isn\u2019t all sunshine and celebrity embarrassments. There\u2019s all that talk of war, and the politics are just getting to you. But don\u2019t worry, be happy! Tune out the chaos, turn up the ads, and whatever you do, don\u2019t listen in on the increasingly panicked chatter of the news crew behind the scenes. Everything\u2019s fine. .", + "about_the_game": "It\u2019s time for the National Nightly News. A nation tunes in, and you get to decide what\u2019s fit for broadcast. Pick the most exciting (or scandalous) camera angles, bleep the swears and determine which ads to run to keep the sponsors happy. No pressure, right? I mean, who pays attention to the news anyway?Not For Broadcast is a darkly comedic game of televised chaos that lets you pick what you want to see on TV, no matter what anybody else wants. Egotistical celebrities, dishonest politicians, and strange sponsors clash on the airwaves. You\u2019re here to ensure that the show goes on uninterrupted.Cut between multiple camera feeds, tweak the headlines, bleep the foul language, all with just moments to spare on a live broadcast! Whether you toe the party line or stir up a scandal is your choice, so long as you can hold the audience\u2019s fickle attention.Frame the picture (and the debate)Keep the general public entertained with your editing skills. You are the artist and the broadcast is your canvas.Keep it PGSmash that big red CENSOR button to keep rude words (and other sensitive information) off the air. Keep the news safe for children and oppressive political regimes alike.Hand-pick the headlinesThere\u2019s more news to see than a single broadcast can possibly contain, so someone (that\u2019s you) gets to choose what goes on air. Frame a footballer as a loving beau or a drunken lout? Your call to make, and just one of many. It\u2019s just TV, right? It\u2019s not like you could change an entire nation\u2019s fate\u2026Cue the adsPowerful as you are, they\u2019re really not paying you enough here. Some hand-picked (if slightly sketchy) sponsors might help pad that bank balance, and provide some laughs along the way. Customer satisfaction is not guaranteed and absolutely no refunds.The show must go on!Nothing will stop the National Nightly News, not even existential threats! Keep broadcasting no matter how bizarre things get. News stops for no-one, not even a category 5 storm!Keep them laughing as you goOkay, so the news isn\u2019t all sunshine and celebrity embarrassments. There\u2019s all that talk of war, and the politics are just getting to you. But don\u2019t worry, be happy! Tune out the chaos, turn up the ads, and whatever you do, don\u2019t listen in on the increasingly panicked chatter of the news crew behind the scenes. Everything\u2019s fine.", + "short_description": "The National Nightly News is live and you\u2019re the brains behind the scenes. Beep the swears, keep the cameras on the celebs and keep the audience hooked in this darkly comedic game of televised chaos.", + "genres": "Adventure", + "recommendations": 7867, + "score": 5.913659433893917 + }, + { + "type": "game", + "name": "Skul: The Hero Slayer", + "detailed_description": "The Demon King's Castle in RuinsThe human race attacking the Demon King's castle is nothing new and has happened countless times before. What makes this time different though, is that the Adventurers decided to join forces with the Imperial Army and the 'Hero of Caerleon' to lead a full onslaught in hopes of wiping out the Demons once and for all. They attacked the Demon stronghold with overwhelming numbers and succeeded in its total destruction. All of the demons in the castle were taken prisoner except for one lone skeleton named 'Skul'. . Side-Scrolling Platformer Action'Skul: The Hero Slayer' is an action-platformer that boasts rogue-like features such as everchanging and challenging maps. It will keep you on your toes, as you will never know what to expect. . . Tons of skulls, tons of playable charactersSkul is no ordinary skeleton. In addition to his formidable fighting skills, he can gain new and exciting abilities depending on which skull he's wearing. Use up to 2 skulls at a time, each of which has its own unique attack range, speed and power. Choose combos that match your playing style and switch them in the heat of battle to bring your enemies to their knees. The power is in your hands!. . The AdventurersSkul has crossed paths with a party of Adventurers! They are powerful foes that hunt Demons for sport. While Skul may be small, he still packs quite a punch. So just wait and see who really is the hunter and who is the hunted. . Bosses Corrupted by Dark Quartz At the end of every chapter, go head-to-head with massive bosses corrupted with Dark Quartz and powerful beyond belief. Derived from the pain and hate of life itself, Dark Quartz taints and takes control of everything it touches.", + "about_the_game": "The Demon King's Castle in RuinsThe human race attacking the Demon King's castle is nothing new and has happened countless times before. What makes this time different though, is that the Adventurers decided to join forces with the Imperial Army and the 'Hero of Caerleon' to lead a full onslaught in hopes of wiping out the Demons once and for all. They attacked the Demon stronghold with overwhelming numbers and succeeded in its total destruction. All of the demons in the castle were taken prisoner except for one lone skeleton named 'Skul'.Side-Scrolling Platformer Action'Skul: The Hero Slayer' is an action-platformer that boasts rogue-like features such as everchanging and challenging maps. It will keep you on your toes, as you will never know what to expect.Tons of skulls, tons of playable charactersSkul is no ordinary skeleton. In addition to his formidable fighting skills, he can gain new and exciting abilities depending on which skull he's wearing. Use up to 2 skulls at a time, each of which has its own unique attack range, speed and power. Choose combos that match your playing style and switch them in the heat of battle to bring your enemies to their knees. The power is in your hands!The AdventurersSkul has crossed paths with a party of Adventurers! They are powerful foes that hunt Demons for sport. While Skul may be small, he still packs quite a punch. So just wait and see who really is the hunter and who is the hunted....\u2003Bosses Corrupted by Dark Quartz At the end of every chapter, go head-to-head with massive bosses corrupted with Dark Quartz and powerful beyond belief. Derived from the pain and hate of life itself, Dark Quartz taints and takes control of everything it touches.", + "short_description": "Guide 'Skul' on his quest to single-handedly take on the Imperial Army and rescue his King from captivity, in an action-packed rogue-lite 2D platformer for the ages.", + "genres": "Action", + "recommendations": 38186, + "score": 6.955038888066689 + }, + { + "type": "game", + "name": "OMORI", + "detailed_description": "Explore a strange world full of colorful friends and foes. Navigate through the vibrant and the mundane in order to uncover a forgotten past. When the time comes, the path you\u2019ve chosen will determine your fate. and perhaps the fate of others as well.", + "about_the_game": "Explore a strange world full of colorful friends and foes. Navigate through the vibrant and the mundane in order to uncover a forgotten past. When the time comes, the path you\u2019ve chosen will determine your fate... and perhaps the fate of others as well.", + "short_description": "Explore a strange world full of colorful friends and foes. When the time comes, the path you\u2019ve chosen will determine your fate... and perhaps the fate of others as well.", + "genres": "Adventure", + "recommendations": 52611, + "score": 7.1662884577752735 + }, + { + "type": "game", + "name": "Fallout 76", + "detailed_description": "Fallout 76: The Pitt Deluxe EditionDeluxe Edition. Includes the full game and bonus Pitt Recruitment Bundle in-game items. . Join the new faction of Responders as they help the members of The Union trapped in The Pitt and unlock bonus in-game digital themed cosmetic and C.A.M.P. items. The Pitt Recruitment Bundle includes the following bonuses:. Pittsburgh Neighborhood C.A.M.P. Kit - Fit right in with the friends from your expeditions with the Pittsburgh Neighborhood C.A.M.P. Kit. . Fanatic Paint (10mm SMG) - You don't want to be caught in The Pitt without the Fanatic Paint for the 10mm SMG. . Trog Plushie - Even Trogs could use a snuggle! Bring this Trog Plushie home to snuggle in your C.A.M.P. . Fanatic Power Armor Paint - Be right at home in the factory with this Fanatic Power Armor Paint! This is a unique skin that completely alters the appearance of your Power Armor, and can be equipped to all Power Armors. . Fusion Core Recharger - Extend the life of your used fusion cores with this Fusion Core Recharger! This item cannot be built inside of a Shelter. . Roadmap. About the GameBethesda Game Studios, the award-winning creators of Skyrim and Fallout 4, welcome you to Fallout 76. Twenty-five years after the bombs fell, you and your fellow Vault Dwellers\u2014chosen from the nation\u2019s best and brightest \u2013 emerge into post-nuclear America on Reclamation Day, 2102. Play solo or join together as you explore, quest, build, and triumph against the wasteland\u2019s greatest threats. Explore a vast wasteland, devastated by nuclear war, in this open-world multiplayer addition to the Fallout story. Experience the largest, most dynamic world ever created in the legendary Fallout universe. . The Blue Moon rises over the hills of Appalachia, bringing forth new Cryptids to threaten the mercantile progress of the Blue Ridge Caravan Company. Defend their Brahmin herds and trade routes from crazed Cultists and monstrous creatures in two new Public Events and side quests, plus face enemies infected with a deadly new Daily Ops mutation for a chance to earn new rewards!Immersive Questlines and Engaging CharactersUncover the secrets of West Virginia by playing through an immersive main quest, starting from the moment you leave Vault 76. Befriend or betray new neighbors who have come to rebuild, and experience Appalachia through the eyes of its residents.Seasonal ScoreboardProgress through a season with a completely free set of rewards like consumables, C.A.M.P. items and more, by completing limited-time challenges.Multiplayer RoleplayingCreate your character with the S.P.E.C.I.A.L system and forge your own path and reputation in a new and untamed wasteland with hundreds of locations. Whether you journey alone or with friends, a new and unique Fallout adventure awaits.Mountain splendorland The story lives and breathes through the world of Fallout 76, which brings to life six distinct West Virginia regions. From the forests of Appalachia to the noxious crimson expanses of the Cranberry Bog, each area offers its own risks and rewards.A New American DreamUse the all-new Construction and Assembly Mobile Platform (C.A.M.P.) to build and craft anywhere in the world. Your C.A.M.P. will provide much-needed shelter, supplies, and safety. You can even set up shop to trade goods with other survivors.Fallout WorldsPlay unique adventures in Appalachia with Fallout Worlds, which is an evolving set of features that give players the capability to play Fallout 76 in unique ways with customizable settings.", + "about_the_game": "Bethesda Game Studios, the award-winning creators of Skyrim and Fallout 4, welcome you to Fallout 76. Twenty-five years after the bombs fell, you and your fellow Vault Dwellers\u2014chosen from the nation\u2019s best and brightest \u2013 emerge into post-nuclear America on Reclamation Day, 2102. Play solo or join together as you explore, quest, build, and triumph against the wasteland\u2019s greatest threats. Explore a vast wasteland, devastated by nuclear war, in this open-world multiplayer addition to the Fallout story. Experience the largest, most dynamic world ever created in the legendary Fallout universe. The Blue Moon rises over the hills of Appalachia, bringing forth new Cryptids to threaten the mercantile progress of the Blue Ridge Caravan Company. Defend their Brahmin herds and trade routes from crazed Cultists and monstrous creatures in two new Public Events and side quests, plus face enemies infected with a deadly new Daily Ops mutation for a chance to earn new rewards!Immersive Questlines and Engaging CharactersUncover the secrets of West Virginia by playing through an immersive main quest, starting from the moment you leave Vault 76. Befriend or betray new neighbors who have come to rebuild, and experience Appalachia through the eyes of its residents.Seasonal ScoreboardProgress through a season with a completely free set of rewards like consumables, C.A.M.P. items and more, by completing limited-time challenges.Multiplayer RoleplayingCreate your character with the S.P.E.C.I.A.L system and forge your own path and reputation in a new and untamed wasteland with hundreds of locations. Whether you journey alone or with friends, a new and unique Fallout adventure awaits.Mountain splendorland The story lives and breathes through the world of Fallout 76, which brings to life six distinct West Virginia regions. From the forests of Appalachia to the noxious crimson expanses of the Cranberry Bog, each area offers its own risks and rewards.A New American DreamUse the all-new Construction and Assembly Mobile Platform (C.A.M.P.) to build and craft anywhere in the world. Your C.A.M.P. will provide much-needed shelter, supplies, and safety. You can even set up shop to trade goods with other survivors.Fallout WorldsPlay unique adventures in Appalachia with Fallout Worlds, which is an evolving set of features that give players the capability to play Fallout 76 in unique ways with customizable settings.", + "short_description": "Bethesda Game Studios welcome you to Fallout 76. Twenty-five years after the bombs fall, you and your fellow Vault Dwellers emerge into post-nuclear America. Explore a vast wasteland in this open-world multiplayer addition to the Fallout story.", + "genres": "RPG", + "recommendations": 45285, + "score": 7.067439398975914 + }, + { + "type": "game", + "name": "Horizon Zero Dawn\u2122 Complete Edition", + "detailed_description": "EARTH IS OURS NO MORE. Experience Aloy\u2019s entire legendary quest to unravel the mysteries of a world ruled by deadly Machines. . An outcast from her tribe, the young hunter fights to uncover her past, discover her destiny\u2026 and stop a catastrophic threat to the future. . Unleash devastating, tactical attacks against unique Machines and rival tribes as you explore an open world teeming with wildlife and danger. . Horizon Zero Dawn\u2122 is a multi-award-winning action role-playing game \u2013 and this Complete Edition for PC includes the huge expansion The Frozen Wilds, featuring new lands, skills, weapons and Machines. . INCLUDES:. \u2022 Horizon Zero Dawn. \u2022 The Frozen Wilds expansion. \u2022 Carja Storm Ranger Outfit and Carja Mighty Bow. \u2022 Carja Trader Pack. \u2022 Banuk Trailblazer Outfit and Banuk Culling Bow. \u2022 Banuk Traveller Pack. \u2022 Nora Keeper Pack. \u2022 Digital art book", + "about_the_game": "EARTH IS OURS NO MORE\r\n\r\nExperience Aloy\u2019s entire legendary quest to unravel the mysteries of a world ruled by deadly Machines.\r\n\r\nAn outcast from her tribe, the young hunter fights to uncover her past, discover her destiny\u2026 and stop a catastrophic threat to the future.\r\n\r\nUnleash devastating, tactical attacks against unique Machines and rival tribes as you explore an open world teeming with wildlife and danger.\r\n\r\nHorizon Zero Dawn\u2122 is a multi-award-winning action role-playing game \u2013 and this Complete Edition for PC includes the huge expansion The Frozen Wilds, featuring new lands, skills, weapons and Machines.\r\n\r\nINCLUDES:\r\n\u2022 Horizon Zero Dawn\r\n\u2022 The Frozen Wilds expansion\r\n\u2022 Carja Storm Ranger Outfit and Carja Mighty Bow\r\n\u2022 Carja Trader Pack\r\n\u2022 Banuk Trailblazer Outfit and Banuk Culling Bow\r\n\u2022 Banuk Traveller Pack\r\n\u2022 Nora Keeper Pack\r\n\u2022 Digital art book", + "short_description": "Experience Aloy\u2019s legendary quest to unravel the mysteries of a future Earth ruled by Machines. Use devastating tactical attacks against your prey and explore a majestic open world in this award-winning action RPG!", + "genres": "Action", + "recommendations": 74550, + "score": 7.396055881499782 + }, + { + "type": "game", + "name": "Crusader Kings III", + "detailed_description": "Crusader Kings III: Chapter II. Chapter I. Royal Edition. About the GameYour legacy awaits. Choose your noble house and lead your dynasty to greatness in a Middle Ages epic that spans generations. War is but one of many tools to establish your reign, as real strategy requires expert diplomatic skill, mastery of your realm, and true cunning. Crusader Kings III continues the popular series made by Paradox Development Studio, featuring the widely acclaimed marriage of immersive grand strategy and deep, dramatic medieval roleplaying. . . . Take command of your house and expand your dynasty through a meticulously researched Middle Ages. Begin in 867 or 1066 and claim lands, titles, and vassals to secure a realm worthy of your royal blood. Your death is only a footnote as your lineage continues with new playable heirs, either planned\u2026 or not. . Discover a sprawling simulated world teeming with peasants and knights, courtiers, spies, knaves and jesters, and secret love affairs. An extensive cast of historical characters can be romanced, betrayed, executed, or subtly influenced. . Explore a vast medieval map stretching from the snowswept Nordic lands to the Horn of Africa, and the British Isles in the west to the exotic riches of Burma in the east. Claim, conquer, and rule thousands of unique counties, duchies, kingdoms, and empires. . . . Each character is larger than life, with traits and lifestyle choices determining their actions and schemes. Prompt fear and dread as you rule with an iron fist, or inspire your subjects with magnanimous deeds. Genetics can be passed along to your children, be it the gift of genius or crippling stupidity. . Groom your heir with the appropriate guardians or educate them yourself. If found wanting, marry them off or despatch them through other means. . Customize your ruler and noble house, from appearance to attributes, and create a monarch worthy of all their inherited virtues and vices. . . . Govern an ever-evolving realm and grant titles to whom you see fit - or usurp your liege to claim their crown as your own. Be wary of rivals, from restless serfs to revengeful concubines. . The shadows stir frequently, and danger lurks around every darkened corner. Recruit agents and other unsavory elements to undermine, blackmail, or murder those who stand in your path. Or be inspired by the bard and ballad, and seduce your way to power and influence. . Blood will flow. Assemble men-at-arms units and powerful knights. Manage your battlefield tactics and armies. Raid and plunder nearby lands or hire mercenaries and Holy Orders for your major conflicts. . . . Be a pious king to invite the religious powers to your side, or design your own faith as you battle between everlasting fame or eternal damnation. . Bring novel innovations to your culture and construct mighty castles and bastions to increase the wealth, prestige, and security of your realm. . The paths to follow are limitless: experience thousands of dynamic events and life-altering decisions tailored to each and every conceivable situation and character. There are countless ways of securing and keeping your place in the history books.", + "about_the_game": "Your legacy awaits. Choose your noble house and lead your dynasty to greatness in a Middle Ages epic that spans generations. War is but one of many tools to establish your reign, as real strategy requires expert diplomatic skill, mastery of your realm, and true cunning. Crusader Kings III continues the popular series made by Paradox Development Studio, featuring the widely acclaimed marriage of immersive grand strategy and deep, dramatic medieval roleplaying. Take command of your house and expand your dynasty through a meticulously researched Middle Ages. Begin in 867 or 1066 and claim lands, titles, and vassals to secure a realm worthy of your royal blood. Your death is only a footnote as your lineage continues with new playable heirs, either planned\u2026 or not. Discover a sprawling simulated world teeming with peasants and knights, courtiers, spies, knaves and jesters, and secret love affairs. An extensive cast of historical characters can be romanced, betrayed, executed, or subtly influenced. Explore a vast medieval map stretching from the snowswept Nordic lands to the Horn of Africa, and the British Isles in the west to the exotic riches of Burma in the east. Claim, conquer, and rule thousands of unique counties, duchies, kingdoms, and empires. Each character is larger than life, with traits and lifestyle choices determining their actions and schemes. Prompt fear and dread as you rule with an iron fist, or inspire your subjects with magnanimous deeds. Genetics can be passed along to your children, be it the gift of genius or crippling stupidity. Groom your heir with the appropriate guardians or educate them yourself. If found wanting, marry them off or despatch them through other means. Customize your ruler and noble house, from appearance to attributes, and create a monarch worthy of all their inherited virtues and vices. Govern an ever-evolving realm and grant titles to whom you see fit - or usurp your liege to claim their crown as your own. Be wary of rivals, from restless serfs to revengeful concubines. The shadows stir frequently, and danger lurks around every darkened corner. Recruit agents and other unsavory elements to undermine, blackmail, or murder those who stand in your path. Or be inspired by the bard and ballad, and seduce your way to power and influence. Blood will flow. Assemble men-at-arms units and powerful knights. Manage your battlefield tactics and armies. Raid and plunder nearby lands or hire mercenaries and Holy Orders for your major conflicts. Be a pious king to invite the religious powers to your side, or design your own faith as you battle between everlasting fame or eternal damnation. Bring novel innovations to your culture and construct mighty castles and bastions to increase the wealth, prestige, and security of your realm. The paths to follow are limitless: experience thousands of dynamic events and life-altering decisions tailored to each and every conceivable situation and character. There are countless ways of securing and keeping your place in the history books.", + "short_description": "Love, fight, scheme, and claim greatness. Determine your noble house\u2019s legacy in the sprawling grand strategy of Crusader Kings III. Death is only the beginning as you guide your dynasty\u2019s bloodline in the rich and larger-than-life simulation of the Middle Ages.", + "genres": "RPG", + "recommendations": 61458, + "score": 7.268749936410161 + }, + { + "type": "game", + "name": "Teardown", + "detailed_description": "Plan the perfect heist using creative problem solving, brute force, and everything around you. Teardown features a fully destructible and truly interactive environment where player freedom and emergent gameplay are the driving mechanics. . Tear down walls with explosives or vehicles to create shortcuts no one thought was possible. Stack objects, build structures, or use floating objects to your advantage. Take your time to create an efficient path through the level, plan the heist and get ready to execute it. . Run, jump, drive, slingshot. Do whatever you need to collect targets, avoid robots or steal whatever your clients ask for. But make sure not to get caught!. . Campaign. With your company pressured by increasing debt, you start accepting work from some more or less shady individuals. Soon you are knee-deep in a murky soup of revenge, betrayal, and insurance fraud. Beginning with some more or less legitimate assignments, you soon find yourself stealing cars, demolishing buildings, blowing up safes, avoiding trigger-happy robots and more. Upgrade your expanding arsenal of tools by searching for hidden valuables scattered around the environments. . Sandbox. Play around in the various environments with the tools you have unlocked. In this mode you have unlimited resources and an abundance of vehicles. No pressure, just pleasure. . . Challenges. Test your skills in experimental game modes. New challenges unlock as you progress through the campaign. . Modding. Teardown has extensive mod support with built-in level editor, Lua scripting and a Steam Workshop integration. Build your own sandbox maps, mini games, tools, vehicles or try out existing mods from the community. . Features. Fully destructible voxel environments. Realistic physical simulation of objects, debris, vehicles, water, fire, and smoke. 17 different tools ranging from sledgehammer, blow torch and fire extinguisher to guns and explosives . Campaign with 40 missions in an escalating storyline. Sandbox mode for you to roam around in the various environments. Extensive mod support and Steam Workshop integration.", + "about_the_game": "Plan the perfect heist using creative problem solving, brute force, and everything around you. Teardown features a fully destructible and truly interactive environment where player freedom and emergent gameplay are the driving mechanics.Tear down walls with explosives or vehicles to create shortcuts no one thought was possible. Stack objects, build structures, or use floating objects to your advantage. Take your time to create an efficient path through the level, plan the heist and get ready to execute it.Run, jump, drive, slingshot. Do whatever you need to collect targets, avoid robots or steal whatever your clients ask for. But make sure not to get caught!CampaignWith your company pressured by increasing debt, you start accepting work from some more or less shady individuals. Soon you are knee-deep in a murky soup of revenge, betrayal, and insurance fraud. Beginning with some more or less legitimate assignments, you soon find yourself stealing cars, demolishing buildings, blowing up safes, avoiding trigger-happy robots and more. Upgrade your expanding arsenal of tools by searching for hidden valuables scattered around the environments.SandboxPlay around in the various environments with the tools you have unlocked. In this mode you have unlimited resources and an abundance of vehicles. No pressure, just pleasure.ChallengesTest your skills in experimental game modes. New challenges unlock as you progress through the campaign.ModdingTeardown has extensive mod support with built-in level editor, Lua scripting and a Steam Workshop integration. Build your own sandbox maps, mini games, tools, vehicles or try out existing mods from the community. FeaturesFully destructible voxel environmentsRealistic physical simulation of objects, debris, vehicles, water, fire, and smoke17 different tools ranging from sledgehammer, blow torch and fire extinguisher to guns and explosives Campaign with 40 missions in an escalating storylineSandbox mode for you to roam around in the various environmentsExtensive mod support and Steam Workshop integration", + "short_description": "Prepare the perfect heist in this simulated and fully destructible voxel world. Tear down walls with vehicles or explosives to create shortcuts. Stack objects to reach higher. Use the environment to your advantage in the most creative way you can think of.", + "genres": "Action", + "recommendations": 69483, + "score": 7.349654713946796 + }, + { + "type": "game", + "name": "STAR WARS Jedi: Fallen Order\u2122", + "detailed_description": "Continue Cal\u2019s Journey in STAR WARS Jedi: Survivor\u2122 STAR WARS JEDI: FALLEN ORDER DELUXE EDITION. Get the story behind the game with the Star Wars Jedi: Fallen Order Deluxe Edition, including:. Cosmetic skin for BD-1. Cosmetic skin for the Stinger Mantis. Digital art book. \"Director's Cut\" behind-the-scenes videos, featuring over 90 minutes of footage from the making of the game. About the GameA galaxy-spanning adventure awaits in Star Wars Jedi: Fallen Order, a new third-person action-adventure title from Respawn Entertainment. This narratively driven, single-player game puts you in the role of a Jedi Padawan who narrowly escaped the purge of Order 66 following the events of Episode 3: Revenge of the Sith. On a quest to rebuild the Jedi Order, you must pick up the pieces of your shattered past to complete your training, develop new powerful Force abilities and master the art of the iconic lightsaber - all while staying one step ahead of the Empire and its deadly Inquisitors. . While mastering your abilities, players will engage in cinematically charged lightsaber and Force combat designed to deliver the kind of intense Star Wars lightsaber battles as seen in the films. Players will need to approach enemies strategically, sizing up strengths and weaknesses while cleverly utilizing your Jedi training to overcome your opponents and solve the mysteries that lay in your path. . Star Wars fans will recognize iconic locations, weapons, gear and enemies while also meeting a roster of fresh characters, locations, creatures, droids and adversaries new to Star Wars. As part of this authentic Star Wars story, fans will delve into a galaxy recently seized by the Empire. As a Jedi hero-turned-fugitive, players will need to fight for survival while exploring the mysteries of a long-extinct civilization all in an effort to rebuild the remnants of the Jedi Order as the Empire seeks to erase the Jedi completely.KEY FEATURESCinematic, Immersive Combat \u2013 Jedi: Fallen Order delivers the fantasy of becoming a Jedi through its innovative lightsaber combat system\u2013striking, parrying, dodging\u2013partnered with a suite of powerful Force abilities you\u2019ll need to leverage to overcome obstacles that stand in your way. This combat system is intuitive but takes training and practice to fully master its nuances as you gain new powers and abilities along your adventure. . A New Jedi Story Begins - As a former Padawan on the run from the Empire, you must complete your training before Imperial Inquisitors discover your plan to revive the Jedi Order. Aided by a former Jedi Knight, a cantankerous pilot and a fearless droid, you must escape the evil machinations of the Empire in a story-driven adventure. Explore and overcome a wide range of challenges focused on combat, exploration and puzzle-solving. . The Galaxy Awaits - Ancient forests, windswept rock faces and haunted jungles are all unique biomes you\u2019ll explore in Jedi: Fallen Order, with the freedom to decide when and where you go next. As you unlock new powers and abilities, opportunities open up to re-traverse maps in new ways; leveraging the Force to augment the way you explore. Move quickly, however, as the Empire is actively hunting your every step in their effort to exterminate all remnants of the Jedi Order.", + "about_the_game": "A galaxy-spanning adventure awaits in Star Wars Jedi: Fallen Order, a new third-person action-adventure title from Respawn Entertainment. This narratively driven, single-player game puts you in the role of a Jedi Padawan who narrowly escaped the purge of Order 66 following the events of Episode 3: Revenge of the Sith. On a quest to rebuild the Jedi Order, you must pick up the pieces of your shattered past to complete your training, develop new powerful Force abilities and master the art of the iconic lightsaber - all while staying one step ahead of the Empire and its deadly Inquisitors.While mastering your abilities, players will engage in cinematically charged lightsaber and Force combat designed to deliver the kind of intense Star Wars lightsaber battles as seen in the films. Players will need to approach enemies strategically, sizing up strengths and weaknesses while cleverly utilizing your Jedi training to overcome your opponents and solve the mysteries that lay in your path.Star Wars fans will recognize iconic locations, weapons, gear and enemies while also meeting a roster of fresh characters, locations, creatures, droids and adversaries new to Star Wars. As part of this authentic Star Wars story, fans will delve into a galaxy recently seized by the Empire. As a Jedi hero-turned-fugitive, players will need to fight for survival while exploring the mysteries of a long-extinct civilization all in an effort to rebuild the remnants of the Jedi Order as the Empire seeks to erase the Jedi completely.KEY FEATURESCinematic, Immersive Combat \u2013 Jedi: Fallen Order delivers the fantasy of becoming a Jedi through its innovative lightsaber combat system\u2013striking, parrying, dodging\u2013partnered with a suite of powerful Force abilities you\u2019ll need to leverage to overcome obstacles that stand in your way. This combat system is intuitive but takes training and practice to fully master its nuances as you gain new powers and abilities along your adventure.A New Jedi Story Begins - As a former Padawan on the run from the Empire, you must complete your training before Imperial Inquisitors discover your plan to revive the Jedi Order. Aided by a former Jedi Knight, a cantankerous pilot and a fearless droid, you must escape the evil machinations of the Empire in a story-driven adventure. Explore and overcome a wide range of challenges focused on combat, exploration and puzzle-solving.The Galaxy Awaits - Ancient forests, windswept rock faces and haunted jungles are all unique biomes you\u2019ll explore in Jedi: Fallen Order, with the freedom to decide when and where you go next. As you unlock new powers and abilities, opportunities open up to re-traverse maps in new ways; leveraging the Force to augment the way you explore. Move quickly, however, as the Empire is actively hunting your every step in their effort to exterminate all remnants of the Jedi Order.", + "short_description": "A galaxy-spanning adventure awaits in Star Wars Jedi: Fallen Order, a 3rd person action-adventure title from Respawn. An abandoned Padawan must complete his training, develop new powerful Force abilities, and master the art of the lightsaber - all while staying one step ahead of the Empire.", + "genres": "Action", + "recommendations": 111506, + "score": 7.661464356941798 + }, + { + "type": "game", + "name": "Apex Legends\u2122", + "detailed_description": "Erobere mit Stil in Apex Legends, einem Free-to-Play* Helden-Shooter, bei dem legend\u00e4re Charaktere mit m\u00e4chtigen F\u00e4higkeiten in Teams am Rand des Grenzlandes um Ruhm und Reichtum k\u00e4mpfen. . Meistere einen st\u00e4ndig wachsenden Kader verschiedener Legenden mit einem umfassenden, taktischen Squad-Spiel und mutigen Innovationen, die \u00fcber das gewohnte Battle-Royale-Erlebnis hinausgehen \u2013 in einer rauen Welt, in der alles m\u00f6glich ist. Willkommen bei der n\u00e4chsten Evolutionsstufe des Helden-Shooters. . ZENTRALE FEATURES. . Dieses Spiel enth\u00e4lt optionale In-Game-K\u00e4ufe virtueller W\u00e4hrungen, mit denen du virtuelle In-Game-Objekte erwerben kannst, einschlie\u00dflich einer zuf\u00e4lligen Auswahl virtueller In-Game-Objekte.", + "about_the_game": "Erobere mit Stil in Apex Legends, einem Free-to-Play* Helden-Shooter, bei dem legend\u00e4re Charaktere mit m\u00e4chtigen F\u00e4higkeiten in Teams am Rand des Grenzlandes um Ruhm und Reichtum k\u00e4mpfen.Meistere einen st\u00e4ndig wachsenden Kader verschiedener Legenden mit einem umfassenden, taktischen Squad-Spiel und mutigen Innovationen, die \u00fcber das gewohnte Battle-Royale-Erlebnis hinausgehen \u2013 in einer rauen Welt, in der alles m\u00f6glich ist. Willkommen bei der n\u00e4chsten Evolutionsstufe des Helden-Shooters.ZENTRALE FEATURESDieses Spiel enth\u00e4lt optionale In-Game-K\u00e4ufe virtueller W\u00e4hrungen, mit denen du virtuelle In-Game-Objekte erwerben kannst, einschlie\u00dflich einer zuf\u00e4lligen Auswahl virtueller In-Game-Objekte.", + "short_description": "Apex Legends ist der preisgekr\u00f6nte Free-to-Play Helden-Shooter von Respawn Entertainment. Meistere einen wachsenden Kader legend\u00e4rer Charaktere mit m\u00e4chtigen F\u00e4higkeiten & erlebe das strategische Squadspiel und innovative Gameplay der n\u00e4chsten Evolutionsstufe des Helden-Shooters & von Battle Royale.", + "genres": "Aktion", + "recommendations": 1284, + "score": 4.719105351834434 + }, + { + "type": "game", + "name": "Sea of Thieves 2023 Edition", + "detailed_description": "2023 Edition. Deluxe Edition. Deluxe Bundle. About the Game2023 Edition Out Now. Celebrate five years since Sea of Thieves' launch with this special edition of the game, which includes a copy of Sea of Thieves itself with all permanent content added since launch, plus a 10,000 gold bonus and a selection of Hunter cosmetics. The Hunter Cutlass, Pistol, Compass, Hat, Jacket and Sails will ensure you cut a formidable figure as you set sail for adventure!. About the Game. Sea of Thieves offers the essential pirate experience, from sailing and fighting to exploring and looting \u2013 everything you need to live the pirate life and become a legend in your own right. With no set roles, you have complete freedom to approach the world, and other players, however you choose. Whether you\u2019re voyaging as a group or sailing solo, you\u2019re bound to encounter other crews in this shared world adventure \u2013 but will they be friends or foes, and how will you respond?. A Vast Open World. Explore a vast open world filled with unspoiled islands and underwater kingdoms. Take on quests to hunt for lost loot, forge a reputation with the Trading Companies and battle foes from Phantoms and Ocean Crawlers to Megalodons and the mighty Kraken. Try your hand at fishing, make maps to your own buried treasure or choose from hundreds of other optional goals and side-quests!. Sea of Thieves: A Pirate\u2019s Life. Play the Tall Tales to experience Sea of Thieves\u2019 unique narrative-driven campaigns, and join forces with Captain Jack Sparrow in Sea of Thieves: A Pirate\u2019s Life, an acclaimed original story that brings Disney\u2019s Pirates of the Caribbean sailing into Sea of Thieves. These immersive and cinematic quests provide around 30 hours of the ultimate pirate adventure. . A Game That\u2019s Always Growing. With each Season bringing in new game features every three months alongside regular in-game Events and new narrative Adventures, Sea of Thieves is a service-based game that\u2019s still growing and evolving. Check back regularly to see what free content has been newly added, and see how far you can climb through each Season\u2019s 100 levels of Renown to earn special rewards. . Become Legend. On your journey to become a Pirate Legend you\u2019ll amass loot, build a reputation and define a unique personal style with your hard-earned rewards. Adventurer. Explorer. Conqueror. What will your legend be?", + "about_the_game": "2023 Edition Out NowCelebrate five years since Sea of Thieves' launch with this special edition of the game, which includes a copy of Sea of Thieves itself with all permanent content added since launch, plus a 10,000 gold bonus and a selection of Hunter cosmetics. The Hunter Cutlass, Pistol, Compass, Hat, Jacket and Sails will ensure you cut a formidable figure as you set sail for adventure!About the GameSea of Thieves offers the essential pirate experience, from sailing and fighting to exploring and looting \u2013 everything you need to live the pirate life and become a legend in your own right. With no set roles, you have complete freedom to approach the world, and other players, however you choose.Whether you\u2019re voyaging as a group or sailing solo, you\u2019re bound to encounter other crews in this shared world adventure \u2013 but will they be friends or foes, and how will you respond?A Vast Open WorldExplore a vast open world filled with unspoiled islands and underwater kingdoms. Take on quests to hunt for lost loot, forge a reputation with the Trading Companies and battle foes from Phantoms and Ocean Crawlers to Megalodons and the mighty Kraken. Try your hand at fishing, make maps to your own buried treasure or choose from hundreds of other optional goals and side-quests!Sea of Thieves: A Pirate\u2019s LifePlay the Tall Tales to experience Sea of Thieves\u2019 unique narrative-driven campaigns, and join forces with Captain Jack Sparrow in Sea of Thieves: A Pirate\u2019s Life, an acclaimed original story that brings Disney\u2019s Pirates of the Caribbean sailing into Sea of Thieves. These immersive and cinematic quests provide around 30 hours of the ultimate pirate adventure.A Game That\u2019s Always GrowingWith each Season bringing in new game features every three months alongside regular in-game Events and new narrative Adventures, Sea of Thieves is a service-based game that\u2019s still growing and evolving. Check back regularly to see what free content has been newly added, and see how far you can climb through each Season\u2019s 100 levels of Renown to earn special rewards.Become LegendOn your journey to become a Pirate Legend you\u2019ll amass loot, build a reputation and define a unique personal style with your hard-earned rewards. Adventurer. Explorer. Conqueror. What will your legend be?", + "short_description": "Celebrate five years since Sea of Thieves' launch with this special edition, including a copy of the game with all permanent content added since launch, plus a 10,000 gold bonus and a selection of Hunter cosmetics: the Hunter Cutlass, Pistol, Compass, Hat, Jacket and Sails.", + "genres": "Action", + "recommendations": 250073, + "score": 8.1939041180906 + }, + { + "type": "game", + "name": "Resident Evil 3: Raccoon City Demo", + "detailed_description": "Experience a taste of this stunning re-imagining of Resident Evil 3. . Play a section of the opening of the game, specially tuned for this demo, and get a glimpse of the tragedy that befalls Raccoon City.", + "about_the_game": "Experience a taste of this stunning re-imagining of Resident Evil 3.\r\n\r\nPlay a section of the opening of the game, specially tuned for this demo, and get a glimpse of the tragedy that befalls Raccoon City.", + "short_description": "Experience a taste of this stunning re-imagining of Resident Evil 3. Play a section of the opening of the game, specially tuned for this demo, and get a glimpse of the tragedy that befalls Raccoon City.", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Red Dead Redemption 2", + "detailed_description": "Ultimate Edition. Red Dead Redemption 2: Edi\u00e7\u00e3o Definitiva oferece todos os conte\u00fados do Modo Hist\u00f3ria da Edi\u00e7\u00e3o Especial, al\u00e9m de recursos extras para o Modo Online, incluindo trajes adicionais para o seu personagem online, b\u00f4nus de ranking, o Puro-Sangue Ingl\u00eas Alaz\u00e3o Preto e acesso gratuito ao tema de acampamento de sobrevivente. . Al\u00e9m disso, ganhe acesso gratuito a armas adicionais no Modo Online. Sobre o jogoEstados Unidos, 1899. . Arthur Morgan e a gangue Van der Linde s\u00e3o bandidos em fuga. Com agentes federais e os melhores ca\u00e7adores de recompensas no seu encal\u00e7o, a gangue precisa roubar, assaltar e lutar para sobreviver no impiedoso cora\u00e7\u00e3o dos Estados Unidos. Conforme divis\u00f5es internas profundas amea\u00e7am despeda\u00e7ar a gangue, Arthur deve fazer uma escolha entre os seus pr\u00f3prios ideais e a lealdade \u00e0 gangue que o criou. . Agora com conte\u00fado adicional no Modo Hist\u00f3ria e um Modo Foto repleto de recursos, Red Dead Redemption 2 tamb\u00e9m inclui acesso gratuito ao mundo compartilhado de Red Dead Online. Nele, os jogadores assumem uma diversidade de of\u00edcios para construir suas pr\u00f3prias trajet\u00f3rias na fronteira, seja perseguindo criminosos procurados como Ca\u00e7ador de Recompensa, estabelecendo um neg\u00f3cio como Mercador, escavando tesouros ex\u00f3ticos como Colecionador ou operando uma destilaria subterr\u00e2nea como Moonshiner, e muito mais. . Com novas melhorias gr\u00e1ficas e t\u00e9cnicas que tornam o jogo mais imersivo, Red Dead Redemption 2 para PC aproveita ao m\u00e1ximo a pot\u00eancia do PC para dar vida a cada canto deste mundo gigantesco, rico e detalhado, incluindo maiores dist\u00e2ncias de renderiza\u00e7\u00e3o; ilumina\u00e7\u00e3o global de maior qualidade e oclus\u00e3o do ambiente para melhorar a ilumina\u00e7\u00e3o do dia e da noite; melhorias nos reflexos e sombras mais fortes e de maior resolu\u00e7\u00e3o a todas as dist\u00e2ncias; texturas de \u00e1rvore tesseladas e melhorias nas texturas de grama e pelo, tornando todas as plantas e animais mais realistas. . Red Dead Redemption 2 para PC tamb\u00e9m oferece suporte a HDR e a monitores de ponta com resolu\u00e7\u00e3o 4K ou superior, configura\u00e7\u00f5es com v\u00e1rios monitores, widescreen, taxas de quadros mais r\u00e1pidas, entre outras op\u00e7\u00f5es.", + "about_the_game": "Estados Unidos, 1899.\r\n\r\nArthur Morgan e a gangue Van der Linde s\u00e3o bandidos em fuga. Com agentes federais e os melhores ca\u00e7adores de recompensas no seu encal\u00e7o, a gangue precisa roubar, assaltar e lutar para sobreviver no impiedoso cora\u00e7\u00e3o dos Estados Unidos. Conforme divis\u00f5es internas profundas amea\u00e7am despeda\u00e7ar a gangue, Arthur deve fazer uma escolha entre os seus pr\u00f3prios ideais e a lealdade \u00e0 gangue que o criou.\r\n\r\nAgora com conte\u00fado adicional no Modo Hist\u00f3ria e um Modo Foto repleto de recursos, Red Dead Redemption 2 tamb\u00e9m inclui acesso gratuito ao mundo compartilhado de Red Dead Online. Nele, os jogadores assumem uma diversidade de of\u00edcios para construir suas pr\u00f3prias trajet\u00f3rias na fronteira, seja perseguindo criminosos procurados como Ca\u00e7ador de Recompensa, estabelecendo um neg\u00f3cio como Mercador, escavando tesouros ex\u00f3ticos como Colecionador ou operando uma destilaria subterr\u00e2nea como Moonshiner, e muito mais.\r\n\r\nCom novas melhorias gr\u00e1ficas e t\u00e9cnicas que tornam o jogo mais imersivo, Red Dead Redemption 2 para PC aproveita ao m\u00e1ximo a pot\u00eancia do PC para dar vida a cada canto deste mundo gigantesco, rico e detalhado, incluindo maiores dist\u00e2ncias de renderiza\u00e7\u00e3o; ilumina\u00e7\u00e3o global de maior qualidade e oclus\u00e3o do ambiente para melhorar a ilumina\u00e7\u00e3o do dia e da noite; melhorias nos reflexos e sombras mais fortes e de maior resolu\u00e7\u00e3o a todas as dist\u00e2ncias; texturas de \u00e1rvore tesseladas e melhorias nas texturas de grama e pelo, tornando todas as plantas e animais mais realistas.\r\n\r\nRed Dead Redemption 2 para PC tamb\u00e9m oferece suporte a HDR e a monitores de ponta com resolu\u00e7\u00e3o 4K ou superior, configura\u00e7\u00f5es com v\u00e1rios monitores, widescreen, taxas de quadros mais r\u00e1pidas, entre outras op\u00e7\u00f5es.", + "short_description": "Red Dead Redemption 2, a \u00e9pica aventura de mundo aberto da Rockstar Games aclamada pela cr\u00edtica e o jogo mais bem avaliado desta gera\u00e7\u00e3o de consoles, agora chega aprimorado para PC com conte\u00fados in\u00e9ditos no Modo Hist\u00f3ria, melhorias visuais e muito mais.", + "genres": "A\u00e7\u00e3o", + "recommendations": 394223, + "score": 8.493960711702089 + }, + { + "type": "game", + "name": "Bright Memory: Infinite", + "detailed_description": "Story. In the year 2036, a strange phenomenon for which scientists can find no explanation has occurred in the skies around the world. The Supernatural Science Research Organization (SRO) has sent agents out to various regions to investigate this phenomenon. It is soon discovered that these strange occurrences are connected to an archaic mystery - an as-of-yet unknown history of two worlds, about to come to light. . . Gameplay. Bright Memory: Infinite combines the FPS and action genres to deliver a high-octane experience. Mix and match available skills and abilities to unleash magnificient combos on your enemies. Your trusted sword allows you to slash through crowds of enemies and even repel their gunfire. The guns you come across in-game can be customized with a variety of ammunitions. Choose between incendiary bombs, sticky grenades, homing missiles, and more to suit your situation. . . Development. Created by FYQD-Studio, Bright Memory: Infinite is the sequel to the popular Bright Memory. However, the sequel features an all-new world, along with newly created improved battle system and level design. . . Developer Comment. For Bright Memory: Infinite, I wanted to focus on adding content to give players a more satisfying experience. As a result, development took three times as long as Bright Memory. This process allowed me to learn how to create a strong game while dealing with time and financial constraints. I spent a lot of time thinking of ways to maximize whatever technology and resources available to me in order to deliver an unforgettable experience through the game. As such, Bright Memory: Infinite represents the culmination of FYQD Studio's growth. Finally, I would like to express my gratitude to all my global partners and those who have provided technical support to me.", + "about_the_game": "StoryIn the year 2036, a strange phenomenon for which scientists can find no explanation has occurred in the skies around the world. The Supernatural Science Research Organization (SRO) has sent agents out to various regions to investigate this phenomenon. It is soon discovered that these strange occurrences are connected to an archaic mystery - an as-of-yet unknown history of two worlds, about to come to light...GameplayBright Memory: Infinite combines the FPS and action genres to deliver a high-octane experience. Mix and match available skills and abilities to unleash magnificient combos on your enemies. Your trusted sword allows you to slash through crowds of enemies and even repel their gunfire. The guns you come across in-game can be customized with a variety of ammunitions. Choose between incendiary bombs, sticky grenades, homing missiles, and more to suit your situation.DevelopmentCreated by FYQD-Studio, Bright Memory: Infinite is the sequel to the popular Bright Memory. However, the sequel features an all-new world, along with newly created improved battle system and level design.Developer CommentFor Bright Memory: Infinite, I wanted to focus on adding content to give players a more satisfying experience. As a result, development took three times as long as Bright Memory. This process allowed me to learn how to create a strong game while dealing with time and financial constraints. I spent a lot of time thinking of ways to maximize whatever technology and resources available to me in order to deliver an unforgettable experience through the game. As such, Bright Memory: Infinite represents the culmination of FYQD Studio's growth. Finally, I would like to express my gratitude to all my global partners and those who have provided technical support to me.", + "short_description": "Bright Memory: Infinite is an all-new lightning-fast fusion of the FPS and action genres, created by FYQD-Studio. Combine a wide variety of skills and abilities to unleash dazzling combo attacks.", + "genres": "Action", + "recommendations": 31611, + "score": 6.8304719244955265 + }, + { + "type": "game", + "name": "Stay Out", + "detailed_description": "Stay Out - is a MMORPG with shooter elements, based on spirit of \u201cstalking\u201d - an urban exploration, searching and exploring mysterious, abandoned and forgotten by humanity pieces of our planet. . Discover a world full of dangers and incredible events, which has its own laws and principles. Become one of the \u201cStalkers\u201d - people living the romance of the unknown, able to overcome any trials in search of artifacts on the territory of the Alienation Zone. Take a look beyond the edge of the unknown, where the secrets of nature and deadly dangers await the daredevils at every turn. Survive in harsh conditions, when you count every sip of water and every match. Secret laboratories, life forms of unknown origin, mysterious anomalies, and strange artifacts that challenge our knowledge of the laws of nature - all this is a huge world of \"Stay Out\".", + "about_the_game": "Stay Out - is a MMORPG with shooter elements, based on spirit of \u201cstalking\u201d - an urban exploration, searching and exploring mysterious, abandoned and forgotten by humanity pieces of our planet.\r\n\r\nDiscover a world full of dangers and incredible events, which has its own laws and principles.\r\nBecome one of the \u201cStalkers\u201d - people living the romance of the unknown, able to overcome any trials in search of artifacts on the territory of the Alienation Zone.\r\nTake a look beyond the edge of the unknown, where the secrets of nature and deadly dangers await the daredevils at every turn.\r\nSurvive in harsh conditions, when you count every sip of water and every match.\r\nSecret laboratories, life forms of unknown origin, mysterious anomalies, and strange artifacts that challenge our knowledge of the laws of nature - all this is a huge world of \"Stay Out\".", + "short_description": "Stay Out - is a MMORPG with shooter elements, based on spirit of \u201cstalking\u201d - an urban exploration, searching and exploring mysterious, abandoned and forgotten by humanity pieces of our planet.", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Pathfinder: Wrath of the Righteous - Enhanced Edition", + "detailed_description": "Special Offer Steam Exclusive Offer. Special Offer. About the GameDiscover the StoryYour path will lead you to the Worldwound, where the opening of a rift to the Abyss has unleashed all-consuming terror across the land. For over a century, the neighboring nations have fought fearlessly, trying to drive the enemy back \u2014 but to little avail. . . Now, you have the chance to put an end to this conflict, but the path to salvation is far from clear-cut. Will you become a shining angel, backed by noble paladins? Or a powerful necromancer with hordes of immortal undead in your thrall? Or something else entirely? Lead your army and challenge mighty demon lords. Your crusade will set in motion a chain of events that will leave you \u2014 and the world itself \u2014 forever changed.PLAY YOUR HERO, YOUR WAYCreate any character imaginable with the flexibility, richness, and depth of the Pathfinder First Edition ruleset. Choose from 25 classes, 12 character races, and more than a thousand spells, feats, and abilities to suit your personal playstyle. . FOR EVERY CHOICE, A CONSEQUENCEYour decisions have more weight than ever before. Your goal is clear, but you must forge your own path to it. Who will die, and who will live? Who will stay, and who will go? Make your choices, and watch the world around you change. . A NEW WAY TO FIGHTEnjoy two combat modes as you slay your enemies \u2013 real-time with pause or turn-based. Switch between them on the fly, so you can always take things as slowly \u2014 or as quickly \u2014 as you like. The unique Pathfinder ruleset also allows you to perform advanced combat maneuvers, like mounted combat. Use them wisely!. . GATHER YOUR PARTYA cast of more than 10 unique companions is ready to join your cause. Earn their trust and respect, and they will have your back no matter what dangers lie ahead. And if you get on their bad side, well\u2026 Maybe it\u2019s time to part ways. . LEAD THE CRUSADEYou will need much more than a party of adventurers to cleanse the land of its demonic scourge. Take command of the crusaders and lead them to victory \u2013 both as a strategist, controlling the battle from above, and as a field commander, in a new tactical combat mode. . CHOOSE YOUR PATHExplore nine unique Mythic Paths: obtain extraordinary abilities and shape everything that comes next. Your decisions might transform you into a celestial Angel, a raging Demon, a powerful Lich, a cunning Trickster, an otherworldly Aeon, a rebellious Azata, a wise Gold Dragon, an insatiable Swarm That Walks \u2014 or remain mortal and walk the arduous fantasy path toward becoming a living Legend. .", + "about_the_game": "Discover the StoryYour path will lead you to the Worldwound, where the opening of a rift to the Abyss has unleashed all-consuming terror across the land. For over a century, the neighboring nations have fought fearlessly, trying to drive the enemy back \u2014 but to little avail. Now, you have the chance to put an end to this conflict, but the path to salvation is far from clear-cut. Will you become a shining angel, backed by noble paladins? Or a powerful necromancer with hordes of immortal undead in your thrall? Or something else entirely? Lead your army and challenge mighty demon lords. Your crusade will set in motion a chain of events that will leave you \u2014 and the world itself \u2014 forever changed.PLAY YOUR HERO, YOUR WAYCreate any character imaginable with the flexibility, richness, and depth of the Pathfinder First Edition ruleset. Choose from 25 classes, 12 character races, and more than a thousand spells, feats, and abilities to suit your personal playstyle.FOR EVERY CHOICE, A CONSEQUENCEYour decisions have more weight than ever before. Your goal is clear, but you must forge your own path to it. Who will die, and who will live? Who will stay, and who will go? Make your choices, and watch the world around you change.A NEW WAY TO FIGHTEnjoy two combat modes as you slay your enemies \u2013 real-time with pause or turn-based. Switch between them on the fly, so you can always take things as slowly \u2014 or as quickly \u2014 as you like. The unique Pathfinder ruleset also allows you to perform advanced combat maneuvers, like mounted combat. Use them wisely!GATHER YOUR PARTYA cast of more than 10 unique companions is ready to join your cause. Earn their trust and respect, and they will have your back no matter what dangers lie ahead. And if you get on their bad side, well\u2026 Maybe it\u2019s time to part ways. LEAD THE CRUSADEYou will need much more than a party of adventurers to cleanse the land of its demonic scourge. Take command of the crusaders and lead them to victory \u2013 both as a strategist, controlling the battle from above, and as a field commander, in a new tactical combat mode.CHOOSE YOUR PATHExplore nine unique Mythic Paths: obtain extraordinary abilities and shape everything that comes next. Your decisions might transform you into a celestial Angel, a raging Demon, a powerful Lich, a cunning Trickster, an otherworldly Aeon, a rebellious Azata, a wise Gold Dragon, an insatiable Swarm That Walks \u2014 or remain mortal and walk the arduous fantasy path toward becoming a living Legend.", + "short_description": "Embark on a journey to a realm overrun by demons in a new epic RPG from the creators of the critically acclaimed Pathfinder: Kingmaker. Explore the nature of good and evil, learn the true cost of power, and rise as a Mythic Hero capable of deeds beyond mortal expectations.", + "genres": "Adventure", + "recommendations": 22184, + "score": 6.5970252168319305 + }, + { + "type": "game", + "name": "Resident Evil Village", + "detailed_description": "Resident Evil Village Gold Edition. Experience survival horror like never before in the eighth major installment in the storied Resident Evil franchise - Resident Evil Village. The Gold Edition includes:. - Resident Evil: Village game. - Winters' Expansion additional content. - Trauma Pack DLC. - Access to RE:VERSE online game. Note: Resident Evil: Village and the Trauma Pack DLC will become playable upon the release of the Gold Edition on 28/10/2022. The Village of Shadows unlock included in the Trauma Pack allows access to content which is otherwise unlockable through gameplay progress. Details of the service period for RE:VERSE can be found on the official website ( The service period may have already concluded, so please check before purchasing. Access to Re:Verse may become available through other means at a later date. . Set a few years after the horrifying events in the critically acclaimed Resident Evil 7 biohazard, the all-new storyline begins with Ethan Winters and his wife Mia living peacefully in a new location, free from their past nightmares. Just as they are building their new life together, tragedy befalls them once again. . FEATURES. \u2022 First-Person Action \u2013 Players will assume the role of Ethan Winters and experience every up-close battle and terrifying pursuit through a first-person perspective. \u2022 Familiar Faces and New Foes \u2013 Chris Redfield has typically been a hero in the Resident Evil series, but his appearance in Resident Evil Village seemingly shrouds him in sinister motives. A host of new adversaries inhabiting the enigmatic village will relentlessly hunt Ethan and hinder his every move as he attempts to make sense of the new nightmare he finds himself in. \u2022 A Living, Breathing Village \u2013 More than just a mysterious backdrop for the horrifying events that unfold in the game, the village is a character in its own right with mysteries for Ethan to uncover and terrors to escape from. Winters' Expansion. Experience brand-new additional content for the award-winning modern horror masterpiece Resident Evil: Village: Third Person Mode, The Mercenaries Additional Orders and Shadows of Rose. About the GameExperience survival horror like never before in the eighth major installment in the storied Resident Evil franchise - Resident Evil Village. . Set a few years after the horrifying events in the critically acclaimed Resident Evil 7 biohazard, the all-new storyline begins with Ethan Winters and his wife Mia living peacefully in a new location, free from their past nightmares. Just as they are building their new life together, tragedy befalls them once again. . First-Person Action \u2013 Players will assume the role of Ethan Winters and experience every up-close battle and terrifying pursuit through a first-person perspective. . Familiar Faces and New Foes \u2013 Chris Redfield has typically been a hero in the Resident Evil series, but his appearance in Resident Evil Village seemingly shrouds him in sinister motives. A host of new adversaries inhabiting the village will relentlessly hunt Ethan and hinder his every move as he attempts to make sense of the new nightmare he finds himself in.", + "about_the_game": "Experience survival horror like never before in the eighth major installment in the storied Resident Evil franchise - Resident Evil Village.Set a few years after the horrifying events in the critically acclaimed Resident Evil 7 biohazard, the all-new storyline begins with Ethan Winters and his wife Mia living peacefully in a new location, free from their past nightmares. Just as they are building their new life together, tragedy befalls them once again.First-Person Action \u2013 Players will assume the role of Ethan Winters and experience every up-close battle and terrifying pursuit through a first-person perspective. Familiar Faces and New Foes \u2013 Chris Redfield has typically been a hero in the Resident Evil series, but his appearance in Resident Evil Village seemingly shrouds him in sinister motives. A host of new adversaries inhabiting the village will relentlessly hunt Ethan and hinder his every move as he attempts to make sense of the new nightmare he finds himself in.", + "short_description": "Experience survival horror like never before in the 8th major installment in the Resident Evil franchise - Resident Evil Village. With detailed graphics, intense first-person action and masterful storytelling, the terror has never felt more realistic.", + "genres": "Action", + "recommendations": 64838, + "score": 7.304043111546065 + }, + { + "type": "game", + "name": "NARAKA: BLADEPOINT", + "detailed_description": "FREE TO PLAY NOW. Veteran Rewards. About the Game. . Dynamic, fast-paced and ever shifting; battle your enemies with punishing combos, parries and grit or outsmart them using lethal counters in an intense mind game. . . . Wall run, swoop down, and zip across mountains and buildings with ease as you hunt down unsuspecting foes using your grappling hook and parkour skills. . . . Combine a variety of melee and ranged weapons with our cast of powerful heroes, each with customized skills and unique Ultimate moves. . . . Travel to the magnificent but dangerous land of Morus and Holoroth, where great battles have shaped a beautiful landscape inspired by Far Eastern legends.", + "about_the_game": "Dynamic, fast-paced and ever shifting; battle your enemies with punishing combos, parries and grit or outsmart them using lethal counters in an intense mind game.Wall run, swoop down, and zip across mountains and buildings with ease as you hunt down unsuspecting foes using your grappling hook and parkour skills. Combine a variety of melee and ranged weapons with our cast of powerful heroes, each with customized skills and unique Ultimate moves.Travel to the magnificent but dangerous land of Morus and Holoroth, where great battles have shaped a beautiful landscape inspired by Far Eastern legends.", + "short_description": "Dive into the legends of the Far East in NARAKA: BLADEPOINT; team up with friends in fast-paced melee fights for a Battle Royale experience unlike any other. Find your playstyle with a varied cast of heroes with unique skills. More than 20 million players have already joined the fray, play free now!", + "genres": "Action", + "recommendations": 166945, + "score": 7.9275182996347 + }, + { + "type": "game", + "name": "Builders of Egypt: Prologue", + "detailed_description": "Add Builders of Egypt to wishlist CHECK OUT MORE FROM OUR FRIENDS About the GameBuilders of Egypt: Prologue is an economic type of city-building taking place in the valley of the Nile. The story starts in a little-known protodynastic period in which you will be able to observe the birth of the Old Egypt and finished with the death of Cleopatra VII. . . The most important aspect is the skillful management of urban planning by shaping the grid of streets, placing buildings and their mutual relation. Well-designed city will greatly improve economic efficiency which may convert into city income. . Diplomacy and politics:. The governor will face very difficult choices to be made in a constantly changing political environment. Costly expeditions, Pharaoh and other cities requests, military threat and a mixture of different cultures will be a commonplace. A series of wrong choices can cost the loss of trading partners and low interest in the city by settlers. Moreover, the total lack of obedience to the rulers may end up with a civil war. . . Religion:. Deity will be able to interfere with daily life but it will be done implicitly. The main aspect of religion will be satisfying the need for access to the places of worship, providing supplies for temples or organizing festivals. Neglecting this sphere may result in a dangerous social unrest on a par with e.g. famine. . Trade:. Trade is the most important element in royal treasury. Without it, it is very difficult for economic stability built solely on taxes. Therefore, in the interest of the player, producing goods for export at prices that will be able to change dynamically depending on the geopolitical situation, will be required. .", + "about_the_game": "Builders of Egypt: Prologue is an economic type of city-building taking place in the valley of the Nile. The story starts in a little-known protodynastic period in which you will be able to observe the birth of the Old Egypt and finished with the death of Cleopatra VII.The most important aspect is the skillful management of urban planning by shaping the grid of streets, placing buildings and their mutual relation. Well-designed city will greatly improve economic efficiency which may convert into city income. Diplomacy and politics:The governor will face very difficult choices to be made in a constantly changing political environment. Costly expeditions, Pharaoh and other cities requests, military threat and a mixture of different cultures will be a commonplace. A series of wrong choices can cost the loss of trading partners and low interest in the city by settlers. Moreover, the total lack of obedience to the rulers may end up with a civil war. Religion:Deity will be able to interfere with daily life but it will be done implicitly. The main aspect of religion will be satisfying the need for access to the places of worship, providing supplies for temples or organizing festivals. Neglecting this sphere may result in a dangerous social unrest on a par with e.g. famine.Trade:Trade is the most important element in royal treasury. Without it, it is very difficult for economic stability built solely on taxes. Therefore, in the interest of the player, producing goods for export at prices that will be able to change dynamically depending on the geopolitical situation, will be required.", + "short_description": "Builders of Egypt: Prologue is a city-building economic strategy taking place in the Nile Valley. Immerse yourself in a world full of pyramids, where you will become a part of the ancient world. Create history, be history!", + "genres": "Free to Play", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Command & Conquer\u2122 Remastered Collection", + "detailed_description": "Steam WorkshopSteam workshop support for User Maps. About the GameCommand & Conquer and Red Alert defined the RTS genre 25 years ago and are now both fully remastered in 4K by the former Westwood Studios team members at Petroglyph Games. Includes all 3 expansion packs, rebuilt multiplayer, a modernized UI, Map Editor, bonus gallery of unreleased FMV footage, and over 7 hours of legendary remastered music by Frank Klepacki. Welcome back, Commander.New and Remastered FeaturesGraphics Switching \u2014 Switch in real-time between legacy and remastered 4K graphics when in solo play. . . Bonus Gallery \u2014 Contains over 4 hours of B-roll footage, making-of photos, and unreleased music tracks. . . Music \u2014 Enjoy over 7 hours of remastered music, including 20 music tracks re-recorded live by original composer Frank Klepacki and the Tiberian Sons. . . Mod Support \u2014 Create, share, and play mods with the Steam Workshop. . Cinematics \u2014 Immerse yourself in hours of upscaled full-motion video cinematic footage. . Enhanced Sidebar UI \u2014 The fully redesigned Sidebar UI embraces a modern approach with less scrolling. . Jukebox \u2014 Customize your entire soundtrack via an enhanced Jukebox with playlist support. . Custom Game Lobbies \u2014 Host and join custom game lobbies to set game rules, teams, and maps. . Rise Through the Ranks \u2014 Go head to head in 1v1 Quickmatches, and fight your way to the top of the Leaderboard. . See All the Action \u2014 Don\u2019t miss a minute of combat with Replays and Observer mode. . From Console to PC \u2014 Experience the original console missions now on PC. . Console Cinematics \u2014 Watch the original console cinematic videos now on PC, featuring community favorite General Carville. . Maps \u2014 Take control of the terrain with the Map Editor, available on both Origin and Steam versions. . Mission Selection \u2014 Track your campaign progress on the new Mission Selection Screen. . Camera Zoom \u2014 Zoom the camera between the legacy DOS and Gold distances for a better look at the battlefield. . Skirmish Mode \u2014 Take on the AI \u2014 with controllable difficulty settings \u2014 in Skirmish mode, new for Tiberian Dawn. . Customizable Hotkeys \u2014 In-game Hotkey customization, now with support for the new Sidebar UI. . EVA \u2014 Your battle interface sounds better than ever! The original voice-over actress, Kia Huntzinger, reprised her role as EVA and re-recorded her lines in high definition for Tiberian Dawn. . Control Improvements \u2014 Enjoy updated mouse controls, camera movement, unit queueing, and selection improvements. . Additional features and content:. Over 100 campaign missions. Over 250 multiplayer maps. In-game tooltips. Accessibility features. Quicksave and Autosave support. Cinematic subtitles for both games. Text localization in French, German, Russian, Spanish, Polish, Simplified Chinese, and Traditional Chinese. Voice-over in English, French, and German. The Steam version includes:. Steam achievements. Steam friends lists. Steam Trading Cards. Steam Workshop support for User Maps.", + "about_the_game": "Command & Conquer and Red Alert defined the RTS genre 25 years ago and are now both fully remastered in 4K by the former Westwood Studios team members at Petroglyph Games. Includes all 3 expansion packs, rebuilt multiplayer, a modernized UI, Map Editor, bonus gallery of unreleased FMV footage, and over 7 hours of legendary remastered music by Frank Klepacki. Welcome back, Commander.New and Remastered FeaturesGraphics Switching \u2014 Switch in real-time between legacy and remastered 4K graphics when in solo play.Bonus Gallery \u2014 Contains over 4 hours of B-roll footage, making-of photos, and unreleased music tracks.Music \u2014 Enjoy over 7 hours of remastered music, including 20 music tracks re-recorded live by original composer Frank Klepacki and the Tiberian Sons.Mod Support \u2014 Create, share, and play mods with the Steam Workshop.Cinematics \u2014 Immerse yourself in hours of upscaled full-motion video cinematic footage.Enhanced Sidebar UI \u2014 The fully redesigned Sidebar UI embraces a modern approach with less scrolling.Jukebox \u2014 Customize your entire soundtrack via an enhanced Jukebox with playlist support.Custom Game Lobbies \u2014 Host and join custom game lobbies to set game rules, teams, and maps.Rise Through the Ranks \u2014 Go head to head in 1v1 Quickmatches, and fight your way to the top of the Leaderboard.See All the Action \u2014 Don\u2019t miss a minute of combat with Replays and Observer mode.From Console to PC \u2014 Experience the original console missions now on PC.Console Cinematics \u2014 Watch the original console cinematic videos now on PC, featuring community favorite General Carville.Maps \u2014 Take control of the terrain with the Map Editor, available on both Origin and Steam versions.Mission Selection \u2014 Track your campaign progress on the new Mission Selection Screen.Camera Zoom \u2014 Zoom the camera between the legacy DOS and Gold distances for a better look at the battlefield.Skirmish Mode \u2014 Take on the AI \u2014 with controllable difficulty settings \u2014 in Skirmish mode, new for Tiberian Dawn.Customizable Hotkeys \u2014 In-game Hotkey customization, now with support for the new Sidebar UI.EVA \u2014 Your battle interface sounds better than ever! The original voice-over actress, Kia Huntzinger, reprised her role as EVA and re-recorded her lines in high definition for Tiberian Dawn.Control Improvements \u2014 Enjoy updated mouse controls, camera movement, unit queueing, and selection improvements. Additional features and content:Over 100 campaign missionsOver 250 multiplayer mapsIn-game tooltipsAccessibility featuresQuicksave and Autosave supportCinematic subtitles for both gamesText localization in French, German, Russian, Spanish, Polish, Simplified Chinese, and Traditional ChineseVoice-over in English, French, and GermanThe Steam version includes:Steam achievementsSteam friends listsSteam Trading CardsSteam Workshop support for User Maps", + "short_description": "Command & Conquer and Red Alert are both remastered in 4K by the former Westwood Studios team members. Includes all 3 expansions, rebuilt multiplayer, a modernized UI, Map Editor, bonus footage gallery, and over 7 hours of remastered music.", + "genres": "Strategy", + "recommendations": 25724, + "score": 6.694622134808643 + }, + { + "type": "game", + "name": "Mr. Sun's Hatbox", + "detailed_description": "Buzz About the Game. The dastardly Mr Moon and his troublemakers have stolen Mr Sun\u2019s hatbox delivery from a humble courier company. With the fate of an aspiring apparel business at stake, it\u2019s up to you to build a team, stage a series of heists, and get it back. . Starting out as a solo delivery squad, you\u2019ll need to build up an organization of reformed hat thieves and work together as a team or against each other to beat the odds. Whether you\u2019re sending your unit out on covert or chaotic missions, you\u2019ll make use of a closetful of stylish headgear and an assortment of weapons to track down and return the stolen package to its rightful owner. . . Modest Beginnings - Start small and gradually build a unit fit for taking down the mischievous Mr Moon and his troublemakers. . Capture or Frag - Eliminate or extricate Mr Moon\u2019s minions. Have them pay the price for their thieving crimes or recruit them for your next mission. . Look the part - Discover over 50 different hats, each with unique properties. From the practical to the powerful. Even the pointless. . . Prep for the Heist - Take on a series of specialist missions from wave-based action to espionage before attempting a tricky Hat Heist, collecting crowns to unlock perks for your crew and moving onto the next phase of your operation. . The more hands, the safer the delivery - Play solo or work together cooperatively to take on each mission in Couch Co-op (Controllers Required) or Steam Remote Play Together (\u2122) . Stand and deliver in head to head battles - Bring your swords, machine guns, and stale baguettes to the battlefield in 1v1 or Last Hat Standing PVP. (Controllers required for local play). . . A hat for all seasons - Dynamite Head Bands, Cardboard Boxes, Noise Cancelling Earphones and Jet Packs! There\u2019s a style to suit every situation. . Rooms to suit a certain mood - Build up a base of operations with a Brig to brainwash captives, a Lab to experiment on your staff, and a Black Market to purchase illicit contraband. . Curious Quirks - Every character is different, making them individually suited (or unsuitable) for your mission, from a Butter Fingers with near-sightedness to an Animal Trainer with quick reflexes. Make sure you\u2019re allocating your resources appropriately. . Retro style with known quality - A distinct and vibrant pixel art style from Mr Kenny Sun, creator of Circa Infinity and Yankai\u2019s Peak. .", + "about_the_game": "The dastardly Mr Moon and his troublemakers have stolen Mr Sun\u2019s hatbox delivery from a humble courier company. With the fate of an aspiring apparel business at stake, it\u2019s up to you to build a team, stage a series of heists, and get it back. Starting out as a solo delivery squad, you\u2019ll need to build up an organization of reformed hat thieves and work together as a team or against each other to beat the odds. Whether you\u2019re sending your unit out on covert or chaotic missions, you\u2019ll make use of a closetful of stylish headgear and an assortment of weapons to track down and return the stolen package to its rightful owner. Modest Beginnings - Start small and gradually build a unit fit for taking down the mischievous Mr Moon and his troublemakers.Capture or Frag - Eliminate or extricate Mr Moon\u2019s minions. Have them pay the price for their thieving crimes or recruit them for your next mission.Look the part - Discover over 50 different hats, each with unique properties. From the practical to the powerful. Even the pointless.Prep for the Heist - Take on a series of specialist missions from wave-based action to espionage before attempting a tricky Hat Heist, collecting crowns to unlock perks for your crew and moving onto the next phase of your operation.The more hands, the safer the delivery - Play solo or work together cooperatively to take on each mission in Couch Co-op (Controllers Required) or Steam Remote Play Together (\u2122) Stand and deliver in head to head battles - Bring your swords, machine guns, and stale baguettes to the battlefield in 1v1 or Last Hat Standing PVP. (Controllers required for local play)A hat for all seasons - Dynamite Head Bands, Cardboard Boxes, Noise Cancelling Earphones and Jet Packs! There\u2019s a style to suit every situation. Rooms to suit a certain mood - Build up a base of operations with a Brig to brainwash captives, a Lab to experiment on your staff, and a Black Market to purchase illicit contraband.Curious Quirks - Every character is different, making them individually suited (or unsuitable) for your mission, from a Butter Fingers with near-sightedness to an Animal Trainer with quick reflexes. Make sure you\u2019re allocating your resources appropriately. Retro style with known quality - A distinct and vibrant pixel art style from Mr Kenny Sun, creator of Circa Infinity and Yankai\u2019s Peak.", + "short_description": "Mr Sun\u2019s Hatbox is a slapstick, roguelite platformer about getting the job done at all costs. Upgrade your HQ, your team, and your tools so you can take on increasingly dangerous (and ridiculous) missions, wearing hats with amazing (or questionable) potential.", + "genres": "Action", + "recommendations": 207, + "score": 3.5186638633291487 + }, + { + "type": "game", + "name": "Gunfire Reborn", + "detailed_description": "About This Game:Gunfire Reborn is an adventure level-based game featuring FPS, roguelite, and RPG elements. Players can control unique heroes\u2014each with different abilities\u2014as they adventure through procedurally-generated levels and pick up randomly-dropped weapons. You can play Gunfire Reborn alone or cooperatively with up to three other players (4-player co-op). . Every level is random; each new restart is a brand-new experience. You will meet different heroes and experience new weapons, items, checkpoints, and unique combat rhythms throughout the game. . Game Features:. FPS+Roguelite+RPG combined gameplay, construct diverse Build through death cycle for different experience. . Elaborate, yet randomized stage experience. . Over 100 different items and various weapons. . Many heroes and multiple game plus with different game mechanism. . Unique art style. . Co-op level-based adventure.", + "about_the_game": "About This Game:Gunfire Reborn is an adventure level-based game featuring FPS, roguelite, and RPG elements. Players can control unique heroes\u2014each with different abilities\u2014as they adventure through procedurally-generated levels and pick up randomly-dropped weapons. You can play Gunfire Reborn alone or cooperatively with up to three other players (4-player co-op). Every level is random; each new restart is a brand-new experience. You will meet different heroes and experience new weapons, items, checkpoints, and unique combat rhythms throughout the game.Game Features:FPS+Roguelite+RPG combined gameplay, construct diverse Build through death cycle for different experienceElaborate, yet randomized stage experienceOver 100 different items and various weaponsMany heroes and multiple game plus with different game mechanismUnique art styleCo-op level-based adventure", + "short_description": "Gunfire Reborn is a level-based adventure game featuring FPS, Roguelite and RPG. Players can control heroes with various abilities to experience diverse Build gameplay, use various weapons to explore procedurally-generated levels. You can play the game alone, or join 4-player coop.", + "genres": "Action", + "recommendations": 75913, + "score": 7.407999585614876 + }, + { + "type": "game", + "name": "Detroit: Become Human", + "detailed_description": ". Detroit: Become Human, the award-winning video game production from Quantic Dream, is finally available on Steam! Featuring world-renowned actors including Jesse Williams (Grey\u2019s Anatomy), Clancy Brown (Carnivale), Lance Henriksen (Aliens), Bryan Dechart (True Blood) and Valorie Curry (Twilight).WHAT MAKES US HUMAN?. Detroit 2038. Technology has evolved to a point where human like androids are everywhere. They speak, move and behave like human beings, but they are only machines serving humans. . . Play three distinct androids and see a world at the brink of chaos \u2013 perhaps our future - through their eyes. Your very decisions will dramatically alter how the game\u2019s intense, branching narrative plays out. . . You will face moral dilemmas and decide who lives or dies. With thousands of choices and dozens of possible endings, how will you affect the future of Detroit and humanity\u2019s destiny?. PLAY YOUR PART IN A GRIPPING NARRATIVEEnter a world where moral dilemmas and difficult decisions can turn android slaves into world-changing revolutionaries. Discover what it means to be human from the perspective of an outsider \u2013 and see the world through the eyes of a machine.THEIR LIVES, YOUR CHOICES Shape an ambitious branching narrative, where your decisions not only determine the fate of the three main characters, but that of the entire city of Detroit. How you control Kara, Connor and Markus can mean life or death \u2013 and if one of them pays the ultimate price, the story still continues\u2026COUNTLESS PATHS, COUNTLESS ENDINGS Every decision you make, no matter how minute, affects the outcome of the story. No playthrough will be exactly the same: replay again and again to discover a totally different conclusion.FULLY OPTIMIZED FOR PC Detroit: Become Human is brought to PC with stunning graphics, 4K resolution, 60 fps framerate and full integration of both mouse/keyboard and gamepad controls for the most complete Detroit: Become Human experience to date. .", + "about_the_game": "Detroit: Become Human, the award-winning video game production from Quantic Dream, is finally available on Steam! Featuring world-renowned actors including Jesse Williams (Grey\u2019s Anatomy), Clancy Brown (Carnivale), Lance Henriksen (Aliens), Bryan Dechart (True Blood) and Valorie Curry (Twilight).WHAT MAKES US HUMAN?Detroit 2038. Technology has evolved to a point where human like androids are everywhere. They speak, move and behave like human beings, but they are only machines serving humans.Play three distinct androids and see a world at the brink of chaos \u2013 perhaps our future - through their eyes. Your very decisions will dramatically alter how the game\u2019s intense, branching narrative plays out.You will face moral dilemmas and decide who lives or dies. With thousands of choices and dozens of possible endings, how will you affect the future of Detroit and humanity\u2019s destiny?PLAY YOUR PART IN A GRIPPING NARRATIVEEnter a world where moral dilemmas and difficult decisions can turn android slaves into world-changing revolutionaries. Discover what it means to be human from the perspective of an outsider \u2013 and see the world through the eyes of a machine.THEIR LIVES, YOUR CHOICES Shape an ambitious branching narrative, where your decisions not only determine the fate of the three main characters, but that of the entire city of Detroit. How you control Kara, Connor and Markus can mean life or death \u2013 and if one of them pays the ultimate price, the story still continues\u2026COUNTLESS PATHS, COUNTLESS ENDINGS Every decision you make, no matter how minute, affects the outcome of the story. No playthrough will be exactly the same: replay again and again to discover a totally different conclusion.FULLY OPTIMIZED FOR PC Detroit: Become Human is brought to PC with stunning graphics, 4K resolution, 60 fps framerate and full integration of both mouse/keyboard and gamepad controls for the most complete Detroit: Become Human experience to date.", + "short_description": "Detroit: Become Human puts the destiny of both mankind and androids in your hands, taking you to a near future where machines have become more intelligent than humans. Every choice you make affects the outcome of the game, with one of the most intricately branching narratives ever created.", + "genres": "Action", + "recommendations": 74817, + "score": 7.398412656053939 + }, + { + "type": "game", + "name": "The Sims\u2122 4", + "detailed_description": "Digital Deluxe Upgrade. About the GameUnleash your imagination and create a unique world of Sims that\u2019s an expression of you. Download for free, and customize every detail from Sims to homes and much more. Choose how Sims look, act, and dress, then decide how they\u2019ll live out each day. Design and build incredible homes for every family, then decorate with your favorite furnishings and d\u00e9cor. Travel to different neighborhoods where you can meet other Sims and learn about their lives. Discover beautiful locations with distinctive environments and go on spontaneous adventures. Manage the ups and downs of Sims\u2019 everyday lives, and see what happens when you play out scenarios from your own real life. Tell your stories your way while developing relationships, pursuing careers and life aspirations, and immersing yourself in this extraordinary game, where the possibilities are endless. . Download for free \u2014 The base game of The Sims\u2122 4 is free to download. Get a plethora of options for building homes, styling Sims, and customizing their personalities. Craft their life stories while exploring vibrant worlds and discovering more ways of being you. . . . . Get more with EA Play \u2014 EA Play members can expand their career possibilities with The Sims 4 Get to Work Expansion Pack.", + "about_the_game": "Unleash your imagination and create a unique world of Sims that\u2019s an expression of you. Download for free, and customize every detail from Sims to homes and much more. Choose how Sims look, act, and dress, then decide how they\u2019ll live out each day. Design and build incredible homes for every family, then decorate with your favorite furnishings and d\u00e9cor. Travel to different neighborhoods where you can meet other Sims and learn about their lives. Discover beautiful locations with distinctive environments and go on spontaneous adventures. Manage the ups and downs of Sims\u2019 everyday lives, and see what happens when you play out scenarios from your own real life. Tell your stories your way while developing relationships, pursuing careers and life aspirations, and immersing yourself in this extraordinary game, where the possibilities are endless.Download for free \u2014 The base game of The Sims\u2122 4 is free to download. Get a plethora of options for building homes, styling Sims, and customizing their personalities. Craft their life stories while exploring vibrant worlds and discovering more ways of being you.Get more with EA Play \u2014 EA Play members can expand their career possibilities with The Sims 4 Get to Work Expansion Pack.", + "short_description": "Play with life and discover the possibilities. Unleash your imagination and create a world of Sims that\u2019s wholly unique. Explore and customize every detail from Sims to homes\u2013and much more.", + "genres": "Adventure", + "recommendations": 69986, + "score": 7.354409738274801 + }, + { + "type": "game", + "name": "Need for Speed\u2122 Heat", + "detailed_description": "A thrilling race experience pits you against a city\u2019s rogue police force as you battle your way into street racing\u2019s elite. . Hustle by day and risk it all at night in Need for Speed\u2122 Heat, a white-knuckle street racer, where the lines of the law fade as the sun starts to set. By day, Palm City hosts the Speedhunter Showdown, a sanctioned competition where you earn Bank to customize and upgrade your high-performance cars. At night, ramp up the intensity in illicit street races that build your reputation, getting you access to bigger races and better parts. But stay ready \u2013 cops are waiting and not all of them play fair.The Deluxe Edition comes with:K.S Edition Mitsubishi Lancer Evolution X Starter Car, available at start in player garage. 3 additional K.S Edition cars unlocked through progression. 4 exclusive character outfits \u2014 swappable and fit both male and female avatars. REP rewards increased by 5%. BANK rewards increased by 5%. Need for Speed Heat is Crossplay enabled.", + "about_the_game": "A thrilling race experience pits you against a city\u2019s rogue police force as you battle your way into street racing\u2019s elite. Hustle by day and risk it all at night in Need for Speed\u2122 Heat, a white-knuckle street racer, where the lines of the law fade as the sun starts to set. By day, Palm City hosts the Speedhunter Showdown, a sanctioned competition where you earn Bank to customize and upgrade your high-performance cars. At night, ramp up the intensity in illicit street races that build your reputation, getting you access to bigger races and better parts. But stay ready \u2013 cops are waiting and not all of them play fair.The Deluxe Edition comes with:K.S Edition Mitsubishi Lancer Evolution X Starter Car, available at start in player garage3 additional K.S Edition cars unlocked through progression4 exclusive character outfits \u2014 swappable and fit both male and female avatarsREP rewards increased by 5%BANK rewards increased by 5%Need for Speed Heat is Crossplay enabled.", + "short_description": "Hustle by day and risk it all at night in Need for Speed\u2122 Heat Deluxe Edition, a white-knuckle street racer, where the lines of the law fade as the sun starts to set.", + "genres": "Action", + "recommendations": 68719, + "score": 7.34236611658122 + }, + { + "type": "game", + "name": "A Way Out", + "detailed_description": "PLAY ON STEAM USING THE REMOTE PLAY TOGETHER FEATURE. From the creators of Brothers \u2013 A Tale of Two Sons comes A Way Out, an exclusively co-op adventure where you play the role of one of two prisoners making their daring escape from prison. What begins as a thrilling breakout quickly turns into an unpredictable, emotional adventure unlike anything seen or played before. A Way Out is an experience that must be played with two players. Each player controls one of the main characters, Leo and Vincent, in a reluctant alliance to break out of prison and gain their freedom.FeaturesCHOOSE YOUR CHARACTER- LEO - A hardened inmate with escape in his sights, Leo isn't the type to make friends. No matter the obstacle, Leo is willing to get his hands dirty and do whatever it takes to get the job done. VINCENT - Even though he\u2019s fresh off the prison bus, Vincent is determined to break out. With quick wits and nothing left to lose, he'll prove that he's not to be underestimated by anyone, inside prison or out. . TOGETHER THEY'LL FIND A WAY OUT - Escaping prison with a complete stranger isn't ideal circumstances, but Leo and Vincent have too much riding on it to second-guess themselves now. As freedom gets closer and closer, they'll have to learn to trust each other if they want to make it to the other side. . WORK TOGETHER TO BREAK FREE - Use teamwork to solve puzzles and overcome obstacles. . EXPERIENCE A VARIETY OF GAMEPLAY - Sneak, fight, run, drive, even go for a little fishing along the way. . Note:. THIS PRODUCT IS CO-OP ONLY. Play the entire experience with your friends using Steam's Remote Play Together feature.", + "about_the_game": "PLAY ON STEAM USING THE REMOTE PLAY TOGETHER FEATUREFrom the creators of Brothers \u2013 A Tale of Two Sons comes A Way Out, an exclusively co-op adventure where you play the role of one of two prisoners making their daring escape from prison. What begins as a thrilling breakout quickly turns into an unpredictable, emotional adventure unlike anything seen or played before. A Way Out is an experience that must be played with two players. Each player controls one of the main characters, Leo and Vincent, in a reluctant alliance to break out of prison and gain their freedom.FeaturesCHOOSE YOUR CHARACTER- LEO - A hardened inmate with escape in his sights, Leo isn't the type to make friends. No matter the obstacle, Leo is willing to get his hands dirty and do whatever it takes to get the job done. VINCENT - Even though he\u2019s fresh off the prison bus, Vincent is determined to break out. With quick wits and nothing left to lose, he'll prove that he's not to be underestimated by anyone, inside prison or out.TOGETHER THEY'LL FIND A WAY OUT - Escaping prison with a complete stranger isn't ideal circumstances, but Leo and Vincent have too much riding on it to second-guess themselves now. As freedom gets closer and closer, they'll have to learn to trust each other if they want to make it to the other side.WORK TOGETHER TO BREAK FREE - Use teamwork to solve puzzles and overcome obstacles.EXPERIENCE A VARIETY OF GAMEPLAY - Sneak, fight, run, drive, even go for a little fishing along the way.Note:THIS PRODUCT IS CO-OP ONLY. Play the entire experience with your friends using Steam's Remote Play Together feature.", + "short_description": "A Way Out is an exclusively co-op adventure where you play the role of one of two prisoners making their daring escape from prison.", + "genres": "Action", + "recommendations": 31752, + "score": 6.833405769594877 + }, + { + "type": "game", + "name": "NBA 2K21", + "detailed_description": "NBA 2K21 Mamba Forever Edition. This edition includes 100,000 Virtual Currency, 10,000 MyTEAM points, MyTEAM packs, digital items for your MyPLAYER, and more!. Get a head start in NBA 2K21 by going digital with 2 free MyTEAM Promo Packs and a set of MyPLAYER skill boosts. . The NBA 2K21 Mamba Forever Edition includes the following digital items:. 100,000 Virtual Currency. 10,000 MyTEAM Points. 10 MyTEAM Tokens. 60 MyCAREER Skill Boosts. 30 Gatorade Boosts. 40 MyTEAM Promo Packs (10 at launch, then 3 per week). Sapphire Damian Lillard and Zion Williamson MyTEAM cards. 5 pair MyCAREER Shoe Collection. MyPLAYER backpack. Kobe Bryant Digital Collection. About the GameNOTE: All multiplayer servers for NBA 2K21 will be shutdown as of 12/31/2022. After that time, all game functions requiring online servers will no longer function. . NBA 2K21 is the latest release in the world-renowned, best-selling NBA 2K series. With exciting improvements upon its best-in-class gameplay, competitive and community online features, and deep, varied game modes, NBA 2K21 offers one-of-a-kind immersion into all facets of NBA basketball and culture - where Everything is Game. In NBA 2K21, new, old, and returning ballers alike will find exciting game modes that offer a variety of basketball experiences:REALER THAN EVERWith enhancements across visual presentation, player AI, game modes, and much more, NBA 2K21 continues to push the boundaries as the most authentic, realistic basketball video game experience. Feel the energy of the crowd, the intensity of NBA competition, and the entertainment of the most immersive sports product in gaming today.ELITE GAMEPLAYEnjoy unparalleled control with the ball in your hands, using the advanced Pro Stick. Aim jump shots and layups for a new level of precision and skill, and unlock new signature dribble moves with more effective ball handling.YOUR G.O.A.T. TEAMBuild your greatest collection of latest NBA stars and legendary ballers in MyTEAM and compete against other ferocious collectors around the world. New for 2K21, limited-time Seasons offer unique rewards as you compete in new and returning MyTEAM modes.NEW MyCAREER STORYAscend from high school ball to one of ten officially-licensed college programs to the big leagues in a brand new, cinematic MyCAREER experience. Take your MyPLAYER to the top by making the big moves on the court and even bigger moves off of it, and make a name for yourself along this exciting, dramatic journey.NEW NEIGHBORHOOD LOCALESoak in the sun as you ball out in 1v1s, 3v3s, and 5v5s; the new Neighborhood in 2K21 takes your game beachside with all-new visuals and layout. Flash your skills & style in the Park, squad up in Pro-Am, and earn prizes in dynamically-updated 2K Compete Events.ALL THE LATEST DROPS AND MUSICFrom head to toe, look the part of a baller with all-new apparel and sneaker drops from your favorite clothing, accessory and shoe brands. And ball while taking in the dynamic 2K21 music experience, which features the latest big artists from around the world and breakthrough musicians waiting to be discovered.USA BASKETBALLRelive USA Basketball\u2019s championship legacy. Take the court with classic teams, collect MyTEAM cards featuring past stars, and show off your pride with MyPLAYER gear.", + "about_the_game": "NOTE: All multiplayer servers for NBA 2K21 will be shutdown as of 12/31/2022. After that time, all game functions requiring online servers will no longer function.NBA 2K21 is the latest release in the world-renowned, best-selling NBA 2K series. With exciting improvements upon its best-in-class gameplay, competitive and community online features, and deep, varied game modes, NBA 2K21 offers one-of-a-kind immersion into all facets of NBA basketball and culture - where Everything is Game.In NBA 2K21, new, old, and returning ballers alike will find exciting game modes that offer a variety of basketball experiences:REALER THAN EVERWith enhancements across visual presentation, player AI, game modes, and much more, NBA 2K21 continues to push the boundaries as the most authentic, realistic basketball video game experience. Feel the energy of the crowd, the intensity of NBA competition, and the entertainment of the most immersive sports product in gaming today.ELITE GAMEPLAYEnjoy unparalleled control with the ball in your hands, using the advanced Pro Stick. Aim jump shots and layups for a new level of precision and skill, and unlock new signature dribble moves with more effective ball handling.YOUR G.O.A.T. TEAMBuild your greatest collection of latest NBA stars and legendary ballers in MyTEAM and compete against other ferocious collectors around the world. New for 2K21, limited-time Seasons offer unique rewards as you compete in new and returning MyTEAM modes.NEW MyCAREER STORYAscend from high school ball to one of ten officially-licensed college programs to the big leagues in a brand new, cinematic MyCAREER experience. Take your MyPLAYER to the top by making the big moves on the court and even bigger moves off of it, and make a name for yourself along this exciting, dramatic journey.NEW NEIGHBORHOOD LOCALESoak in the sun as you ball out in 1v1s, 3v3s, and 5v5s; the new Neighborhood in 2K21 takes your game beachside with all-new visuals and layout. Flash your skills & style in the Park, squad up in Pro-Am, and earn prizes in dynamically-updated 2K Compete Events.ALL THE LATEST DROPS AND MUSICFrom head to toe, look the part of a baller with all-new apparel and sneaker drops from your favorite clothing, accessory and shoe brands. And ball while taking in the dynamic 2K21 music experience, which features the latest big artists from around the world and breakthrough musicians waiting to be discovered.USA BASKETBALLRelive USA Basketball\u2019s championship legacy. Take the court with classic teams, collect MyTEAM cards featuring past stars, and show off your pride with MyPLAYER gear.", + "short_description": "NOTE: All multiplayer servers for NBA 2K21 will be shutdown as of 12/31/2022. After that time, all game functions requiring online servers will no longer function.", + "genres": "Simulation", + "recommendations": 28395, + "score": 6.7597441506717795 + }, + { + "type": "game", + "name": "ULTRAKILL", + "detailed_description": "ULTRAKILL is a fast-paced ultraviolent old school FPS that fuses together classic shooters like Quake, modern shooters like Doom (2016) and character action games like Devil May Cry. . Mankind has gone extinct and the only beings left on earth are machines fueled by blood. But now that blood is starting to run out on the surface. Machines are racing to the depths of Hell in search of more. . . Use your many movement abilities to stay mobile and avoid the relentless attacks of the dead, demons and other machines. . Destroy them with an arsenal of incredibly powerful weapons, each with multiple available variations. . Soak yourself in their blood to regain health and keep fighting. . . Kill fast and with SSStyle to rack up combos and gain points that can be used on weapon variations between missions. . Master the many levels to achieve high ranks and take on unique optional challenges. . Explore the varied and unique campaign environments inspired by Dante's Inferno to find plentiful hidden secrets.", + "about_the_game": "ULTRAKILL is a fast-paced ultraviolent old school FPS that fuses together classic shooters like Quake, modern shooters like Doom (2016) and character action games like Devil May Cry.Mankind has gone extinct and the only beings left on earth are machines fueled by blood.But now that blood is starting to run out on the surface...Machines are racing to the depths of Hell in search of more.Use your many movement abilities to stay mobile and avoid the relentless attacks of the dead, demons and other machines.Destroy them with an arsenal of incredibly powerful weapons, each with multiple available variations.Soak yourself in their blood to regain health and keep fighting.Kill fast and with SSStyle to rack up combos and gain points that can be used on weapon variations between missions.Master the many levels to achieve high ranks and take on unique optional challenges.Explore the varied and unique campaign environments inspired by Dante's Inferno to find plentiful hidden secrets", + "short_description": "ULTRAKILL is a fast-paced ultraviolent retro FPS combining the skill-based style scoring from character action games with unadulterated carnage inspired by the best shooters of the '90s. Rip apart your foes with varied destructive weapons and shower in their blood to regain your health.", + "genres": "Action", + "recommendations": 63540, + "score": 7.290712228745134 + }, + { + "type": "game", + "name": "STAR WARS\u2122 Battlefront\u2122 II", + "detailed_description": "Be the hero in the ultimate Star Wars\u2122 battle fantasy with Star Wars\u2122 Battlefront\u2122 II: Celebration Edition! Get Star Wars Battlefront II and the complete collection of customization content acquirable through in-game purchase from launch up to \u2014 and including \u2014 items inspired by Star Wars\u2122: THE RISE OF SKYWALKER\u2122*. . The Celebration Edition contains:. Base game \u2014 Including all past and future free game updates as they release. . More than 25 Hero Appearances \u2014 Including 6 Legendary Appearances, plus 1 Appearance each for Rey, Finn, and Kylo Ren inspired by Star Wars: THE RISE OF SKYWALKER. . More than 125 Trooper and Reinforcement Appearances. More than 100 Hero and Trooper Emotes and Voice Lines. More than 70 Hero and Trooper Victory Poses. Customization content released after December 20, 2019 is not included in the Celebration Edition. . Embark on an endless Star Wars\u2122 journey from the best-selling Star Wars\u2122 video game franchise of all time. Experience rich multiplayer battlegrounds across all three eras - prequel, classic and new trilogy - or rise as a new hero and discover an emotionally gripping single-player story spanning thirty years. . Customize and upgrade your heroes, starfighters or troopers - each with unique abilities to exploit in battle. Ride tauntauns or take control of tanks and speeders. Use the Force to prove your worth against iconic characters like Kylo Ren, Darth Maul or Han Solo, as you play a part in a gaming experience inspired by forty years of timeless Star Wars\u2122 films.A new hero, a story untold. Jump into the boots of an elite special forces soldier, equally lethal on the ground and in space. Explore a new Star Wars\u2122 campaign that spans the 30 years between Star Wars\u2122: Return of the Jedi\u2122 and Star Wars\u2122: The Force Awakens\u2122.The ultimate Star Wars\u2122 battleground. Discover a Star Wars\u2122 multiplayer universe unmatched in variety and breadth, where up to 40 players fight as iconic heroes and authentic-to-era troopers. Pilot a massive array of vehicles on land and in the air as battle rages through the galaxy.Galactic-scale space combatSpace combat has been re-designed from the ground up with distinct handling, weapons and customization options. Join your squadron as you dodge danger in asteroid fields, blast through an Imperial Dock Yard and more. Take down massive capital ships as you pilot legendary starfighters in high stakes dogfights with up to 24 players.Train offlinePractice makes perfect. Enjoy solo offline play where you can earn rewards and customize troopers and heroes. Then bring your upgrades into the online multiplayer battleground.Master your heroCreate your own unique hero with customizable character progression. Equip ability modifiers to adapt and modify your character's core powers to add lethal effects, helpful status boosts or tactical assistance to counter any opponent on the battlefront. [/list]", + "about_the_game": "Be the hero in the ultimate Star Wars\u2122 battle fantasy with Star Wars\u2122 Battlefront\u2122 II: Celebration Edition! Get Star Wars Battlefront II and the complete collection of customization content acquirable through in-game purchase from launch up to \u2014 and including \u2014 items inspired by Star Wars\u2122: THE RISE OF SKYWALKER\u2122*. The Celebration Edition contains:Base game \u2014 Including all past and future free game updates as they release.More than 25 Hero Appearances \u2014 Including 6 Legendary Appearances, plus 1 Appearance each for Rey, Finn, and Kylo Ren inspired by Star Wars: THE RISE OF SKYWALKER.More than 125 Trooper and Reinforcement AppearancesMore than 100 Hero and Trooper Emotes and Voice LinesMore than 70 Hero and Trooper Victory PosesCustomization content released after December 20, 2019 is not included in the Celebration Edition.Embark on an endless Star Wars\u2122 journey from the best-selling Star Wars\u2122 video game franchise of all time. Experience rich multiplayer battlegrounds across all three eras - prequel, classic and new trilogy - or rise as a new hero and discover an emotionally gripping single-player story spanning thirty years.Customize and upgrade your heroes, starfighters or troopers - each with unique abilities to exploit in battle. Ride tauntauns or take control of tanks and speeders. Use the Force to prove your worth against iconic characters like Kylo Ren, Darth Maul or Han Solo, as you play a part in a gaming experience inspired by forty years of timeless Star Wars\u2122 films.A new hero, a story untoldJump into the boots of an elite special forces soldier, equally lethal on the ground and in space. Explore a new Star Wars\u2122 campaign that spans the 30 years between Star Wars\u2122: Return of the Jedi\u2122 and Star Wars\u2122: The Force Awakens\u2122.The ultimate Star Wars\u2122 battlegroundDiscover a Star Wars\u2122 multiplayer universe unmatched in variety and breadth, where up to 40 players fight as iconic heroes and authentic-to-era troopers. Pilot a massive array of vehicles on land and in the air as battle rages through the galaxy.Galactic-scale space combatSpace combat has been re-designed from the ground up with distinct handling, weapons and customization options. Join your squadron as you dodge danger in asteroid fields, blast through an Imperial Dock Yard and more. Take down massive capital ships as you pilot legendary starfighters in high stakes dogfights with up to 24 players.Train offlinePractice makes perfect. Enjoy solo offline play where you can earn rewards and customize troopers and heroes. Then bring your upgrades into the online multiplayer battleground.Master your heroCreate your own unique hero with customizable character progression. Equip ability modifiers to adapt and modify your character's core powers to add lethal effects, helpful status boosts or tactical assistance to counter any opponent on the battlefront.[/list]", + "short_description": "Be the hero in the ultimate STAR WARS\u2122 battle fantasy with STAR WARS\u2122 Battlefront\u2122 II: Celebration Edition!", + "genres": "Action", + "recommendations": 42285, + "score": 7.022254558259869 + }, + { + "type": "game", + "name": "Titanfall\u00ae 2", + "detailed_description": "Call down your Titan and get ready for an exhilarating first-person shooter experience in Titanfall\u00ae 2! The sequel introduces a new single player campaign that explores the bond between Pilot and Titan. Or blast your way through an even more innovative and intense multiplayer experience - featuring 6 new Titans, deadly new Pilot abilities, expanded customization, new maps, modes, and much more. . KEY FEATURES. Experience a captivating single player story. Titanfall\u00ae 2 features a single player campaign packed with action and inventive twists. Play as a Militia rifleman stranded behind enemy lines, who encounters a veteran Vanguard-class Titan. The two must work together to uphold a mission they were never meant to carry out. . Enjoy multiplayer action that's second to none. The sequel gives players more of the adrenaline-fueled multiplayer combat they've come to expect from the franchise. Take the fast-paced, first-person action to the next level with more Titans, deadlier Pilot abilities, and much more. And be sure to stand out in the middle of all the chaos with new, expanded Pilot, Titan and loadout personalization options! . Titanfall\u2122 2 Ultimate Edition Content. The best way to jump into one of the most surprising shooters of 2016 is with the Titanfall\u2122 2 Ultimate Edition. Ultimate Edition includes Titanfall\u2122 2 base game, Deluxe Edition content (Scorch & Ion Prime Titans, Deluxe Edition Warpaint for 6 Titans, Deluxe Edition Camo for all Titans, Pilots & Weapons, Deluxe Edition Nose Arts for 6 Titans, Deluxe Edition Callsign), and Jump-Starter content (All Titans unlocked, all Pilot tacticals unlocked, 500 credits to unlock loadouts, cosmetics and gear, 10 2x XP tokens, the Underground R-201 Carbine Warpaint). .", + "about_the_game": "Call down your Titan and get ready for an exhilarating first-person shooter experience in Titanfall\u00ae 2! The sequel introduces a new single player campaign that explores the bond between Pilot and Titan. Or blast your way through an even more innovative and intense multiplayer experience - featuring 6 new Titans, deadly new Pilot abilities, expanded customization, new maps, modes, and much more. KEY FEATURESExperience a captivating single player story. Titanfall\u00ae 2 features a single player campaign packed with action and inventive twists. Play as a Militia rifleman stranded behind enemy lines, who encounters a veteran Vanguard-class Titan. The two must work together to uphold a mission they were never meant to carry out. Enjoy multiplayer action that's second to none. The sequel gives players more of the adrenaline-fueled multiplayer combat they've come to expect from the franchise. Take the fast-paced, first-person action to the next level with more Titans, deadlier Pilot abilities, and much more. And be sure to stand out in the middle of all the chaos with new, expanded Pilot, Titan and loadout personalization options! Titanfall\u2122 2 Ultimate Edition ContentThe best way to jump into one of the most surprising shooters of 2016 is with the Titanfall\u2122 2 Ultimate Edition. Ultimate Edition includes Titanfall\u2122 2 base game, Deluxe Edition content (Scorch & Ion Prime Titans, Deluxe Edition Warpaint for 6 Titans, Deluxe Edition Camo for all Titans, Pilots & Weapons, Deluxe Edition Nose Arts for 6 Titans, Deluxe Edition Callsign), and Jump-Starter content (All Titans unlocked, all Pilot tacticals unlocked, 500 credits to unlock loadouts, cosmetics and gear, 10 2x XP tokens, the Underground R-201 Carbine Warpaint).", + "short_description": "Respawn Entertainment gives you the most advanced titan technology in its new, single player campaign & multiplayer experience. Combine & conquer with new titans & pilots, deadlier weapons, & customization and progression systems that help you and your titan flow as one unstoppable killing force.", + "genres": "Action", + "recommendations": 149706, + "score": 7.855668614913599 + }, + { + "type": "game", + "name": "Mass Effect\u2122: Andromeda Deluxe Edition", + "detailed_description": "Mass Effect: Andromeda takes players to the Andromeda galaxy, far beyond the Milky Way. There, you'll lead the fight for a new home in hostile territory as the Pathfinder, a leader of military-trained explorers. This is the story of humanity\u2019s next chapter, and your choices throughout the game will ultimately determine humanity's survival. . The Deluxe Edition contains:. Deep Space Explorer Armor. Looking for armor that can stand up to anything a brand new galaxy can dish out? With the Deluxe Edition, you'll get to gear up with Deep Space Explorer Armor. . Nomad Skin (3). Make sure your Nomad really stands out while you're exploring mysterious new planets with this unique skin. . Multiplayer Booster Pack. Jump-start your multiplayer co-op play with a booster pack. Includes five 50% XP Boosters (entitled instantly, limit 1 per match). . Pathfinder Casual Outfit (2). Nobody wants to wear their uniform 24/7. Whether you're relaxing aboard the Tempest or exploring a friendly space dock, this casual outfit will help you look your best. . Scavenger Armor. Stand out from the crowd, even when you're planetside on a deadly new world. . Pathfinder Elite Weapon Set (4). Ditch the standard gear and go Elite. Battle your way through Andromeda with this unique set of weapons. . Pet Pyjak. Everyone\u2019s favorite space monkey is back and can join you aboard the Tempest. . Multiplayer Deluxe Launch Pack. Get a head start on co-op play with the Multiplayer Launch Pack, which includes items to kick start your progress (entitled instantly).", + "about_the_game": "Mass Effect: Andromeda takes players to the Andromeda galaxy, far beyond the Milky Way. There, you'll lead the fight for a new home in hostile territory as the Pathfinder, a leader of military-trained explorers. This is the story of humanity\u2019s next chapter, and your choices throughout the game will ultimately determine humanity's survival.The Deluxe Edition contains:Deep Space Explorer Armor. Looking for armor that can stand up to anything a brand new galaxy can dish out? With the Deluxe Edition, you'll get to gear up with Deep Space Explorer Armor.Nomad Skin (3). Make sure your Nomad really stands out while you're exploring mysterious new planets with this unique skin.Multiplayer Booster Pack. Jump-start your multiplayer co-op play with a booster pack. Includes five 50% XP Boosters (entitled instantly, limit 1 per match).Pathfinder Casual Outfit (2). Nobody wants to wear their uniform 24/7. Whether you're relaxing aboard the Tempest or exploring a friendly space dock, this casual outfit will help you look your best.Scavenger Armor. Stand out from the crowd, even when you're planetside on a deadly new world.Pathfinder Elite Weapon Set (4). Ditch the standard gear and go Elite. Battle your way through Andromeda with this unique set of weapons.Pet Pyjak. Everyone\u2019s favorite space monkey is back and can join you aboard the Tempest.Multiplayer Deluxe Launch Pack. Get a head start on co-op play with the Multiplayer Launch Pack, which includes items to kick start your progress (entitled instantly).", + "short_description": "Return to the Mass Effect universe & lead the first humans in Andromeda on a desperate search for our new home.", + "genres": "Action", + "recommendations": 10889, + "score": 6.1279361532100385 + }, + { + "type": "game", + "name": "Battlefield\u2122 V", + "detailed_description": "This is the ultimate Battlefield V experience. Enter mankind\u2019s greatest conflict across land, air, and sea with all gameplay content unlocked from the get-go. Choose from the complete arsenal of weapons, vehicles, and gadgets, and immerse yourself in the hard-fought battles of World War II. Stand out on the battlefield with the complete roster of Elites and the best customization content of Year 1 and Year 2. . Battlefield V Definitive Edition contains the Battlefield V base game and the definitive collection of content:. All gameplay content (weapons, vehicles, and gadgets) from launch, Year 1, and Year 2. All Elites. 84 immersive outfit variations for the British and German armies to enhance the WWII sandbox. 8 soldier outfits from Year 2. 2 weapon skins from Year 2, applicable to 10 and 4 weapons respectively. 3 vehicle dressings. 33 Chapter Reward items from Year 1.", + "about_the_game": "This is the ultimate Battlefield V experience. Enter mankind\u2019s greatest conflict across land, air, and sea with all gameplay content unlocked from the get-go. Choose from the complete arsenal of weapons, vehicles, and gadgets, and immerse yourself in the hard-fought battles of World War II. Stand out on the battlefield with the complete roster of Elites and the best customization content of Year 1 and Year 2. Battlefield V Definitive Edition contains the Battlefield V base game and the definitive collection of content:All gameplay content (weapons, vehicles, and gadgets) from launch, Year 1, and Year 2All Elites84 immersive outfit variations for the British and German armies to enhance the WWII sandbox8 soldier outfits from Year 22 weapon skins from Year 2, applicable to 10 and 4 weapons respectively3 vehicle dressings33 Chapter Reward items from Year 1", + "short_description": "This is the ultimate Battlefield V experience. Enter mankind\u2019s greatest conflict with the complete arsenal of weapons, vehicles, and gadgets plus the best customization content of Year 1 and 2.", + "genres": "Action", + "recommendations": 138512, + "score": 7.804436004127396 + }, + { + "type": "game", + "name": "Battlefield\u2122 1", + "detailed_description": "Join the strong Battlefield\u2122 community and jump into the epic battles of The Great War in this critically acclaimed first-person shooter. Hailed by critics, Battlefield 1 was awarded the Games Critics Awards Best of E3 2016: Best Action Game and gamescom Best Action Game award for 2016. . Battlefield 1 Revolution is the complete package containing:. Battlefield 1 base game \u2014 Experience the dawn of all-out war in Battlefield 1. Discover a world at war through an adventure-filled campaign, or join in epic team-based multiplayer battles with up to 64 players. Fight as infantry or take control of amazing vehicles on land, air, and sea. . Battlefield 1 Premium Pass \u2014 Plunge into 4 themed expansion packs with new multiplayer maps, new weapons, and more. (Expansion packs = They Shall Not Pass, In the Name of the Tsar, Turning Tides, Apocalypse). The Red Baron Pack, Lawrence of Arabia Pack, and Hellfighter Pack \u2014 Get themed weapons, vehicles, and emblems based on the famous heroes and units. . Battlefield\u2122 1 takes you back to The Great War, WW1, where new technology and worldwide conflict changed the face of warfare forever. Take part in every battle, control every massive vehicle, and execute every maneuver that turns an entire fight around. The whole world is at war \u2013 see what\u2019s beyond the trenches.Key Features:Changing environments in locations all over the world. Discover every part of a global conflict from shore to shore \u2013 fight in besieged French cities, great open spaces in the Italian Alps, or vast Arabian deserts. Fully destructible environments and ever-changing weather create landscapes that change moment to moment; whether you\u2019re tearing apart fortifications with gunfire or blasting craters in the earth, no battle is ever the same. . Huge multiplayer battles. Swarm the battlefield in massive multiplayer battles with up to 64 players. Charge in on foot as infantry, lead a cavalry assault, and battle in fights so intense and complex you'll need the help of all your teammates to make it through. . Game-changing vehicles. Turn the tide of battle in your favor with vehicles both large and larger, from tanks and biplanes to gigantic Behemoths, unique and massive vehicles that will be critical in times of crisis. Rain fire from the sky in a gargantuan Airship, tear through the world in the Armored Train, or bombard the land from the sea in the Dreadnought. . A new Operations multiplayer mode. In Operations mode, execute expert maneuvers in a series of inter-connected multiplayer battles spread across multiple maps. Attackers must break through the defense line and push the conflict onto the next map, and defenders must try to stop them.", + "about_the_game": "Join the strong Battlefield\u2122 community and jump into the epic battles of The Great War in this critically acclaimed first-person shooter. Hailed by critics, Battlefield 1 was awarded the Games Critics Awards Best of E3 2016: Best Action Game and gamescom Best Action Game award for 2016.Battlefield 1 Revolution is the complete package containing:Battlefield 1 base game \u2014 Experience the dawn of all-out war in Battlefield 1. Discover a world at war through an adventure-filled campaign, or join in epic team-based multiplayer battles with up to 64 players. Fight as infantry or take control of amazing vehicles on land, air, and sea.Battlefield 1 Premium Pass \u2014 Plunge into 4 themed expansion packs with new multiplayer maps, new weapons, and more. (Expansion packs = They Shall Not Pass, In the Name of the Tsar, Turning Tides, Apocalypse)The Red Baron Pack, Lawrence of Arabia Pack, and Hellfighter Pack \u2014 Get themed weapons, vehicles, and emblems based on the famous heroes and units.Battlefield\u2122 1 takes you back to The Great War, WW1, where new technology and worldwide conflict changed the face of warfare forever. Take part in every battle, control every massive vehicle, and execute every maneuver that turns an entire fight around. The whole world is at war \u2013 see what\u2019s beyond the trenches.Key Features:Changing environments in locations all over the world. Discover every part of a global conflict from shore to shore \u2013 fight in besieged French cities, great open spaces in the Italian Alps, or vast Arabian deserts. Fully destructible environments and ever-changing weather create landscapes that change moment to moment; whether you\u2019re tearing apart fortifications with gunfire or blasting craters in the earth, no battle is ever the same.Huge multiplayer battles. Swarm the battlefield in massive multiplayer battles with up to 64 players. Charge in on foot as infantry, lead a cavalry assault, and battle in fights so intense and complex you'll need the help of all your teammates to make it through.Game-changing vehicles. Turn the tide of battle in your favor with vehicles both large and larger, from tanks and biplanes to gigantic Behemoths, unique and massive vehicles that will be critical in times of crisis. Rain fire from the sky in a gargantuan Airship, tear through the world in the Armored Train, or bombard the land from the sea in the Dreadnought.A new Operations multiplayer mode. In Operations mode, execute expert maneuvers in a series of inter-connected multiplayer battles spread across multiple maps. Attackers must break through the defense line and push the conflict onto the next map, and defenders must try to stop them.", + "short_description": "Battlefield\u2122 1 takes you back to The Great War, WW1, where new technology and worldwide conflict changed the face of warfare forever.", + "genres": "Action", + "recommendations": 102673, + "score": 7.607059148696238 + }, + { + "type": "game", + "name": "Halo Infinite", + "detailed_description": "Season 4 Available Now! . Halo Infinite\u2019s next multiplayer update has arrived. Season 4: Infection offers an all-new 100 tier Battle Pass, new maps, new equipment items and the return of the fan-favorite Infection game mode.Campaign: Campaign Network Co-Op & Mission Replay Available Now. . When all hope is lost and humanity\u2019s fate hangs in the balance, the Master Chief is ready to confront the most ruthless foe he\u2019s ever faced. Step inside the armor of humanity\u2019s greatest hero to experience an epic adventure and explore the massive scale of the Halo ring. To experience the campaign, purchase Halo Infinite (Campaign).Free-to-Play Multiplayer: . Halo\u2019s celebrated multiplayer returns, reimagined and free-to-play! Seasonal updates evolve the experience over time with unique events, new modes and maps, and community-focused content.Forge Beta: . Halo\u2019s legendary content creation tool is back and more powerful than ever with advanced features like a new visual scripting engine, object scaling, lighting and audio tools as well as marked improvements in fidelity and object budget limits. Whether it\u2019s remaking iconic experiences from previous Halo entries or creating something entirely unique, the possibilities for thrilling custom maps and game modes are infinite.PC Settings & Optimizations:. Halo Infinite is built for PC. From advanced graphics settings, ultrawide/super ultrawide support and triple-key binds to features like dynamic scaling and variable framerates, Halo Infinite is the best Halo experience on PC to date.", + "about_the_game": "Season 4 Available Now! Halo Infinite\u2019s next multiplayer update has arrived. Season 4: Infection offers an all-new 100 tier Battle Pass, new maps, new equipment items and the return of the fan-favorite Infection game mode.Campaign: Campaign Network Co-Op & Mission Replay Available Now.When all hope is lost and humanity\u2019s fate hangs in the balance, the Master Chief is ready to confront the most ruthless foe he\u2019s ever faced. Step inside the armor of humanity\u2019s greatest hero to experience an epic adventure and explore the massive scale of the Halo ring. To experience the campaign, purchase Halo Infinite (Campaign).Free-to-Play Multiplayer: Halo\u2019s celebrated multiplayer returns, reimagined and free-to-play! Seasonal updates evolve the experience over time with unique events, new modes and maps, and community-focused content.Forge Beta: Halo\u2019s legendary content creation tool is back and more powerful than ever with advanced features like a new visual scripting engine, object scaling, lighting and audio tools as well as marked improvements in fidelity and object budget limits. Whether it\u2019s remaking iconic experiences from previous Halo entries or creating something entirely unique, the possibilities for thrilling custom maps and game modes are infinite.PC Settings & Optimizations:Halo Infinite is built for PC. From advanced graphics settings, ultrawide/super ultrawide support and triple-key binds to features like dynamic scaling and variable framerates, Halo Infinite is the best Halo experience on PC to date.", + "short_description": "The legendary Halo series returns with the most expansive Master Chief campaign yet and a ground-breaking free to play multiplayer experience.", + "genres": "Action", + "recommendations": 27749, + "score": 6.744573659153272 + }, + { + "type": "game", + "name": "ELDEN RING", + "detailed_description": "More games by From Software More games by From Software ELDEN RING Deluxe Edition. The Deluxe Edition includes:. \u2022 ELDEN RING (full game). \u2022 Digital Artbook & Original Soundtrack. About the Game. THE NEW FANTASY ACTION RPG. Rise, Tarnished, and be guided by grace to brandish the power of the Elden Ring and become an Elden Lord in the Lands Between.\u2022 A Vast World Full of ExcitementA vast world where open fields with a variety of situations and huge dungeons with complex and three-dimensional designs are seamlessly connected. As you explore, the joy of discovering unknown and overwhelming threats await you, leading to a high sense of accomplishment.\u2022 Create your Own CharacterIn addition to customizing the appearance of your character, you can freely combine the weapons, armor, and magic that you equip. You can develop your character according to your play style, such as increasing your muscle strength to become a strong warrior, or mastering magic.\u2022 An Epic Drama Born from a MythA multilayered story told in fragments. An epic drama in which the various thoughts of the characters intersect in the Lands Between.\u2022 Unique Online Play that Loosely Connects You to OthersIn addition to multiplayer, where you can directly connect with other players and travel together, the game supports a unique asynchronous online element that allows you to feel the presence of others.", + "about_the_game": "THE NEW FANTASY ACTION RPG.Rise, Tarnished, and be guided by grace to brandish the power of the Elden Ring and become an Elden Lord in the Lands Between.\u2022 A Vast World Full of ExcitementA vast world where open fields with a variety of situations and huge dungeons with complex and three-dimensional designs are seamlessly connected. As you explore, the joy of discovering unknown and overwhelming threats await you, leading to a high sense of accomplishment.\u2022 Create your Own CharacterIn addition to customizing the appearance of your character, you can freely combine the weapons, armor, and magic that you equip. You can develop your character according to your play style, such as increasing your muscle strength to become a strong warrior, or mastering magic.\u2022 An Epic Drama Born from a MythA multilayered story told in fragments. An epic drama in which the various thoughts of the characters intersect in the Lands Between.\u2022 Unique Online Play that Loosely Connects You to OthersIn addition to multiplayer, where you can directly connect with other players and travel together, the game supports a unique asynchronous online element that allows you to feel the presence of others.", + "short_description": "THE NEW FANTASY ACTION RPG. Rise, Tarnished, and be guided by grace to brandish the power of the Elden Ring and become an Elden Lord in the Lands Between.", + "genres": "Action", + "recommendations": 519504, + "score": 8.675879879367239 + }, + { + "type": "game", + "name": "Farming Simulator 22", + "detailed_description": "Take on the role of a modern farmer! Agriculture, animal husbandry and forestry offer a huge variety of farming activities while you face the challenges of the four seasons, especially when winter sets in. Creatively build your own farm and extend your farming operations with production chains - forming an agricultural empire! Even run your farm together with friends and enjoy crossplatform multiplayer together. . Whether you create a lush vineyard or an olive orchard in the Mediterranean south of France, a vast farmland full of wheat, corn, potatoes and cotton in the US-Midwest or a lively animal farm in the hilly landscape of the European Alpine region: More than 400 machines and tools from over 100 real agricultural brands like Case IH, CLAAS, Fendt, John Deere, Massey Ferguson, New Holland, Valtra and many more are available for your farm. . Farming Simulator 22 brings a multitude of new gameplay features and offers more content and player freedom than ever before, including new ground working features like mulching or stone picking, an improved build-mode adding greenhouses and beehives, as well as a new character creator to bring your own, individual farmer to life. . A large variety of free community-created modifications, officially tested by the developer GIANTS Software, will extend your farming experience many times over. Rise to the challenges of becoming a successful farmer, start farming and let the good times grow!", + "about_the_game": "Take on the role of a modern farmer! Agriculture, animal husbandry and forestry offer a huge variety of farming activities while you face the challenges of the four seasons, especially when winter sets in. Creatively build your own farm and extend your farming operations with production chains - forming an agricultural empire! Even run your farm together with friends and enjoy crossplatform multiplayer together.\r\n\r\nWhether you create a lush vineyard or an olive orchard in the Mediterranean south of France, a vast farmland full of wheat, corn, potatoes and cotton in the US-Midwest or a lively animal farm in the hilly landscape of the European Alpine region: More than 400 machines and tools from over 100 real agricultural brands like Case IH, CLAAS, Fendt, John Deere, Massey Ferguson, New Holland, Valtra and many more are available for your farm. \r\n\r\nFarming Simulator 22 brings a multitude of new gameplay features and offers more content and player freedom than ever before, including new ground working features like mulching or stone picking, an improved build-mode adding greenhouses and beehives, as well as a new character creator to bring your own, individual farmer to life. \r\n\r\nA large variety of free community-created modifications, officially tested by the developer GIANTS Software, will extend your farming experience many times over. Rise to the challenges of becoming a successful farmer, start farming and let the good times grow!", + "short_description": "Create your farm and let the good times grow! Harvest crops, tend to animals, manage productions, and take on seasonal challenges.", + "genres": "Simulation", + "recommendations": 36776, + "score": 6.930237021116191 + }, + { + "type": "game", + "name": "Microsoft Flight Simulator 40th Anniversary Edition", + "detailed_description": "The Microsoft Flight Simulator 40th Anniversary Edition will feature, for the first time since 2006, helicopters and gliders, the most requested enhancements by our community. In addition to the helicopters and gliders, we will introduce another highly requested community feature: a true-to-life airliner, the sophisticated Airbus A-310, where nearly every single button works just as expected. . Celebrate the storied history of aviation with seven famous historical aircraft in the Microsoft Flight Simulator 40th Anniversary Edition. These aircraft include the 1903 Wright Flyer, the 1915 Curtiss JN-4 Jenny, the 1927 Ryan NYP Spirit of St. Louis, the 1935 Douglas DC-3, the beautiful 1937 Grumman G-21 Goose, the 1947 Havilland DHC-2 Beaver, and the famous 1947 Hughes H-4 Hercules (the largest seaplane and largest wooden plane ever made), also known as the Spruce Goose. . We are also adding four classic airports, including Meigs Field in Chicago, a traditional starting airport for the Microsoft Flight Simulator franchise. It is an exciting update full of aviation history to celebrate our community and the beauty of aviation! The sky is calling!. In summary, the 40th Anniversary Edition will introduce:. \u2022\t4 classic commercial airports. \u2022\t10 glider airports. \u2022\t12 new aircraft. \u2022\t14 heliports. \u2022\t20 classic missions from the franchise\u2019s past. The Deluxe Edition includes everything from Microsoft Flight Simulator plus 5 additional highly accurate planes with unique flight models and 5 additional handcrafted international airports. . Deluxe Additional Aircraft. \u2022 Diamond Aircraft DA40-TDI. \u2022 Diamond Aircraft DV20. \u2022 Textron Aviation Beechcraft Baron G58. \u2022 Textron Aviation Cessna 152 Aerobat. \u2022 Textron Aviation Cessna 172 Skyhawk. Deluxe Additional Handcrafted Airports. \u2022 Amsterdam Airport Schiphol (Netherlands). \u2022 Cairo International Airport (Egypt). \u2022 Cape Town International Airport (South Africa). \u2022 O\u2019Hare International Airport (USA). \u2022 Adolfo Su\u00e1rez Madrid\u2013Barajas Airport (Spain). The Premium Deluxe Edition includes everything from the Microsoft Flight Simulator Deluxe edition plus 5 additional highly accurate planes with unique flight models and 5 additional handcrafted international airports. . Premium Deluxe Additional Aircraft. \u2022 Boeing 787-10 Dreamliner. \u2022 Cirrus Aircraft SR22. \u2022 Pipistrel Virus SW 121. \u2022 Textron Aviation Cessna Citation Longitude. \u2022 Zlin Aviation Shock Ultra. Premium Deluxe Additional Airports. \u2022 Denver International Airport (USA). \u2022 Dubai International Airport (United Arab Emirates). \u2022 Frankfurt Airport (Germany). \u2022 Heathrow Airport (United Kingdom). \u2022 San Francisco International Airport (USA)", + "about_the_game": "The Microsoft Flight Simulator 40th Anniversary Edition will feature, for the first time since 2006, helicopters and gliders, the most requested enhancements by our community. In addition to the helicopters and gliders, we will introduce another highly requested community feature: a true-to-life airliner, the sophisticated Airbus A-310, where nearly every single button works just as expected. Celebrate the storied history of aviation with seven famous historical aircraft in the Microsoft Flight Simulator 40th Anniversary Edition. These aircraft include the 1903 Wright Flyer, the 1915 Curtiss JN-4 Jenny, the 1927 Ryan NYP Spirit of St. Louis, the 1935 Douglas DC-3, the beautiful 1937 Grumman G-21 Goose, the 1947 Havilland DHC-2 Beaver, and the famous 1947 Hughes H-4 Hercules (the largest seaplane and largest wooden plane ever made), also known as the Spruce Goose.We are also adding four classic airports, including Meigs Field in Chicago, a traditional starting airport for the Microsoft Flight Simulator franchise. It is an exciting update full of aviation history to celebrate our community and the beauty of aviation! The sky is calling!In summary, the 40th Anniversary Edition will introduce:\u2022\t4 classic commercial airports\u2022\t10 glider airports\u2022\t12 new aircraft\u2022\t14 heliports\u2022\t20 classic missions from the franchise\u2019s pastThe Deluxe Edition includes everything from Microsoft Flight Simulator plus 5 additional highly accurate planes with unique flight models and 5 additional handcrafted international airports.Deluxe Additional Aircraft\u2022 Diamond Aircraft DA40-TDI\u2022 Diamond Aircraft DV20\u2022 Textron Aviation Beechcraft Baron G58\u2022 Textron Aviation Cessna 152 Aerobat\u2022 Textron Aviation Cessna 172 SkyhawkDeluxe Additional Handcrafted Airports\u2022 Amsterdam Airport Schiphol (Netherlands)\u2022 Cairo International Airport (Egypt)\u2022 Cape Town International Airport (South Africa)\u2022 O\u2019Hare International Airport (USA)\u2022 Adolfo Su\u00e1rez Madrid\u2013Barajas Airport (Spain)The Premium Deluxe Edition includes everything from the Microsoft Flight Simulator Deluxe edition plus 5 additional highly accurate planes with unique flight models and 5 additional handcrafted international airports.Premium Deluxe Additional Aircraft\u2022 Boeing 787-10 Dreamliner\u2022 Cirrus Aircraft SR22\u2022 Pipistrel Virus SW 121\u2022 Textron Aviation Cessna Citation Longitude\u2022 Zlin Aviation Shock UltraPremium Deluxe Additional Airports\u2022 Denver International Airport (USA)\u2022 Dubai International Airport (United Arab Emirates)\u2022 Frankfurt Airport (Germany)\u2022 Heathrow Airport (United Kingdom)\u2022 San Francisco International Airport (USA)", + "short_description": "From gliders and helicopters to wide-body jets, fly highly detailed and accurate aircraft in the Microsoft Flight Simulator 40th Anniversary Edition. The world is at your fingertips.", + "genres": "Simulation", + "recommendations": 47007, + "score": 7.092041764722518 + }, + { + "type": "game", + "name": "Bless Unleashed", + "detailed_description": "Join our Discord. About the Game. Explore the massive and lively world with your allies and friends. Or embark on an epic adventure alone and push your limits. From the weapons you wield to the skills you unlock, you have full control of your character's development and actions. Every choice you make in the world of Bless will shape your story. So forge your destiny and make your adventure go down in history. . A grand storyline filled to the brim with adventures that play out in a gigantic open world. . Vast and diverse landscapes teeming with life await you. From the peaceful and beautiful forests of the Ribus Federation to the treacherous Uncharted Regions, immerse yourself in the breathtaking landscapes. The more you explore, the more stories you'll encounter and experience. . . With the world still recovering from the disaster caused by the humans, the otherworldly Daimon lies in wait for a chance to strike again. Endure and persevere through the destruction and massacres committed by the long-time conspirators and defend yourself from their threats with the support of the gods. . An action-packed MMORPG full of formidable monsters. Team up with your friends to eliminate threats lurking in perilous dungeons and participate in breathtaking battles with powerful Field Bosses. Earn honorary titles and collect rare treasures. If you can survive that is\u2026. . Grow and diversify your classes through Blessings. Mix and match five unique classes and four distinct races in the World of Lumios to create a character worthy of receiving the blessings from the gods. Master the unique combos of each class to be the last one standing between you and your foes. . . Countless items and collectibles. Enhance equipment obtained during your adventures to amplify and unleash your true powers. Also collect rare skins that many have failed to seize. Play with others, but stand out from the crowd. . An MMORPG that lets you create your own story while playing with others. Complete quests with your friends or form deep bonds with adventurers during your exploration while forging new allies and building a mighty guild. The possibilities are endless. Explore treacherous dungeons and challenge yourself against others on the PVP Battlefield. No matter how you cross paths, form alliances with like-minded souls and become one with the Union.", + "about_the_game": "Explore the massive and lively world with your allies and friends. Or embark on an epic adventure alone and push your limits. From the weapons you wield to the skills you unlock, you have full control of your character's development and actions. Every choice you make in the world of Bless will shape your story. So forge your destiny and make your adventure go down in history.A grand storyline filled to the brim with adventures that play out in a gigantic open worldVast and diverse landscapes teeming with life await you. From the peaceful and beautiful forests of the Ribus Federation to the treacherous Uncharted Regions, immerse yourself in the breathtaking landscapes. The more you explore, the more stories you'll encounter and experience.With the world still recovering from the disaster caused by the humans, the otherworldly Daimon lies in wait for a chance to strike again. Endure and persevere through the destruction and massacres committed by the long-time conspirators and defend yourself from their threats with the support of the gods.An action-packed MMORPG full of formidable monstersTeam up with your friends to eliminate threats lurking in perilous dungeons and participate in breathtaking battles with powerful Field Bosses. Earn honorary titles and collect rare treasures. If you can survive that is\u2026Grow and diversify your classes through BlessingsMix and match five unique classes and four distinct races in the World of Lumios to create a character worthy of receiving the blessings from the gods. Master the unique combos of each class to be the last one standing between you and your foes.Countless items and collectiblesEnhance equipment obtained during your adventures to amplify and unleash your true powers. Also collect rare skins that many have failed to seize. Play with others, but stand out from the crowd.An MMORPG that lets you create your own story while playing with othersComplete quests with your friends or form deep bonds with adventurers during your exploration while forging new allies and building a mighty guild. The possibilities are endless. Explore treacherous dungeons and challenge yourself against others on the PVP Battlefield. No matter how you cross paths, form alliances with like-minded souls and become one with the Union.", + "short_description": "Bless Unleashed is an open-world online game that can be enjoyed with your friends and countless others. Venture out to engage in intense combat while exploring vast regions and treacherous dungeons.", + "genres": "Action", + "recommendations": 205, + "score": 3.5122944442696156 + }, + { + "type": "game", + "name": "Shop Titans", + "detailed_description": "As a thriving new shop owner in a bustling adventurer city, it\u2019s time to roll up your sleeves and get to work! Craft, haggle and sell your way to the top and you are sure to attract many colorful characters to your shop\u2026 perhaps even the king himself!. BUILD YOUR OWN SHOP. CUSTOMIZE YOUR SHOP: Carpets, racks and stalls\u2026 or simply tons of cat statues! Design the shop of your dreams and your customers will love you for it!. DRESS TO IMPRESS: Choose among dozens of hairstyles, clothes and accessories to make your shopkeeper truly stand out!. GET CRAFTING. CRAFT: Craft from an ever growing collection of items including swords, shields, boots, guns and much more!. UPGRADE: Become a master craftsman. The more items you make, the more powerful and valuable they\u2019ll become!. ENCHANT: Enchant powerful elemental and spirit effects to any item and awaken their true power with over a million possible combinations!. ASSEMBLE HEROES AND QUEST FOR LOOT. PERSONALIZE YOUR PARTY: Recruit and customize Heroes among 18 classes and equip them with items you made yourself!. MEET THE CHAMPIONS: Team up your Heroes with unique and powerful Champions, characters with powerful abilities and unique stories. BATTLE MONSTERS: Send out parties of Heroes to battle monsters and gather valuable crafting materials!. A MASSIVELY MULTIPLAYER WORLD. JOIN A GUILD: Team up with other players around the world and invest together to create a bustling city! . TEAM UP: Compete with your guild, in events like the Lost City of Gold. Big rewards are dropped the further you progress!. PLAY THE MARKET: Rack up the gold (and gems!) by participating in a worldwide, player-driven market!", + "about_the_game": "As a thriving new shop owner in a bustling adventurer city, it\u2019s time to roll up your sleeves and get to work! Craft, haggle and sell your way to the top and you are sure to attract many colorful characters to your shop\u2026 perhaps even the king himself!BUILD YOUR OWN SHOPCUSTOMIZE YOUR SHOP: Carpets, racks and stalls\u2026 or simply tons of cat statues! Design the shop of your dreams and your customers will love you for it!DRESS TO IMPRESS: Choose among dozens of hairstyles, clothes and accessories to make your shopkeeper truly stand out!GET CRAFTINGCRAFT: Craft from an ever growing collection of items including swords, shields, boots, guns and much more!UPGRADE: Become a master craftsman. The more items you make, the more powerful and valuable they\u2019ll become!ENCHANT: Enchant powerful elemental and spirit effects to any item and awaken their true power with over a million possible combinations!ASSEMBLE HEROES AND QUEST FOR LOOTPERSONALIZE YOUR PARTY: Recruit and customize Heroes among 18 classes and equip them with items you made yourself!MEET THE CHAMPIONS: Team up your Heroes with unique and powerful Champions, characters with powerful abilities and unique stories.BATTLE MONSTERS: Send out parties of Heroes to battle monsters and gather valuable crafting materials!A MASSIVELY MULTIPLAYER WORLDJOIN A GUILD: Team up with other players around the world and invest together to create a bustling city! TEAM UP: Compete with your guild, in events like the Lost City of Gold. Big rewards are dropped the further you progress!PLAY THE MARKET: Rack up the gold (and gems!) by participating in a worldwide, player-driven market!", + "short_description": "Shop Titans is the ultimate RPG shopkeeper simulation. Craft powerful equipment, stock your shop and sell to aspiring heroes\u2026 at a markup! Hire heroes and explore dungeons to gather valuable materials to craft with. There\u2019s never a dull moment in the world of Shop Titans!", + "genres": "Adventure", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Days Gone", + "detailed_description": "Days Gone is an open-world action-adventure game set in a harsh wilderness two years after a devastating global pandemic. . Step into the dirt flecked shoes of former outlaw biker Deacon St. John, a bounty hunter trying to find a reason to live in a land surrounded by death. Scavenge through abandoned settlements for equipment to craft valuable items and weapons, or take your chances with other survivors trying to eke out a living through fair trade\u2026 or more violent means. . KEY FEATURES. \u2022\tA striking setting: From forests and meadows, to snowy plains and desert lava fields, the Pacific Northwest is both beautiful and lethal. Explore a variety of mountains, caves, mines and small rural towns, scarred by millions of years of volcanic activity. \u2022\tBrutal encounters: With vicious gangs and hordes of Freakers roaming the land, you\u2019ll need to make full use of a variety of customizable traps, weapons, and upgradable skills to stay alive. Don\u2019t forget your Drifter bike, an invaluable tool in a vast land. \u2022\tAn ever-changing environment: Jump on the saddle of Deacon\u2019s trusty motorbike and explore a dynamic world dramatically affected by the weather, a dramatic day/night cycle and the evolving Freakers, who adjust to their surroundings \u2013 and the people in it. \u2022\tA compelling story: Lose yourself in a powerful tale of desperation, betrayal and regret, as Deacon St. John searches for hope after suffering a deep, personal loss. What makes us human when faced with the daily struggle for survival?. INCLUDES. \u2022\tNew Game Plus . \u2022\tSurvival Mode. \u2022\tChallenge Mode. \u2022\tBike Skins. PC features include ultra-wide monitor support, unlocked framerates and improved graphics (increased level of details, field of view, foliage draw distances).", + "about_the_game": "Days Gone is an open-world action-adventure game set in a harsh wilderness two years after a devastating global pandemic. \r\n\r\nStep into the dirt flecked shoes of former outlaw biker Deacon St. John, a bounty hunter trying to find a reason to live in a land surrounded by death. Scavenge through abandoned settlements for equipment to craft valuable items and weapons, or take your chances with other survivors trying to eke out a living through fair trade\u2026 or more violent means.\r\n\r\nKEY FEATURES\r\n\u2022\tA striking setting: From forests and meadows, to snowy plains and desert lava fields, the Pacific Northwest is both beautiful and lethal. Explore a variety of mountains, caves, mines and small rural towns, scarred by millions of years of volcanic activity.\r\n\u2022\tBrutal encounters: With vicious gangs and hordes of Freakers roaming the land, you\u2019ll need to make full use of a variety of customizable traps, weapons, and upgradable skills to stay alive. Don\u2019t forget your Drifter bike, an invaluable tool in a vast land.\r\n\u2022\tAn ever-changing environment: Jump on the saddle of Deacon\u2019s trusty motorbike and explore a dynamic world dramatically affected by the weather, a dramatic day/night cycle and the evolving Freakers, who adjust to their surroundings \u2013 and the people in it. \r\n\u2022\tA compelling story: Lose yourself in a powerful tale of desperation, betrayal and regret, as Deacon St. John searches for hope after suffering a deep, personal loss. What makes us human when faced with the daily struggle for survival?\r\n\r\nINCLUDES\r\n\u2022\tNew Game Plus \r\n\u2022\tSurvival Mode\r\n\u2022\tChallenge Mode\r\n\u2022\tBike Skins\r\n\r\nPC features include ultra-wide monitor support, unlocked framerates and improved graphics (increased level of details, field of view, foliage draw distances).", + "short_description": "Ride and fight into a deadly, post pandemic America. Play as Deacon St. John, a drifter and bounty hunter who rides the broken road, fighting to survive while searching for a reason to live in this open-world action-adventure game.", + "genres": "Action", + "recommendations": 43936, + "score": 7.047503537188726 + }, + { + "type": "game", + "name": "eFootball PES 2021 SEASON UPDATE", + "detailed_description": "\"Please note that the latest data for certain licensed leagues and teams will only be available via an update post-release. You will need an internet connection in order to download this update. See the official website for more details. . *Due to the ongoing impact of COVID-19, certain real-world football leagues and/or tournaments may undergo sudden regulation changes. As a result, there is a chance that in-game regulations may not perfectly match their real life counterparts. Other changes that impact leagues and tournaments may also be implemented in future updates without prior notice. . PES 2021 LITE, the free-to-play version of PES 2021, is available for download now! (Includes in-game purchases). Celebrate 25 years of PES with the eFootball PES 2021 Season Update* - available at a special anniversary price!. *This product is an updated edition of eFootball PES 2020 (launched in September, 2019) containing the latest player data and club rosters. Please note that some leagues will have their rosters updated post-release. . STANDARD EDITION. Purchase this version of the game and receive the following myClub content:. \u2022 3 Player Contract Tickets x 10 weeks. \u2022 Premium Agent x 10 weeks. *Premium Agents can sign players from a large variety of clubs, including players from the club of whichever edition you have purchased. . It also contains the following purchase bonus:. \u2022 2000 myClub Coins. *The pre-order bonus, purchase bonus and myClub content can only be claimed on the account used to purchase the game. . ARSENAL EDITION. Purchase this edition and get the following Arsenal content:. \u2022 'Iconic Moment Series' x 1 player. \u2022 Full squad (manager and players). \u2022 Digital kit. \u2022 Original in-game menu theme. \u2022 3 Player Contract Tickets x 30 weeks. \u2022 Premium Agent x 30 weeks. *Premium Agents can sign players from a large variety of clubs, including players from the club of whichever edition you have purchased. . It also contains the following purchase bonus:. \u2022 3000 myClub Coins. *The pre-order bonus, purchase bonus and myClub content can only be claimed on the account used to purchase the game. . FC BARCELONA EDITION. Purchase this edition and get the following FC Barcelona content:. \u2022 'Iconic Moment Series' x 1 player. \u2022 Full squad (manager and players). \u2022 Digital kit. \u2022 Original in-game menu theme. \u2022 3 Player Contract Tickets x 30 weeks. \u2022 Premium Agent x 30 weeks. *Premium Agents can sign players from a large variety of clubs, including players from the club of whichever edition you have purchased. . It also contains the following purchase bonus:. \u2022 3000 myClub Coins. *The pre-order bonus, purchase bonus and myClub content can only be claimed on the account used to purchase the game. . FC BAYERN M\u00dcNCHEN EDITION. Purchase this edition and get the following FC Bayern M\u00fcnchen content:. \u2022 'Iconic Moment Series' x 1 player. \u2022 Full squad (manager and players). \u2022 Digital kit. \u2022 Original in-game menu theme. \u2022 3 Player Contract Tickets x 30 weeks. \u2022 Premium Agent x 30 weeks. *Premium Agents can sign players from a large variety of clubs, including players from the club of whichever edition you have purchased. . It also contains the following purchase bonus:. \u2022 3000 myClub Coins. *The pre-order bonus, purchase bonus and myClub content can only be claimed on the account used to purchase the game. . JUVENTUS EDITION. Purchase this edition and get the following Juventus content:. \u2022 'Iconic Moment Series' x 1 player. \u2022 Full squad (manager and players). \u2022 Digital kit. \u2022 Original in-game menu theme. \u2022 3 Player Contract Tickets x 30 weeks. \u2022 Premium Agent x 30 weeks. *Premium Agents can sign players from a large variety of clubs, including players from the club of whichever edition you have purchased. . It also contains the following purchase bonus:. \u2022 3000 myClub Coins. *The pre-order bonus, purchase bonus and myClub content can only be claimed on the account used to purchase the game. . MANCHESTER UNITED EDITION. Purchase this edition and get the following Manchester United content:. \u2022 'Iconic Moment Series' x 1 player. \u2022 Full squad (manager and players). \u2022 Digital kit. \u2022 Original in-game menu theme. \u2022 3 Player Contract Tickets x 30 weeks. \u2022 Premium Agent x 30 weeks. *Premium Agents can sign players from a large variety of clubs, including players from the club of whichever edition you have purchased. . It also contains the following purchase bonus:. \u2022 3000 myClub Coins. *The pre-order bonus, purchase bonus and myClub content can only be claimed on the account used to purchase the game. . Product Overview. The eFootball PES 2021 Season Update features the same award winning gameplay as last year\u2019s eFootball PES 2020 along with various team and player updates for the new season. Also comes with the UEFA EURO 2020\u2122 mode - all at a special anniversary price!. \u30fbThe Biggest Clubs . Play with the biggest teams in world football; including German champions FC Bayern M\u00fcnchen, Spanish champions FC Barcelona, global giants Manchester United and exclusive PES partner Juventus!. \u30fbmyClub . Create your very own dream team from scratch and face off against human rivals from all over the world. . \u30fbMatchday . Compete in online PvP events themed after real-life football rivalries and other big matches. . \u30fbMaster League. Take the helm of a football club and lead them to the top in this engrossing single player mode.\"", + "about_the_game": "\"Please note that the latest data for certain licensed leagues and teams will only be available via an update post-release. You will need an internet connection in order to download this update. See the official website for more details.\r\n\r\n*Due to the ongoing impact of COVID-19, certain real-world football leagues and/or tournaments may undergo sudden regulation changes. As a result, there is a chance that in-game regulations may not perfectly match their real life counterparts. Other changes that impact leagues and tournaments may also be implemented in future updates without prior notice.\r\n\r\nPES 2021 LITE, the free-to-play version of PES 2021, is available for download now! (Includes in-game purchases)\r\n\r\nCelebrate 25 years of PES with the eFootball PES 2021 Season Update* - available at a special anniversary price!\r\n\r\n*This product is an updated edition of eFootball PES 2020 (launched in September, 2019) containing the latest player data and club rosters. Please note that some leagues will have their rosters updated post-release.\r\n\r\nSTANDARD EDITION\r\nPurchase this version of the game and receive the following myClub content:\r\n\u2022 3 Player Contract Tickets x 10 weeks\r\n\u2022 Premium Agent x 10 weeks\r\n*Premium Agents can sign players from a large variety of clubs, including players from the club of whichever edition you have purchased.\r\n\r\nIt also contains the following purchase bonus:\r\n\u2022 2000 myClub Coins\r\n*The pre-order bonus, purchase bonus and myClub content can only be claimed on the account used to purchase the game.\r\n\r\nARSENAL EDITION\r\nPurchase this edition and get the following Arsenal content:\r\n\u2022 'Iconic Moment Series' x 1 player\r\n\u2022 Full squad (manager and players)\r\n\u2022 Digital kit\r\n\u2022 Original in-game menu theme\r\n\u2022 3 Player Contract Tickets x 30 weeks\r\n\u2022 Premium Agent x 30 weeks\r\n*Premium Agents can sign players from a large variety of clubs, including players from the club of whichever edition you have purchased.\r\n\r\nIt also contains the following purchase bonus:\r\n\u2022 3000 myClub Coins\r\n*The pre-order bonus, purchase bonus and myClub content can only be claimed on the account used to purchase the game.\r\n\r\nFC BARCELONA EDITION\r\nPurchase this edition and get the following FC Barcelona content:\r\n\u2022 'Iconic Moment Series' x 1 player\r\n\u2022 Full squad (manager and players)\r\n\u2022 Digital kit\r\n\u2022 Original in-game menu theme\r\n\u2022 3 Player Contract Tickets x 30 weeks\r\n\u2022 Premium Agent x 30 weeks\r\n*Premium Agents can sign players from a large variety of clubs, including players from the club of whichever edition you have purchased.\r\n\r\nIt also contains the following purchase bonus:\r\n\u2022 3000 myClub Coins\r\n*The pre-order bonus, purchase bonus and myClub content can only be claimed on the account used to purchase the game.\r\n\r\nFC BAYERN M\u00dcNCHEN EDITION\r\nPurchase this edition and get the following FC Bayern M\u00fcnchen content:\r\n\u2022 'Iconic Moment Series' x 1 player\r\n\u2022 Full squad (manager and players)\r\n\u2022 Digital kit\r\n\u2022 Original in-game menu theme\r\n\u2022 3 Player Contract Tickets x 30 weeks\r\n\u2022 Premium Agent x 30 weeks\r\n*Premium Agents can sign players from a large variety of clubs, including players from the club of whichever edition you have purchased.\r\n\r\nIt also contains the following purchase bonus:\r\n\u2022 3000 myClub Coins\r\n*The pre-order bonus, purchase bonus and myClub content can only be claimed on the account used to purchase the game.\r\n\r\nJUVENTUS EDITION\r\nPurchase this edition and get the following Juventus content:\r\n\u2022 'Iconic Moment Series' x 1 player\r\n\u2022 Full squad (manager and players)\r\n\u2022 Digital kit\r\n\u2022 Original in-game menu theme\r\n\u2022 3 Player Contract Tickets x 30 weeks\r\n\u2022 Premium Agent x 30 weeks\r\n*Premium Agents can sign players from a large variety of clubs, including players from the club of whichever edition you have purchased.\r\n\r\nIt also contains the following purchase bonus:\r\n\u2022 3000 myClub Coins\r\n*The pre-order bonus, purchase bonus and myClub content can only be claimed on the account used to purchase the game.\r\n\r\nMANCHESTER UNITED EDITION\r\nPurchase this edition and get the following Manchester United content:\r\n\u2022 'Iconic Moment Series' x 1 player\r\n\u2022 Full squad (manager and players)\r\n\u2022 Digital kit\r\n\u2022 Original in-game menu theme\r\n\u2022 3 Player Contract Tickets x 30 weeks\r\n\u2022 Premium Agent x 30 weeks\r\n*Premium Agents can sign players from a large variety of clubs, including players from the club of whichever edition you have purchased.\r\n\r\nIt also contains the following purchase bonus:\r\n\u2022 3000 myClub Coins\r\n*The pre-order bonus, purchase bonus and myClub content can only be claimed on the account used to purchase the game.\r\n\r\nProduct Overview\r\nThe eFootball PES 2021 Season Update features the same award winning gameplay as last year\u2019s eFootball PES 2020 along with various team and player updates for the new season. Also comes with the UEFA EURO 2020\u2122 mode - all at a special anniversary price!\r\n\r\n\u30fbThe Biggest Clubs \r\nPlay with the biggest teams in world football; including German champions FC Bayern M\u00fcnchen, Spanish champions FC Barcelona, global giants Manchester United and exclusive PES partner Juventus!\r\n\r\n\u30fbmyClub \r\nCreate your very own dream team from scratch and face off against human rivals from all over the world.\r\n\r\n\u30fbMatchday \r\nCompete in online PvP events themed after real-life football rivalries and other big matches.\r\n\r\n\u30fbMaster League\r\nTake the helm of a football club and lead them to the top in this engrossing single player mode.\"", + "short_description": "Celebrate 25 years of PES with the eFootball PES 2021 Season Update* - available at a special anniversary price!", + "genres": "Sports", + "recommendations": 20661, + "score": 6.550140718045585 + }, + { + "type": "game", + "name": "Need for Speed\u2122 Payback", + "detailed_description": "Set in the underworld of Fortune Valley, you and your crew were divided by betrayal and reunited by revenge to take down The House, a nefarious cartel that rules the city\u2019s casinos, criminals and cops. In this corrupt gambler\u2019s paradise, the stakes are high and The House always wins. . Craft unique rides with deeper performance and visual customization than ever before. Push them to the limit when you narrowly escape the heat in epic cop battles. From insane heist missions to devastating car battles to jaw-dropping set piece moments, Need for Speed Payback delivers an edge-of-your-seat, adrenaline-fueled action-driving fantasy. . Key Features:. Scrap to stock to supercar. Your car is at the center of everything you do in Need for Speed Payback. Endlessly fine-tune your performance with each of the five distinct car classes (Race, Drift, Off-Road, Drag and Runner) to turn the tables on the competition in any race, mission or challenge. . Live out an action-driving fantasy. Play as three distinct characters united by one common goal: revenge. Tyler, Mac and Jess team up to even the score against all odds, and enter the ultimate race to take down The House. Battle cops with ever-increasing intensity, race against rivals across the city and drive on and off-road through mountains, canyons and deserts. . High stakes competition. Win big with all-new Risk vs Reward gameplay. Intense cop chases mean the stakes have never been higher. Challenge your friends or potential rivals via Autolog recommendations throughout the events or go head-to-head in classic online leaderboards. . The Need for Speed\u2122 Payback - Deluxe Edition gives you an edge over the competition. Stand out from the crowd with exclusive customization items and receive in-game discounts, Rep bonuses and five shipments to get your adventure started. . Also includes the upcoming Story Mission Pack and the Need for Speed\u2122 Payback Platinum Car Pack with exclusive\u2020 Platinum Blue Underglow. . Deluxe Edition Content:. \u2022 Upcoming Story Mission Pack. \u2022 Exclusive Deluxe Edition NOS color (Can be applied to 5 cars). \u2022 Exclusive Deluxe Edition License Plate. \u2022 Exclusive Deluxe Edition Leaderboard icon. \u2022 5 Shipments. \u2022 5% Rep Bonus. \u2022 10% Discount on in-game content using earned in-game currency. Platinum Car Pack Includes:. \u2022 Exclusive Platinum Blue Underglow & Tire Smoke Vanity Items. \u2022 Chevrolet Camaro SS 1967. \u2022 Dodge Charger R/T 1969. \u2022 Ford F-150 Raptor 2016. \u2022 Nissan 350Z 2008. \u2022 Volkswagen Golf GTI Clubsport 2016", + "about_the_game": "Set in the underworld of Fortune Valley, you and your crew were divided by betrayal and reunited by revenge to take down The House, a nefarious cartel that rules the city\u2019s casinos, criminals and cops. In this corrupt gambler\u2019s paradise, the stakes are high and The House always wins.Craft unique rides with deeper performance and visual customization than ever before. Push them to the limit when you narrowly escape the heat in epic cop battles. From insane heist missions to devastating car battles to jaw-dropping set piece moments, Need for Speed Payback delivers an edge-of-your-seat, adrenaline-fueled action-driving fantasy.Key Features:Scrap to stock to supercar. Your car is at the center of everything you do in Need for Speed Payback. Endlessly fine-tune your performance with each of the five distinct car classes (Race, Drift, Off-Road, Drag and Runner) to turn the tables on the competition in any race, mission or challenge.Live out an action-driving fantasy. Play as three distinct characters united by one common goal: revenge. Tyler, Mac and Jess team up to even the score against all odds, and enter the ultimate race to take down The House. Battle cops with ever-increasing intensity, race against rivals across the city and drive on and off-road through mountains, canyons and deserts.High stakes competition. Win big with all-new Risk vs Reward gameplay. Intense cop chases mean the stakes have never been higher. Challenge your friends or potential rivals via Autolog recommendations throughout the events or go head-to-head in classic online leaderboards.The Need for Speed\u2122 Payback - Deluxe Edition gives you an edge over the competition. Stand out from the crowd with exclusive customization items and receive in-game discounts, Rep bonuses and five shipments to get your adventure started.Also includes the upcoming Story Mission Pack and the Need for Speed\u2122 Payback Platinum Car Pack with exclusive\u2020 Platinum Blue Underglow.Deluxe Edition Content:\u2022 Upcoming Story Mission Pack\u2022 Exclusive Deluxe Edition NOS color (Can be applied to 5 cars)\u2022 Exclusive Deluxe Edition License Plate\u2022 Exclusive Deluxe Edition Leaderboard icon\u2022 5 Shipments\u2022 5% Rep Bonus\u2022 10% Discount on in-game content using earned in-game currencyPlatinum Car Pack Includes:\u2022 Exclusive Platinum Blue Underglow & Tire Smoke Vanity Items\u2022 Chevrolet Camaro SS 1967\u2022 Dodge Charger R/T 1969\u2022 Ford F-150 Raptor 2016\u2022 Nissan 350Z 2008\u2022 Volkswagen Golf GTI Clubsport 2016", + "short_description": "Set in the underworld of Fortune Valley, you and your crew were divided by betrayal and reunited by revenge to take down The House, a nefarious cartel that rules the city\u2019s casinos, criminals and cops. In this corrupt gambler\u2019s paradise, the stakes are high and The House always wins.", + "genres": "Action", + "recommendations": 15259, + "score": 6.350353735243389 + }, + { + "type": "game", + "name": "Football Manager 2021", + "detailed_description": "The manager is the beating heart of every football club. In Football Manager 2021, dynamic, true-to-life management experiences and next-level detail renews that focus on you, the manager, equipping you with all the tools you need to achieve elite status. . With more than 50 nations and 2,500 clubs at every level of the football pyramid to choose from, the possibilities are endless. It\u2019s over to you, boss. . Choose your colours and the challenge that best suits your ambitions and then work with your club\u2019s hierarchy to ensure you meet theirs\u2026 or face the consequences. . Join forces with your backroom staff to assess the strength and depth of your playing squad before dipping into the transfer market. There\u2019s likely to be a starlet in your Academy knocking on the door of the first team\u2026. Craft tactical strategies, formations and styles of play for every occasion to maximise your club\u2019s chances of winning football matches and getting those three points. . Immerse yourself in the spectacle of match day and revel in the glory of management as your planning pays off on the pitch. Interaction. . Communicating with your players and the media has never been more purposeful or realistic. Gestures enable you to express every emotion, while Quick Chats improve those short, informal conversations which are part of day-to-day life as a manager. In FM21, others will feel the impact of your words and know the sort of manager you are.Matchday. . Every fixture now feels like a true spectacle with our best-looking match engine ever. You\u2019ll receive better analysis and advice in the pre-match build-up and those data improvements combine with our remodelled match UI to bring you closer to the action than ever before. . FM21 also boasts a raft of AI improvements across every area of the pitch. The rate of decision-making has increased and there\u2019s more nuance to the decisions that players make, allowing them to be more reactive and make faster decisions. This improved decision-making process has enabled better defensive and goalkeeper intelligence, enhanced central play and more variety in the final third. . Additionally, you\u2019ll also get more reaction and data post-match, including our brand new SIxG system, which will let you know well or badly your team performed relative to the chances they created.Analysis and Stats. Our extensive data improvements go beyond Matchdays, giving you all the tools to level up your pre-match preparations. Managers benefit from a vastly increased amount of data reporting and visualisation this year, including monthly reports from the new Performance Analyst that mirrors the data real managers receive. New graphs and data maps provide clearer insight into their team\u2019s strengths and opposition weaknesses, while there\u2019s a wealth of new stats that will give you full statistical overview of the entire pitch.Recruitment. . New staff roles, meetings and interactions freshen up one of the game\u2019s most popular areas. Recruitment meetings now ensure that you and your scouting team are on the same page, both for your next moves and the club\u2019s longer-term strategy in the transfer market. Moreover, you\u2019ll now be able to approach agents directly about a player's interest in joining your club.End of Season. . Re-live your campaigns and revel in your success like never before. A new season review presentation picks out your best moments on and off the pitch, while showpiece victories feel much sweeter with improved title presentations and masses of media attention. . This is a game that rewards planning and knowledge but there\u2019s no pre-defined ending or script to follow, simply endless opportunities. Every club has a story to tell and it\u2019s up to you to write it.", + "about_the_game": "The manager is the beating heart of every football club. In Football Manager 2021, dynamic, true-to-life management experiences and next-level detail renews that focus on you, the manager, equipping you with all the tools you need to achieve elite status. With more than 50 nations and 2,500 clubs at every level of the football pyramid to choose from, the possibilities are endless. It\u2019s over to you, boss. Choose your colours and the challenge that best suits your ambitions and then work with your club\u2019s hierarchy to ensure you meet theirs\u2026 or face the consequences.Join forces with your backroom staff to assess the strength and depth of your playing squad before dipping into the transfer market. There\u2019s likely to be a starlet in your Academy knocking on the door of the first team\u2026Craft tactical strategies, formations and styles of play for every occasion to maximise your club\u2019s chances of winning football matches and getting those three points.Immerse yourself in the spectacle of match day and revel in the glory of management as your planning pays off on the pitch.InteractionCommunicating with your players and the media has never been more purposeful or realistic. Gestures enable you to express every emotion, while Quick Chats improve those short, informal conversations which are part of day-to-day life as a manager. In FM21, others will feel the impact of your words and know the sort of manager you are.MatchdayEvery fixture now feels like a true spectacle with our best-looking match engine ever. You\u2019ll receive better analysis and advice in the pre-match build-up and those data improvements combine with our remodelled match UI to bring you closer to the action than ever before. FM21 also boasts a raft of AI improvements across every area of the pitch. The rate of decision-making has increased and there\u2019s more nuance to the decisions that players make, allowing them to be more reactive and make faster decisions. This improved decision-making process has enabled better defensive and goalkeeper intelligence, enhanced central play and more variety in the final third.Additionally, you\u2019ll also get more reaction and data post-match, including our brand new SIxG system, which will let you know well or badly your team performed relative to the chances they created.Analysis and StatsOur extensive data improvements go beyond Matchdays, giving you all the tools to level up your pre-match preparations. Managers benefit from a vastly increased amount of data reporting and visualisation this year, including monthly reports from the new Performance Analyst that mirrors the data real managers receive. New graphs and data maps provide clearer insight into their team\u2019s strengths and opposition weaknesses, while there\u2019s a wealth of new stats that will give you full statistical overview of the entire pitch.RecruitmentNew staff roles, meetings and interactions freshen up one of the game\u2019s most popular areas. Recruitment meetings now ensure that you and your scouting team are on the same page, both for your next moves and the club\u2019s longer-term strategy in the transfer market. Moreover, you\u2019ll now be able to approach agents directly about a player's interest in joining your club.End of SeasonRe-live your campaigns and revel in your success like never before. A new season review presentation picks out your best moments on and off the pitch, while showpiece victories feel much sweeter with improved title presentations and masses of media attention. This is a game that rewards planning and knowledge but there\u2019s no pre-defined ending or script to follow, simply endless opportunities. Every club has a story to tell and it\u2019s up to you to write it.", + "short_description": "New additions and game upgrades deliver added levels of depth, drama and football authenticity. FM21 empowers you like never before to develop your skills and command success at your club.", + "genres": "Simulation", + "recommendations": 14291, + "score": 6.307151057459665 + }, + { + "type": "game", + "name": "DEVOUR", + "detailed_description": "DEVOUR is a co-op horror survival game for 1-4 players. Stop possessed cultists before they drag you to hell. Run. Scream. Hide. Just don't get caught.HAVE YOU GOT NERVES OF STEEL?1-4 player online co-op . Take control of up to 4 cult members in this unique online co-op experience where you must work together to stop possessed cultists dead set on taking you to hell with them. . Single player mode . For hardcore players only. In this mode, you'll be doing all the screaming yourself. . Challenging gameplay . No two DEVOUR playthroughs are ever the same. To stop the evil, you\u2019ll need a focused team and perfect execution, with a single session lasting up to an hour. . CAN YOU BANISH EVIL TOGETHER?Each themed DEVOUR map not only brings a terrifying new manifestation of the goat demon Azazel, but also completely new environments to explore, items to collect, fiends to overcome, and forbidden rituals to perform. . Exorcise the demonically possessed. Your goal is to break Azazel's hold on the cultists. On each map, work together in a race against time to find key ritual items \u2013 some of which might be alive and unwilling - to complete the banishment. . Escalating difficulty. Each possessed cultist\u2019s rage and speed increases as the game progresses, as does the number of fiends they spawn to stop you. Your only means of defence is your UV flashlight. . Replayability . Locked doors, ritual objects and item spawns are randomized, ensuring that no two games are the same. What's more, DEVOUR's unpredictable AI ups the game, making you second guess each and every move. . Player progression. Players earn experience with each playthrough, increasing their Cult Rank and earning Ritual Tokens. These are used to unlock valuable Perks, which can mean the difference between living to banish another demon or an agonizing death. . Nightmare mode. Beat the game without breaking a sweat? Try Nightmare mode for the ultimate challenge. . Multiplayer features . Make use of our in-game positional voice chat. Bring friends, or find other players using the server browser. . Full VR support . Ready to turn it up a notch? Play DEVOUR in VR without any additional purchase necessary. . The WatchersDEVOUR is the prequel to the 2-player online co-op game The Watchers. Play as Anna's estranged children Luisa and Frederico as they search for their missing mother.WarningThis game contains flashing lights that may make it unsuitable for people with photosensitive epilepsy or other photosensitive conditions. Player discretion is advised.", + "about_the_game": "DEVOUR is a co-op horror survival game for 1-4 players. Stop possessed cultists before they drag you to hell. Run. Scream. Hide. Just don't get caught.HAVE YOU GOT NERVES OF STEEL?1-4 player online co-op Take control of up to 4 cult members in this unique online co-op experience where you must work together to stop possessed cultists dead set on taking you to hell with them.Single player mode For hardcore players only. In this mode, you'll be doing all the screaming yourself.Challenging gameplay No two DEVOUR playthroughs are ever the same. To stop the evil, you\u2019ll need a focused team and perfect execution, with a single session lasting up to an hour.CAN YOU BANISH EVIL TOGETHER?Each themed DEVOUR map not only brings a terrifying new manifestation of the goat demon Azazel, but also completely new environments to explore, items to collect, fiends to overcome, and forbidden rituals to perform. Exorcise the demonically possessedYour goal is to break Azazel's hold on the cultists. On each map, work together in a race against time to find key ritual items \u2013 some of which might be alive and unwilling - to complete the banishment.Escalating difficultyEach possessed cultist\u2019s rage and speed increases as the game progresses, as does the number of fiends they spawn to stop you. Your only means of defence is your UV flashlight.Replayability Locked doors, ritual objects and item spawns are randomized, ensuring that no two games are the same. What's more, DEVOUR's unpredictable AI ups the game, making you second guess each and every move.Player progressionPlayers earn experience with each playthrough, increasing their Cult Rank and earning Ritual Tokens. These are used to unlock valuable Perks, which can mean the difference between living to banish another demon or an agonizing death.Nightmare modeBeat the game without breaking a sweat? Try Nightmare mode for the ultimate challenge.Multiplayer features Make use of our in-game positional voice chat. Bring friends, or find other players using the server browser.Full VR support Ready to turn it up a notch? Play DEVOUR in VR without any additional purchase necessary. The WatchersDEVOUR is the prequel to the 2-player online co-op game The Watchers. Play as Anna's estranged children Luisa and Frederico as they search for their missing mother.WarningThis game contains flashing lights that may make it unsuitable for people with photosensitive epilepsy or other photosensitive conditions. Player discretion is advised.", + "short_description": "DEVOUR is a co-op horror survival game for 1-4 players. Stop possessed cultists before they drag you to hell. Run. Scream. Hide. Just don't get caught.", + "genres": "Indie", + "recommendations": 48996, + "score": 7.1193610837039625 + }, + { + "type": "game", + "name": "Monster Hunter Stories 2: Wings of Ruin", + "detailed_description": "Monster Hunter Stories 2: Wings of Ruin Trial Version. \u25cfNotice of Change in System RequirementsAs a result of NVIDIA announcing the end of support for certain GPUs from October 4, 2021, the minimum and recommended system requirements for this game have changed. . Please make sure to check the updated requirements before purchase. About the GameHatch, raise, and live alongside monsters as a Monster Rider in this fun-filled RPG set in the Monster Hunter universe.\u25c6 StoryWhat you've been entrusted with could bring hope or terror\u2026. It is the night of a festival in Mahana, the central village of Hakolo Island. Rathalos all around the world are vanishing. You are the grandchild of Red, whose Monstie was Guardian Ratha, the revered protector of Hakolo Island. Upon setting out to gain experience as a Rider, you encounter Ena, a Wyverian girl who once knew Red. In order to protect the egg that Guardian Ratha has entrusted her with, you decide to leave the island together. There are strange things happening everywhere. As you try to figure out what is causing these environmental abnormalities, the egg finally hatches. A flightless Rathalos with small wings bursts out of the egg.\u25c6 Go Egg Collecting and Hatch Some Monstie Travel CompanionsForm bonds with monsters as you embark on a Rider's journey!. The monsters you befriend during this enthralling adventure become your loyal Monsties. There is a diverse range of monsters that inhabit every nook and cranny of this world. Throughout your daring escapades, you can become pals with fearsome and unique monsters such as Brachydios, Seregios, Nargacuga, Tigrex, Zinogre, Kushala Daora, and Teostra!. Find more monsters along the way and add them to your party!. . Eggs can be found in Monster Dens that randomly appear in the field. There are even some rare dens that pop up infrequently where you can get your hands on elusive monster eggs and ones that contain hard-to-find genes. Once you have made it safely out of the Monster Den, bring the egg to the Stables and hatch it to get a new Monstie for your journey!. . These are special skills that you can perform while riding a Monstie. Depending on the Monstie, you can gain an ability such as dashing, flying, or swimming. There are also other actions that allow you to search for items more effectively when out in the field.\u25c6 Monstie GrowthLine up genes to level up your Monsties!. After hatching Monsties, you can strengthen them through battles and the Rite of Channeling. The Rite of Channeling is a ritual that allows you to transfer a gene from one Monstie to another. By doing this, you can awaken a new ability in the Monstie receiving the gene, thereby creating your own original Monstie. During the ritual, you can choose which slot you will place the gene in. This gives you the opportunity to enhance your Monsties by awakening new skills and abilities in interesting combinations.\u25c6 Turn-Based BattlesMaster the three attack types to gain the upper hand during turn-based battles!. The improved turn-based combat system allows you to experience the excitement of the main Monster Hunter titles while engaging in epic, strategic fights with monsters you encounter during your adventure. There are three attack types: Power, Speed, and Technical. By predicting your opponent's attack type and winning a Head-to-Head, you can inflict massive damage as well as greatly fill your Kinship Gauge. . Duke it out using the weapons and armor that the Monster Hunter series is known for!. Six weapon types from the familiar Monster Hunter series lineup are available in this game too. Master each of their unique characteristics and forge equipment to fit your individual playing style. Layered armor is also available, so you can hunt in style while wearing your favorite equipment.\u25c6 MultiplayerIn Multiplayer, you can connect with players from around the world! Team up in Co-Op Expedition Quests or face off against each other in Versus Battles. If one of you engages a monster while out in the field, the other player can enter the fray and lend a helping hand. Join forces with other Riders from all over the globe to search for rare eggs and take down fearsome monsters together.\u25c6 Downloadable Content. From hairstyles for your Rider to outfits for Ena and Navirou, there is a wide assortment of exciting downloadable content available. You can purchase downloadable content individually or in packs. You can even get all of the available downloadable content at once for a bargain with the All-In Extra Content Pack!. Give the characters a fresh look and take your adventure to new heights!", + "about_the_game": "Hatch, raise, and live alongside monsters as a Monster Rider in this fun-filled RPG set in the Monster Hunter universe.\u25c6 StoryWhat you've been entrusted with could bring hope or terror\u2026It is the night of a festival in Mahana, the central village of Hakolo Island.Rathalos all around the world are vanishing.You are the grandchild of Red, whose Monstie was Guardian Ratha, the revered protector of Hakolo Island. Upon setting out to gain experience as a Rider, you encounter Ena, a Wyverian girl who once knew Red. In order to protect the egg that Guardian Ratha has entrusted her with, you decide to leave the island together.There are strange things happening everywhere. As you try to figure out what is causing these environmental abnormalities, the egg finally hatches.A flightless Rathalos with small wings bursts out of the egg.\u25c6 Go Egg Collecting and Hatch Some Monstie Travel CompanionsForm bonds with monsters as you embark on a Rider's journey!The monsters you befriend during this enthralling adventure become your loyal Monsties.There is a diverse range of monsters that inhabit every nook and cranny of this world.Throughout your daring escapades, you can become pals with fearsome and unique monsters such as Brachydios, Seregios, Nargacuga, Tigrex, Zinogre, Kushala Daora, and Teostra!Find more monsters along the way and add them to your party!Eggs can be found in Monster Dens that randomly appear in the field.There are even some rare dens that pop up infrequently where you can get your hands on elusive monster eggs and ones that contain hard-to-find genes.Once you have made it safely out of the Monster Den, bring the egg to the Stables and hatch it to get a new Monstie for your journey!These are special skills that you can perform while riding a Monstie. Depending on the Monstie, you can gain an ability such as dashing, flying, or swimming.There are also other actions that allow you to search for items more effectively when out in the field.\u25c6 Monstie GrowthLine up genes to level up your Monsties!After hatching Monsties, you can strengthen them through battles and the Rite of Channeling.The Rite of Channeling is a ritual that allows you to transfer a gene from one Monstie to another. By doing this, you can awaken a new ability in the Monstie receiving the gene, thereby creating your own original Monstie.During the ritual, you can choose which slot you will place the gene in. This gives you the opportunity to enhance your Monsties by awakening new skills and abilities in interesting combinations.\u25c6 Turn-Based BattlesMaster the three attack types to gain the upper hand during turn-based battles!The improved turn-based combat system allows you to experience the excitement of the main Monster Hunter titles while engaging in epic, strategic fights with monsters you encounter during your adventure.There are three attack types: Power, Speed, and Technical. By predicting your opponent's attack type and winning a Head-to-Head, you can inflict massive damage as well as greatly fill your Kinship Gauge. Duke it out using the weapons and armor that the Monster Hunter series is known for!Six weapon types from the familiar Monster Hunter series lineup are available in this game too. Master each of their unique characteristics and forge equipment to fit your individual playing style. Layered armor is also available, so you can hunt in style while wearing your favorite equipment.\u25c6 MultiplayerIn Multiplayer, you can connect with players from around the world! Team up in Co-Op Expedition Quests or face off against each other in Versus Battles.If one of you engages a monster while out in the field, the other player can enter the fray and lend a helping hand.Join forces with other Riders from all over the globe to search for rare eggs and take down fearsome monsters together.\u25c6 Downloadable ContentFrom hairstyles for your Rider to outfits for Ena and Navirou, there is a wide assortment of exciting downloadable content available.You can purchase downloadable content individually or in packs. You can even get all of the available downloadable content at once for a bargain with the All-In Extra Content Pack!Give the characters a fresh look and take your adventure to new heights!", + "short_description": "A new adventure awaits you in this second installment of the turn-based RPG series set in the world of Monster Hunter! Become a Rider and form bonds with friendly monsters known as Monsties to fight alongside them as you take part in an epic story.", + "genres": "Adventure", + "recommendations": 9914, + "score": 6.066102924768725 + }, + { + "type": "game", + "name": "Loop Hero", + "detailed_description": "The Lich has thrown the world into a timeless loop and plunged its inhabitants into never ending chaos. Wield an expanding deck of mystical cards to place enemies, buildings, and terrain along each unique expedition loop for the brave hero. Recover and equip powerful loot for each class of hero for their battles and expand the survivors' camp to reinforce each adventure through the loop. Unlock new classes, new cards, and devious guardians on your quest to shatter the endless cycle of despair. . Infinite Adventure: Select from unlockable character classes and deck cards before setting out on each expedition along a randomly generated loop path. No expedition is ever the same as the ones before it. . Plan Your Struggle: Strategically place building, terrain, and enemy cards along each loop to create your own dangerous path. Find balance between the cards to increase your chances of survival while recovering valuable loot and resources for your camp. . Loot and Upgrade: Strike down menacing creatures, recover stronger loot to equip on the fly and unlock new perks along the way. . Expand Your Camp: Turn hard-earned resources into campsite upgrades and gain valuable reinforcements with each completed loop along the expedition path. . Save the Lost World: Overcome a series of unholy guardian bosses over a grand saga to save the world and break the time loop of the Lich!", + "about_the_game": "The Lich has thrown the world into a timeless loop and plunged its inhabitants into never ending chaos. Wield an expanding deck of mystical cards to place enemies, buildings, and terrain along each unique expedition loop for the brave hero. Recover and equip powerful loot for each class of hero for their battles and expand the survivors' camp to reinforce each adventure through the loop. Unlock new classes, new cards, and devious guardians on your quest to shatter the endless cycle of despair. Infinite Adventure: Select from unlockable character classes and deck cards before setting out on each expedition along a randomly generated loop path. No expedition is ever the same as the ones before it.Plan Your Struggle: Strategically place building, terrain, and enemy cards along each loop to create your own dangerous path. Find balance between the cards to increase your chances of survival while recovering valuable loot and resources for your camp.Loot and Upgrade: Strike down menacing creatures, recover stronger loot to equip on the fly and unlock new perks along the way.Expand Your Camp: Turn hard-earned resources into campsite upgrades and gain valuable reinforcements with each completed loop along the expedition path. Save the Lost World: Overcome a series of unholy guardian bosses over a grand saga to save the world and break the time loop of the Lich!", + "short_description": "The Lich has thrown the world into a timeless loop and plunged its inhabitants into never ending chaos. Wield an expanding deck of mystical cards to place enemies, buildings, and terrain along each unique expedition loop for the brave hero.", + "genres": "Indie", + "recommendations": 29270, + "score": 6.77975109744735 + }, + { + "type": "game", + "name": "Guild Wars 2", + "detailed_description": "Guild Wars 2's open world is all about discovery and exploration. Check your content guide for suggestions when you set out on your adventures, consult your compass to find interesting landmarks\u2026or just pick your favorite direction to travel in and let adventure find you. Tyria is full of characters with their own stories and goals, and you'll be rewarded for helping them out\u2014or thwarting their plans\u2014by completing renown hearts and dynamic events. Read our new player guide for more tips!. . When you meet other players in the open world, you don't need to join their party to lend a helping hand, investigate a secret jumping puzzle, or team up against a deadly world boss. Don't grind; play the way you want to play! Whether you're reviving defeated players, rescuing soldiers from a Risen onslaught, or gathering herbs, you'll earn experience points. . Arm your character with an arsenal of new weapons as you play. Every profession wields them differently, and each type has its own playstyle, which you can refine and customize by unlocking and equipping hundreds of skills and traits. If you want to jump straight into structured PvP, go for it\u2014every player competes at the same level, with access to the max-level gear and build options you need to make your mark. . If you love fashion, express yourself with the perfect character design! When you equip new weapons and armor, you'll unlock their skins in your wardrobe. Make them truly yours with thousands of possible combinations and a massive selection of collectible dyes. . . Upgrade your free account with a Guild Wars 2 expansion and get access to log-in rewards, additional character and bag slots, expanded chat features, and more. Visit the Black Lion Trading Company in the game and use your Steam Wallet to upgrade. . . Expansions and Living World seasons feature unique rewards and new Masteries to expand your character's abilities. Unlock and upgrade your glider in Guild Wars 2: Heart of Thorns, befriend a stable of mounts with powerful movement skills in Guild Wars 2: Path of Fire, and learn to fish and pilot a skiff in Guild Wars 2: End of Dragons. Each expansion grants access to nine elite specializations that unlock new weapon choices, skills, and abilities for your profession. You'll also be able to select the revenant profession at character creation and channel legendary heroes and villains from Tyria's history. . Living World seasons continue the Guild Wars 2 story between expansions and must be purchased separately through your Story Journal or in Gem Store bundles. Play Living World episodes to unlock new explorable zones, rewards, and Masteries. . . . *Living World episodes become playable at level 80. Players may need to relaunch the game for the upgrade to take effect. **Please note that existing Guild Wars 2 player accounts cannot be accessed via Steam", + "about_the_game": "Guild Wars 2's open world is all about discovery and exploration. Check your content guide for suggestions when you set out on your adventures, consult your compass to find interesting landmarks\u2026or just pick your favorite direction to travel in and let adventure find you. Tyria is full of characters with their own stories and goals, and you'll be rewarded for helping them out\u2014or thwarting their plans\u2014by completing renown hearts and dynamic events. Read our new player guide for more tips!When you meet other players in the open world, you don't need to join their party to lend a helping hand, investigate a secret jumping puzzle, or team up against a deadly world boss. Don't grind; play the way you want to play! Whether you're reviving defeated players, rescuing soldiers from a Risen onslaught, or gathering herbs, you'll earn experience points. Arm your character with an arsenal of new weapons as you play. Every profession wields them differently, and each type has its own playstyle, which you can refine and customize by unlocking and equipping hundreds of skills and traits. If you want to jump straight into structured PvP, go for it\u2014every player competes at the same level, with access to the max-level gear and build options you need to make your mark. If you love fashion, express yourself with the perfect character design! When you equip new weapons and armor, you'll unlock their skins in your wardrobe. Make them truly yours with thousands of possible combinations and a massive selection of collectible dyes. Upgrade your free account with a Guild Wars 2 expansion and get access to log-in rewards, additional character and bag slots, expanded chat features, and more. Visit the Black Lion Trading Company in the game and use your Steam Wallet to upgrade. Expansions and Living World seasons feature unique rewards and new Masteries to expand your character's abilities. Unlock and upgrade your glider in Guild Wars 2: Heart of Thorns, befriend a stable of mounts with powerful movement skills in Guild Wars 2: Path of Fire, and learn to fish and pilot a skiff in Guild Wars 2: End of Dragons. Each expansion grants access to nine elite specializations that unlock new weapon choices, skills, and abilities for your profession. You'll also be able to select the revenant profession at character creation and channel legendary heroes and villains from Tyria's history. Living World seasons continue the Guild Wars 2 story between expansions and must be purchased separately through your Story Journal or in Gem Store bundles. Play Living World episodes to unlock new explorable zones, rewards, and Masteries.*Living World episodes become playable at level 80. Players may need to relaunch the game for the upgrade to take effect.**Please note that existing Guild Wars 2 player accounts cannot be accessed via Steam", + "short_description": "Guild Wars 2 is an award-winning online roleplaying game with fast-paced action combat, deep character customization, and no subscription fee required. Choose from an arsenal of professions and weapons, explore a vast open world, compete in PVP modes and more. Join over 16 million players now!", + "genres": "Adventure", + "recommendations": 153, + "score": 3.3205089760045947 + }, + { + "type": "game", + "name": "GWENT: The Witcher Card Game", + "detailed_description": "Check out other games from CD PROJEKT RED Check out other games from CD PROJEKT RED About the GameJoin in The Witcher universe\u2019s favorite card game \u2014 available for free! Blending the CCG and TCG genres, GWENT sees you clash in fast-paced online PvP duels that combine bluffing, on-the-fly decision making and careful deck construction. Collect and command Geralt, Yennefer and other iconic Witcher-world heroes. Grow your collectible arsenal with spells and special abilities that dramatically turn the tide of battle. Use deception and clever tricks in your strategy to win the fight in classic, seasonal and Arena modes. Play GWENT: The Witcher Card Game for free now!. FREE TO PLAY THAT\u2019S WORTH YOUR TIMEA fair and fun progression system turns the effort of building a competitive collection of cards into pure pleasure \u2014 simply collect new cards to build decks with as you play GWENT; no strings attached.STUNNING, ALL ACROSS THE BOARDBeautiful, hand-drawn art and mesmerizing visual effects breathe life into every card, battle and battlefield, making GWENT fun to play and every duel a joy to watch. . SKILL BEATS LUCKCrush the enemy with brute strength or outsmart them with clever tricks \u2014 no matter your deck, GWENT\u2019s unique round-based gameplay opens up a world of strategic possibilities to play with when fighting for victory.MORE THAN ONE WAY TO PLAYWhether it\u2019s a quick online game against a friend, a highly competitive PvP challenge, or something new and wildly adventurous like the Arena, GWENT\u2019s selection of game modes has got you covered. . EASILY SATISFYING, ANYTHING BUT EASYSling cards from your deck across two tactically distinct rows \u2014 melee and ranged. Gather more points in the duel against your opponent to win a round. Win two out of three rounds to win the battle. It won\u2019t be easy, but no one said it should be.NO HOLDING BACK, NO HOLDING HANDSYou start with 10 cards from your deck in hand, able to play each card right from the start. It\u2019s up to you to open the game with your strongest unit, or save the best for later in the fight. How will your deck look and what will your strategy be?", + "about_the_game": "Join in The Witcher universe\u2019s favorite card game \u2014 available for free! Blending the CCG and TCG genres, GWENT sees you clash in fast-paced online PvP duels that combine bluffing, on-the-fly decision making and careful deck construction. Collect and command Geralt, Yennefer and other iconic Witcher-world heroes. Grow your collectible arsenal with spells and special abilities that dramatically turn the tide of battle. Use deception and clever tricks in your strategy to win the fight in classic, seasonal and Arena modes. Play GWENT: The Witcher Card Game for free now!FREE TO PLAY THAT\u2019S WORTH YOUR TIMEA fair and fun progression system turns the effort of building a competitive collection of cards into pure pleasure \u2014 simply collect new cards to build decks with as you play GWENT; no strings attached.STUNNING, ALL ACROSS THE BOARDBeautiful, hand-drawn art and mesmerizing visual effects breathe life into every card, battle and battlefield, making GWENT fun to play and every duel a joy to watch.SKILL BEATS LUCKCrush the enemy with brute strength or outsmart them with clever tricks \u2014 no matter your deck, GWENT\u2019s unique round-based gameplay opens up a world of strategic possibilities to play with when fighting for victory.MORE THAN ONE WAY TO PLAYWhether it\u2019s a quick online game against a friend, a highly competitive PvP challenge, or something new and wildly adventurous like the Arena, GWENT\u2019s selection of game modes has got you covered.EASILY SATISFYING, ANYTHING BUT EASYSling cards from your deck across two tactically distinct rows \u2014 melee and ranged. Gather more points in the duel against your opponent to win a round. Win two out of three rounds to win the battle. It won\u2019t be easy, but no one said it should be.NO HOLDING BACK, NO HOLDING HANDSYou start with 10 cards from your deck in hand, able to play each card right from the start. It\u2019s up to you to open the game with your strongest unit, or save the best for later in the fight. How will your deck look and what will your strategy be?", + "short_description": "Command mighty Witcher-world heroes in epic online PvP card battles!", + "genres": "Free to Play", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Tiny Tina's Wonderlands", + "detailed_description": "Tiny Tina's Wonderlands: Chaotic Great Edition. THE CHAOTIC GREAT EDITION INCLUDES:. Full Game. Season Pass (Includes the Butt Stallion Pack, Blightcaller class, and 4 dungeons with new bosses, loot, and environments). Dragon Lord Pack Bonus Content. About the GameParty up with friends in cross-platform multiplayer!. Embark on an epic adventure full of whimsy, wonder, and high-powered weaponry! Bullets, magic, and broadswords collide across this chaotic fantasy world brought to life by the unpredictable Tiny Tina. Roll your own multiclass hero and loot, shoot, slash, and cast your way through outlandish monsters and loot-filled dungeons on a quest to stop the tyrannical Dragon Lord. Everyone's welcome, so join the party, throw on your adventuring boots, and be Chaotic Great!AN UNPREDICTABLE FANTASY WORLDTiny Tina is your disorderly guide through an extraordinary tabletop realm where rules rarely apply. Explore a vast overworld spanning majestic cities, dank mushroom forests, foreboding fortresses, and more!GUNS, SPELLS, AND MOREBlast baddies with powerful guns and devastating spells in frenetic first-person battles. Use your firepower to vanquish legions of enemies, including smack-talking skeletons, land-roaming sharks, and colossal bosses. Then delve deeper into dangerous dungeons for a shot at epic loot!PARTY UP TO DEFEAT EVILJoining you at the table are headstrong captain Valentine and rule-obsessed robot Frette. During your quest to defeat the Dragon Lord, you'll meet a cast of lovable misfits like a lute-wielding Bardbarian and your very own Fairy Punchfather.PERSONALIZE YOUR HEROCreate the perfect hero with deep customization, including a multiclass system that lets you mix and match six unique character skill trees, all with their own awesome abilities. Level up, refine your build, expand your arsenal, and become the ultimate adventurer.BAND TOGETHER IN CHAOTIC CO-OPEnjoy the story solo or start a party with up to three friends in seamless online multiplayer. Share the spoils or rush to get the shiniest loot\u2014how you play is up to you!", + "about_the_game": "Party up with friends in cross-platform multiplayer!Embark on an epic adventure full of whimsy, wonder, and high-powered weaponry! Bullets, magic, and broadswords collide across this chaotic fantasy world brought to life by the unpredictable Tiny Tina.Roll your own multiclass hero and loot, shoot, slash, and cast your way through outlandish monsters and loot-filled dungeons on a quest to stop the tyrannical Dragon Lord. Everyone's welcome, so join the party, throw on your adventuring boots, and be Chaotic Great!AN UNPREDICTABLE FANTASY WORLDTiny Tina is your disorderly guide through an extraordinary tabletop realm where rules rarely apply. Explore a vast overworld spanning majestic cities, dank mushroom forests, foreboding fortresses, and more!GUNS, SPELLS, AND MOREBlast baddies with powerful guns and devastating spells in frenetic first-person battles. Use your firepower to vanquish legions of enemies, including smack-talking skeletons, land-roaming sharks, and colossal bosses. Then delve deeper into dangerous dungeons for a shot at epic loot!PARTY UP TO DEFEAT EVILJoining you at the table are headstrong captain Valentine and rule-obsessed robot Frette. During your quest to defeat the Dragon Lord, you'll meet a cast of lovable misfits like a lute-wielding Bardbarian and your very own Fairy Punchfather.PERSONALIZE YOUR HEROCreate the perfect hero with deep customization, including a multiclass system that lets you mix and match six unique character skill trees, all with their own awesome abilities. Level up, refine your build, expand your arsenal, and become the ultimate adventurer.BAND TOGETHER IN CHAOTIC CO-OPEnjoy the story solo or start a party with up to three friends in seamless online multiplayer. Share the spoils or rush to get the shiniest loot\u2014how you play is up to you!", + "short_description": "Embark on an epic adventure full of whimsy, wonder, and high-powered weaponry! Roll your own multiclass hero then shoot, loot, slash, and cast on a quest to stop the Dragon Lord.", + "genres": "Action", + "recommendations": 9072, + "score": 6.007599059145474 + }, + { + "type": "game", + "name": "STAR WARS\u2122: The Old Republic\u2122", + "detailed_description": "STAR WARS\u2122: The Old Republic\u2122 is the only massively multiplayer online game with a Free-to-Play option that puts you at the center of your own story-driven STAR WARS\u2122 saga. Play as a Jedi, a Sith, a Bounty Hunter, or as one of many other iconic STAR WARS roles and explore the galaxy far, far away over three thousand years before the classic films. With 6 narrative expansions, become the hero of your own STAR WARS adventure as you choose your path down the Light or Dark side of the Force\u2122. . Create your legacy. Make meaningful choices throughout your journey and become the hero of your personal STAR WARS saga. The game includes an interactive storyline with cinematic dialogue and full voiceover for all in-game characters. . A growing world awaits. For more than 10 years, players have been able to live out their own STAR WARS stories. With the most recent Onslaught expansion, STAR WARS: The Old Republic continues to deliver ongoing content through regular updates. . 8 Unique Stories, 16 Combat Styles. Do you prefer the elegance of a lightsaber or the reliability of a good blaster by your side? Choose from one of 8 iconic, unique storylines, allowing you to create your own personal STAR WARS story. The Legacy of the Sith Expansion also introduces Combat Styles! Players can now separate their Class Story from gameplay style for an even greater customization experience. This frees up Advanced Class options as characters can choose any Advanced Class within the Tech or Force playstyle! Play as a Trooper wielding a Sniper Rifle, or a Sith Inquisitor with a lightsaber in each hand, or even secretly use Dark Side powers while posing as a member of the Jedi Order. . Explore numerous planets. Hoth, Tatooine, Alderaan, and over 20 other unique and vibrant planets offer exciting exploration and thrilling adventures around every corner!. . Multiplayer gameplay. Gather your allies to face challenging encounters against enemy bosses in Flashpoints and Operations, or battle against other players in Player vs. Player Warzones, Arenas, or Galactic Starfighter missions!. . Galactic Strongholds Want to take a break from the inter-galactic traveling and adventure? Kick back and relax with our player housing system called Galactic Strongholds! Whether it\u2019s overlooking the sandy dunes of Tatooine, the bright cityscape of Nar Shaddaa, or the tranquil mountains of Alderaan, there\u2019s a Stronghold for everyone. These destinations and more are available for your galactic homestead!. . Cartel Market. Only the slickest items can make their way to the Cartel Market, the premium marketplace for the galaxy\u2019s most sought-after commodities. Players wishing to buy things here will need to purchase in-game currency called Cartel Coins. Learn more about what Cartel Coins can unlock on our Cartel Coins Page. . Subscriber Benefits. STAR WARS: The Old Republic offers an optional subscription that allows you to experience even more of the STAR WARS universe. Benefits include an increased level cap of 80 and access to the most recent expansions: Legacy of the Sith, Onslaught, Knights of the Eternal Throne, and Knights of the Fallen Empire. In addition, you will receive a monthly Cartel Coin Grant, increased XP, and more. Details on Subscriber Benefits can be found on our Subscriber Page.", + "about_the_game": "STAR WARS\u2122: The Old Republic\u2122 is the only massively multiplayer online game with a Free-to-Play option that puts you at the center of your own story-driven STAR WARS\u2122 saga. Play as a Jedi, a Sith, a Bounty Hunter, or as one of many other iconic STAR WARS roles and explore the galaxy far, far away over three thousand years before the classic films. With 6 narrative expansions, become the hero of your own STAR WARS adventure as you choose your path down the Light or Dark side of the Force\u2122.Create your legacy. Make meaningful choices throughout your journey and become the hero of your personal STAR WARS saga. The game includes an interactive storyline with cinematic dialogue and full voiceover for all in-game characters.A growing world awaits. For more than 10 years, players have been able to live out their own STAR WARS stories. With the most recent Onslaught expansion, STAR WARS: The Old Republic continues to deliver ongoing content through regular updates.8 Unique Stories, 16 Combat Styles. Do you prefer the elegance of a lightsaber or the reliability of a good blaster by your side? Choose from one of 8 iconic, unique storylines, allowing you to create your own personal STAR WARS story. The Legacy of the Sith Expansion also introduces Combat Styles! Players can now separate their Class Story from gameplay style for an even greater customization experience. This frees up Advanced Class options as characters can choose any Advanced Class within the Tech or Force playstyle! Play as a Trooper wielding a Sniper Rifle, or a Sith Inquisitor with a lightsaber in each hand, or even secretly use Dark Side powers while posing as a member of the Jedi Order.Explore numerous planets. Hoth, Tatooine, Alderaan, and over 20 other unique and vibrant planets offer exciting exploration and thrilling adventures around every corner!Multiplayer gameplay. Gather your allies to face challenging encounters against enemy bosses in Flashpoints and Operations, or battle against other players in Player vs. Player Warzones, Arenas, or Galactic Starfighter missions!Galactic Strongholds Want to take a break from the inter-galactic traveling and adventure? Kick back and relax with our player housing system called Galactic Strongholds! Whether it\u2019s overlooking the sandy dunes of Tatooine, the bright cityscape of Nar Shaddaa, or the tranquil mountains of Alderaan, there\u2019s a Stronghold for everyone. These destinations and more are available for your galactic homestead!Cartel Market. Only the slickest items can make their way to the Cartel Market, the premium marketplace for the galaxy\u2019s most sought-after commodities. Players wishing to buy things here will need to purchase in-game currency called Cartel Coins. Learn more about what Cartel Coins can unlock on our Cartel Coins Page.Subscriber Benefits. STAR WARS: The Old Republic offers an optional subscription that allows you to experience even more of the STAR WARS universe. Benefits include an increased level cap of 80 and access to the most recent expansions: Legacy of the Sith, Onslaught, Knights of the Eternal Throne, and Knights of the Fallen Empire. In addition, you will receive a monthly Cartel Coin Grant, increased XP, and more. Details on Subscriber Benefits can be found on our Subscriber Page.", + "short_description": "STAR WARS\u2122: The Old Republic\u2122 is a free-to-play MMORPG that puts you at the center of your own story-driven saga. Play as a Jedi, Sith, Bounty Hunter, or one of many other iconic STAR WARS roles in the galaxy far, far away over three thousand years before the classic films.", + "genres": "Free to Play", + "recommendations": 338, + "score": 3.8406725609231573 + }, + { + "type": "game", + "name": "Helltaker", + "detailed_description": "You woke up one day with a dream. Harem full of demon girls. You've opened the portal in hopes of fulfilling your wildest desires. Hellfire burns through your lungs, death awaits around every corner and everything looks like from a cutesy mobile game. You are in hell. . Features:Traverse hell in search of love. . Win the hearts of horrible demon girls. . Kick adorable skeletons around. . Solve puzzles as efficiently as possible. . Or just skip puzzles in the menu. . Try to not get murdered by demon girls. . Get murdered by demon girls anyway. .", + "about_the_game": "You woke up one day with a dream. Harem full of demon girls. You've opened the portal in hopes of fulfilling your wildest desires. Hellfire burns through your lungs, death awaits around every corner and everything looks like from a cutesy mobile game. You are in hell.Features:Traverse hell in search of love.Win the hearts of horrible demon girls.Kick adorable skeletons around.Solve puzzles as efficiently as possible.Or just skip puzzles in the menu.Try to not get murdered by demon girls.Get murdered by demon girls anyway.", + "short_description": "Helltaker is a short game about sharply dressed demon girls.", + "genres": "Adventure", + "recommendations": 386, + "score": 3.927970786656231 + }, + { + "type": "game", + "name": "Forza Horizon 4", + "detailed_description": "Forza Horizon 4 Ultimate Edition. The Forza Horizon 4 Ultimate Edition digital bundle includes the full game and Car Pass, VIP Membership, Formula Drift Car Pack, Best of Bond Car Pack, and the Fortune Island and LEGO\u00ae Speed Champions game expansions. Forza Horizon 4 Deluxe Edition. The Forza Horizon 4 Deluxe Edition digital bundle includes the Car Pass and the Formula Drift Car Pack. About the GameDynamic seasons change everything at the world\u2019s greatest automotive festival. Go it alone or team up with others to explore beautiful and historic Britain in a shared open world. Collect, modify and drive over 450 cars. Race, stunt, create and explore \u2013 choose your own path to become a Horizon Superstar. . Collect Over 450 Cars. Enjoy the largest and most diverse Horizon car roster yet, including over 100 licensed manufacturers. Race. Stunt. Create. Explore. In the new open-ended campaign, everything you do progresses your game. Explore a Shared World. Real players populate your world. When time of day, weather and seasons change, everyone playing the game experiences it at the same time. Explore Beautiful, Historic Britain. This is Britain Like You\u2019ve Never Seen it. Discover lakes, valleys, castles, and breathtaking scenery all in spectacular native 4K and HDR.", + "about_the_game": "Dynamic seasons change everything at the world\u2019s greatest automotive festival. Go it alone or team up with others to explore beautiful and historic Britain in a shared open world. Collect, modify and drive over 450 cars. Race, stunt, create and explore \u2013 choose your own path to become a Horizon Superstar.Collect Over 450 CarsEnjoy the largest and most diverse Horizon car roster yet, including over 100 licensed manufacturers.Race. Stunt. Create. Explore.In the new open-ended campaign, everything you do progresses your game.Explore a Shared WorldReal players populate your world. When time of day, weather and seasons change, everyone playing the game experiences it at the same time.Explore Beautiful, Historic BritainThis is Britain Like You\u2019ve Never Seen it. Discover lakes, valleys, castles, and breathtaking scenery all in spectacular native 4K and HDR.", + "short_description": "Dynamic seasons change everything at the world\u2019s greatest automotive festival. Go it alone or team up with others to explore beautiful and historic Britain in a shared open world.", + "genres": "Racing", + "recommendations": 174663, + "score": 7.957311345119971 + }, + { + "type": "game", + "name": "\u6696\u96ea Warm Snow", + "detailed_description": "Full game now available!Please feel free to leave us feedback in our community. Join our discord channel to get more information and chat with the devs: About the GameWhile the rich stinks of meat and wine, the bones of the poor litter the roadside. Great injustice often leads to strange occurrences. Snow in July can only be remedied through blood. . Join our discord channel to get more information and chat with the devs: \u3010A Dark Tale of Sword and Snow\u3011. A strange phenomenon appeared during the 27th Year of the Longwu Era. Snow fell from the sky, which was warm rather than cold to the touch, and did not melt. People who breathed in the 'Warm Snow' lost their minds and became monsters. This phenomenon was later known as 'Warm Snow'. Embark on a journey as Warrior 'Bi-an' to search for the truth behind the 'Warm Snow' and put an end to the this never-ending darkness. . \u3010Countless Combinations\u3011. Six sects, varied Relics, unpredictable excaliburs, the game is full of Rogue-like elements which will keep each challenge in your journey fresh and unique. Each time you venture into the world would be a whole-new experience, pick your favorite playing style and challenge yourself. . \u3010Thrilling Flying Sword System\u3011. Perform critical destruction with swords that flicker between shadow and light. Control your flying swords with different attributes, attack modes and Relic boosts. . \u3010Reincarnate and Collect the Fragments of Truth\u3011. You decide how you will grow stronger!. Boost your abilities with talent points that you can assign at will. The truth about this world is hidden in the randomly dropped 'Memory Fragments'. Are you ready to discover the secrets behind the Five Great Clans and reveal the truth of this world?", + "about_the_game": "While the rich stinks of meat and wine, the bones of the poor litter the roadside..Great injustice often leads to strange occurrences.Snow in July can only be remedied through blood.Join our discord channel to get more information and chat with the devs: Dark Tale of Sword and Snow\u3011A strange phenomenon appeared during the 27th Year of the Longwu Era. Snow fell from the sky, which was warm rather than cold to the touch, and did not melt. People who breathed in the 'Warm Snow' lost their minds and became monsters. This phenomenon was later known as 'Warm Snow'. Embark on a journey as Warrior 'Bi-an' to search for the truth behind the 'Warm Snow' and put an end to the this never-ending darkness.\u3010Countless Combinations\u3011Six sects, varied Relics, unpredictable excaliburs, the game is full of Rogue-like elements which will keep each challenge in your journey fresh and unique.Each time you venture into the world would be a whole-new experience, pick your favorite playing style and challenge yourself.\u3010Thrilling Flying Sword System\u3011Perform critical destruction with swords that flicker between shadow and light. Control your flying swords with different attributes, attack modes and Relic boosts. \u3010Reincarnate and Collect the Fragments of Truth\u3011You decide how you will grow stronger!Boost your abilities with talent points that you can assign at will.The truth about this world is hidden in the randomly dropped 'Memory Fragments'.Are you ready to discover the secrets behind the Five Great Clans and reveal the truth of this world?", + "short_description": "'Warm Snow' is a Rogue-like action game with a background set in a dark fantasy world, where the eerie 'Warm Snow' holds sway. You will play as the Warrior 'Bi-an' on a crusade against the Five Great Clans, in order to save a world teetering on the brink of destruction.", + "genres": "Action", + "recommendations": 25794, + "score": 6.69641352108563 + }, + { + "type": "game", + "name": "Knockout City\u2122", + "detailed_description": "Knockout City\u2122 Deluxe EditionKnockout City is now Free-to-Play, inviting brawlers everywhere to experience the frantic, non-stop action of dodgebrawl. . Knockout City\u2122 Deluxe Edition includes:. 1 exclusive Epic outfit. 1 exclusive Epic Crew vehicle. 3 exclusive Epic Crew logos. 3 exclusive Epic Crew banners. 1000 Holobux***. Deluxe Exclusives \u2014 Duke it out with other ballers while repping your Crew\u2019s status with exclusive Epic Deluxe Edition rewards, including 1 outfit, a Crew vehicle, 3 Crew logos and 3 Crew banners. Plus, start with 1000 Holobux to spend in the Brawl Shop. About the GameKnockout City is now Free-to-Play, inviting brawlers everywhere to experience the frantic, non-stop action of dodgebrawl. . Team up and duke it out with rival Crews in Knockout City**, where you settle the score with epic dodgeball battles. Brace yourself for outrageous fun and intense competition in an all-new take on team-based multiplayer games. . Customize your character and form a Crew with friends to start your Knockout City takeover. Knock out opponents with trick shots and coordinated teamwork while dodging and catching balls flying across the map. No ball? No problem! You can literally ball up, roll into a teammate\u2019s hands and become the ultimate weapon. . A variety of outlandish ball types, locations and game modes keep it exciting. Plus, each season introduces new maps, ball types, rewards, events and challenges. Throw, catch, pass, dodge and tackle your way to dodgeball dominance. . . KEY FEATURES. Frantic and Fun \u2014 Rule the city through lightning-fast multiplayer matches featuring mind-blowing dodgeball mechanics. Increase your attack by passing to power up dodgeballs, targeting your opponents with a variety of specialized balls or \u201cballing up\u201d at any time to get thrown by teammates. . Crew Up \u2014 Assemble an all-star dodgeball Crew with your friends for multiplayer matches in a seamless cross-play experience. Together, knock out opponents in 3v3, 4v4 or free-for-all matches. Pass, throw and strategize as a team to dominate and unlock distinctive, Crew-only rewards. . Define Your Style \u2014 Show off your status and unique look through character and Crew designs with expansive character creation options. Customize your appearance, gear and attitude \u2014 from body type and hairstyle to a custom glider and Crew vehicle to win, lose and taunt animations. . Take On Knockout City \u2014 Battle it out with other Crews across dynamic maps all over the city. Each map\u2019s special features make every match an intense, unexpected experience. Dodgeball thrives in back alleys with pneumatic tubes, on skyscraper rooftops, across busy streets and even at the local burger joint and construction sites. While you\u2019re dodging dodgeballs, watch out for moving cars, rooftop drops, and even a wrecking ball or two. . Strikingly Fresh Yet Familiar \u2014 It\u2019s easy to pick up and play thanks to familiar controls, but practice is key to becoming a champion. On a level playing field, only the most skilled ballers stand out from the crowd. Use your knowledge to master the intricacies of the game for spectacular KOs. . KEY FEATURES. Frantic and Fun \u2014 Rule the city through lightning-fast multiplayer matches featuring mind-blowing dodgeball mechanics. Increase your attack by passing to power up dodgeballs, targeting your opponents with a variety of specialized balls or \u201cballing up\u201d at any time to get thrown by teammates. . Crew Up \u2014 Assemble an all-star dodgeball Crew with your friends for multiplayer matches in a seamless cross-play experience. Together, knock out opponents in 3v3, 4v4 or free-for-all matches. Pass, throw and strategize as a team to dominate and unlock distinctive, Crew-only rewards. . Define Your Style \u2014 Show off your status and unique look through character and Crew designs with expansive character creation options. Customize your appearance, gear and attitude \u2014 from body type and hairstyle to a custom glider and Crew vehicle to win, lose and taunt animations. . Take On Knockout City \u2014 Battle it out with other Crews across dynamic maps all over the city. Each map\u2019s special features make every match an intense, unexpected experience. Dodgeball thrives in back alleys with pneumatic tubes, on skyscraper rooftops, across busy streets and even at the local burger joint and construction sites. While you\u2019re dodging dodgeballs, watch out for moving cars, rooftop drops, and even a wrecking ball or two. . Strikingly Fresh Yet Familiar \u2014 It\u2019s easy to pick up and play thanks to familiar controls, but practice is key to becoming a champion. On a level playing field, only the most skilled ballers stand out from the crowd. Use your knowledge to master the intricacies of the game for spectacular KOs.", + "about_the_game": "Knockout City is now Free-to-Play, inviting brawlers everywhere to experience the frantic, non-stop action of dodgebrawl.Team up and duke it out with rival Crews in Knockout City**, where you settle the score with epic dodgeball battles. Brace yourself for outrageous fun and intense competition in an all-new take on team-based multiplayer games.Customize your character and form a Crew with friends to start your Knockout City takeover. Knock out opponents with trick shots and coordinated teamwork while dodging and catching balls flying across the map. No ball? No problem! You can literally ball up, roll into a teammate\u2019s hands and become the ultimate weapon.A variety of outlandish ball types, locations and game modes keep it exciting. Plus, each season introduces new maps, ball types, rewards, events and challenges. Throw, catch, pass, dodge and tackle your way to dodgeball dominance.KEY FEATURESFrantic and Fun \u2014 Rule the city through lightning-fast multiplayer matches featuring mind-blowing dodgeball mechanics. Increase your attack by passing to power up dodgeballs, targeting your opponents with a variety of specialized balls or \u201cballing up\u201d at any time to get thrown by teammates.Crew Up \u2014 Assemble an all-star dodgeball Crew with your friends for multiplayer matches in a seamless cross-play experience. Together, knock out opponents in 3v3, 4v4 or free-for-all matches. Pass, throw and strategize as a team to dominate and unlock distinctive, Crew-only rewards.Define Your Style \u2014 Show off your status and unique look through character and Crew designs with expansive character creation options. Customize your appearance, gear and attitude \u2014 from body type and hairstyle to a custom glider and Crew vehicle to win, lose and taunt animations.Take On Knockout City \u2014 Battle it out with other Crews across dynamic maps all over the city. Each map\u2019s special features make every match an intense, unexpected experience. Dodgeball thrives in back alleys with pneumatic tubes, on skyscraper rooftops, across busy streets and even at the local burger joint and construction sites. While you\u2019re dodging dodgeballs, watch out for moving cars, rooftop drops, and even a wrecking ball or two.Strikingly Fresh Yet Familiar \u2014 It\u2019s easy to pick up and play thanks to familiar controls, but practice is key to becoming a champion. On a level playing field, only the most skilled ballers stand out from the crowd. Use your knowledge to master the intricacies of the game for spectacular KOs. KEY FEATURESFrantic and Fun \u2014 Rule the city through lightning-fast multiplayer matches featuring mind-blowing dodgeball mechanics. Increase your attack by passing to power up dodgeballs, targeting your opponents with a variety of specialized balls or \u201cballing up\u201d at any time to get thrown by teammates. Crew Up \u2014 Assemble an all-star dodgeball Crew with your friends for multiplayer matches in a seamless cross-play experience. Together, knock out opponents in 3v3, 4v4 or free-for-all matches. Pass, throw and strategize as a team to dominate and unlock distinctive, Crew-only rewards. Define Your Style \u2014 Show off your status and unique look through character and Crew designs with expansive character creation options. Customize your appearance, gear and attitude \u2014 from body type and hairstyle to a custom glider and Crew vehicle to win, lose and taunt animations.Take On Knockout City \u2014 Battle it out with other Crews across dynamic maps all over the city. Each map\u2019s special features make every match an intense, unexpected experience. Dodgeball thrives in back alleys with pneumatic tubes, on skyscraper rooftops, across busy streets and even at the local burger joint and construction sites. While you\u2019re dodging dodgeballs, watch out for moving cars, rooftop drops, and even a wrecking ball or two. Strikingly Fresh Yet Familiar \u2014 It\u2019s easy to pick up and play thanks to familiar controls, but practice is key to becoming a champion. On a level playing field, only the most skilled ballers stand out from the crowd. Use your knowledge to master the intricacies of the game for spectacular KOs.", + "short_description": "Team up and duke it out with rival Crews in Knockout City\u2122, where EPIC DODGEBALL BATTLES settle the score in team-based multiplayer matches. Throw, catch, pass, dodge, and tackle your way to dodgeball dominance!", + "genres": "Action", + "recommendations": 5018, + "score": 5.617287414914437 + }, + { + "type": "game", + "name": "Cult of the Lamb", + "detailed_description": "Cult of the Lamb: Relics of the Old Faith. The Lamb must keep their Cult flourishing, their Followers faithful, and their power unchallenged as they crusade in this free content expansion, Relics of the Old Faith. It adds brand new ways to spread the gospel of the Cult of the Lamb with powerful new abilities, exciting new characters, and thrilling new challenges. . Delve into the shrouded history of the Lands of the Old Faith as the Lamb fights to conquer those who would question their power. New Cult buildings will appease your Followers while new combat abilities will smite opposing heretics. Uncover the secrets of the Old Faith so you can be the God you want to be in this massive content expansion!New CombatThe expansion brings a deeper layer to dungeon crawling for new and returning players. With powerful Relic abilities, heavy attacks for each weapon class, and dozens of items to find, the Lamb will unleash delightful devastation.New PostgameAnother challenge awaits after completing the main story. Revamped dungeons, mysterious characters and challenging boss encounters are in your new quest as the God of Death. Along the way, you can unlock Follower forms, fleeces, unchosen doctrines and more.New ChallengesPut your skills to the test with several new challenge modes for combatively competent Cult leaders. Boss Rush, Permadeath and other unique challenges await after defeating the final boss.Cult of the Lamb: Heretic Pack. About the Game. Cult of the Lamb casts players in the role of a possessed lamb saved from annihilation by an ominous stranger, and must repay their debt by building a loyal following in his name. Start your own cult in a land of false prophets, venturing out into diverse and mysterious regions to build a loyal community of woodland Followers and spread your Word to become the one true cult.BUILD YOUR FLOCKCollect and use resources to build new structures, perform dark rituals to appease the gods, and give sermons to reinforce the faith of your flock. . DESTROY THE NON-BELIEVERSExplore a sprawling, randomly generated world, fight off hordes of enemies and defeat rival cult leaders in order to absorb their power and assert your cult's dominance. . SPREAD YOUR WORD Train your flock and embark on a quest to explore and discover the secrets of four mysterious regions. Cleanse the non-believers, spread enlightenment, and perform mystical rituals on the journey to become the mighty lamb god. .", + "about_the_game": "Cult of the Lamb casts players in the role of a possessed lamb saved from annihilation by an ominous stranger, and must repay their debt by building a loyal following in his name. Start your own cult in a land of false prophets, venturing out into diverse and mysterious regions to build a loyal community of woodland Followers and spread your Word to become the one true cult.BUILD YOUR FLOCKCollect and use resources to build new structures, perform dark rituals to appease the gods, and give sermons to reinforce the faith of your flock.DESTROY THE NON-BELIEVERSExplore a sprawling, randomly generated world, fight off hordes of enemies and defeat rival cult leaders in order to absorb their power and assert your cult's dominance.SPREAD YOUR WORD Train your flock and embark on a quest to explore and discover the secrets of four mysterious regions. Cleanse the non-believers, spread enlightenment, and perform mystical rituals on the journey to become the mighty lamb god.", + "short_description": "Start your own cult in a land of false prophets, venturing out into diverse and mysterious regions to build a loyal community of woodland Followers and spread your Word to become the one true cult.", + "genres": "Action", + "recommendations": 48896, + "score": 7.118014259642073 + }, + { + "type": "game", + "name": "EA SPORTS\u2122 FIFA 21", + "detailed_description": "GET THE LATEST VERSION OF EA SPORTS\u2122 FIFA THE LATEST EDITION EA SPORTS\u2122 FIFA 21 Champions EditionFIFA 21 Champions Edition includes:. 5 Rare Gold Packs. Kylian Mbapp\u00e9 Loan Item, for 5 FUT matches. Career Mode Homegrown Talent \u2014 A local youth prospect with world-class potential. . FUT Ambassador Loan Item - Choose 1 of 3 player items (Trent Alexander-Arnold, Jo\u00e3o F\u00e9lix, Erling Haaland) for 3 FUT matches. . Soundtrack Artist FUT Kits and Stadium Items. Win as one in EA SPORTS\u2122 FIFA 21, with new ways to team up on the street and in the stadium to enjoy even bigger victories together. . This game includes optional in-game purchases of virtual currency that can be used to acquire a random selection of virtual in-game items. EA SPORTS\u2122 FIFA 21 Ultimate EditionFIFA 21 Ultimate Edition includes:. 10 Rare Gold Packs. Kylian Mbapp\u00e9 Loan Item, for 5 FUT matches. Career Mode Homegrown Talent \u2014 A local youth prospect with world-class potential. . FUT Ambassador Loan Item - Choose 1 of 3 player items (Trent Alexander-Arnold, Jo\u00e3o F\u00e9lix, Erling Haaland) for 3 FUT matches. Soundtrack Artist FUT Kits and Stadium Items. Win as one in EA SPORTS\u2122 FIFA 21, with new ways to team up on the street and in the stadium to enjoy even bigger victories together. . This game includes optional in-game purchases of virtual currency that can be used to acquire a random selection of virtual in-game items. About the GameWhat is FIFA?. Play The World's Game with 17,000+ players, over 700 teams in 90+ stadiums, and more than 30 leagues from all over the globe. . GAME MODES. VOLTA FOOTBALL \u2014 For the first time on Steam, FIFA 21 presents: VOLTA FOOTBALL, a game mode that strips football back to its core. Experience the soul of the streets together with friends as you create your Avatar with the freshest gear and show off your style in over 20 football playgrounds around the world throughout various forms of small-sided football. We created VOLTA SQUADS so you can experience a more social street football experience, joining together with up to 3 friends or dropping into the community with other VOLTA FOOTBALL players. . FIFA Ultimate Team (FUT) \u2014 Join the most popular mode in FIFA, where you can build your dream squad of players past and present. For the first time, we\u2019ve introduced FUT Co-Op, a new way to team up with a friend online and compete for rewards. Join forces in both Division Rivals and Squad Battles to earn weekly progress, and work towards brand new Co-Op Objectives that reward playing together beyond winning on the pitch. Choose sights, seats, sounds, and more as you build your dream stadium. Pack the seats, pick some epic Tifos, and grow your home ground on the way to the global stage. . Career Mode \u2014 Manage every moment in FIFA 21 Career Mode with new additions that create more depth in matches, transfers, and training. Manage your team in licensed versions of the world\u2019s biggest competitions \u2014 including the UEFA Champions League, CONMEBOL Libertadores, Premier League, LaLiga Santander, and Bundesliga \u2014 as you take your team to the top. . House Rules \u2014 House Rules are back in FIFA 21. The premise of House Rules is simple. You can play matches that follow a different set of rules or even no rules at all. This creates space to have fun in between your serious matches. It's also a good way to introduce friends and new players to FIFA 21, allowing them to get comfortable with The World\u2019s Game. With exciting play modes like Survival and No Rules, there is something for everybody to play. When playing FIFA 21 on Steam, you can use your DUALSHOCK 4 and Xbox controllers to play your way. . . This game includes optional in-game purchases of virtual currency that can be used to acquire a random selection of virtual in-game items.", + "about_the_game": "What is FIFA?Play The World's Game with 17,000+ players, over 700 teams in 90+ stadiums, and more than 30 leagues from all over the globe.GAME MODESVOLTA FOOTBALL \u2014 For the first time on Steam, FIFA 21 presents: VOLTA FOOTBALL, a game mode that strips football back to its core. Experience the soul of the streets together with friends as you create your Avatar with the freshest gear and show off your style in over 20 football playgrounds around the world throughout various forms of small-sided football. We created VOLTA SQUADS so you can experience a more social street football experience, joining together with up to 3 friends or dropping into the community with other VOLTA FOOTBALL players.FIFA Ultimate Team (FUT) \u2014 Join the most popular mode in FIFA, where you can build your dream squad of players past and present. For the first time, we\u2019ve introduced FUT Co-Op, a new way to team up with a friend online and compete for rewards. Join forces in both Division Rivals and Squad Battles to earn weekly progress, and work towards brand new Co-Op Objectives that reward playing together beyond winning on the pitch. Choose sights, seats, sounds, and more as you build your dream stadium. Pack the seats, pick some epic Tifos, and grow your home ground on the way to the global stage.Career Mode \u2014 Manage every moment in FIFA 21 Career Mode with new additions that create more depth in matches, transfers, and training. Manage your team in licensed versions of the world\u2019s biggest competitions \u2014 including the UEFA Champions League, CONMEBOL Libertadores, Premier League, LaLiga Santander, and Bundesliga \u2014 as you take your team to the top.House Rules \u2014 House Rules are back in FIFA 21. The premise of House Rules is simple. You can play matches that follow a different set of rules or even no rules at all. This creates space to have fun in between your serious matches. It's also a good way to introduce friends and new players to FIFA 21, allowing them to get comfortable with The World\u2019s Game. With exciting play modes like Survival and No Rules, there is something for everybody to play.When playing FIFA 21 on Steam, you can use your DUALSHOCK 4 and Xbox controllers to play your way.This game includes optional in-game purchases of virtual currency that can be used to acquire a random selection of virtual in-game items.", + "short_description": "Football is back with EA SPORTS\u2122 FIFA 21, featuring more ways to team up on the street or in the stadium to enjoy even bigger victories with friends.", + "genres": "Simulation", + "recommendations": 40435, + "score": 6.992763530191018 + }, + { + "type": "game", + "name": "Sons Of The Forest", + "detailed_description": "An entirely new experience from the makers of the \u2018The Forest\u2019. . Sent to find a missing billionaire on a remote island, you find yourself in a cannibal-infested hellscape. Craft, build, and struggle to survive, alone or with friends, in this terrifying new open-world survival horror simulator.A Survival Horror Simulator. Experience complete freedom to tackle the world how you want. You decide what you do, where to go and how best to survive. There are no NPC's barking orders at you or giving you missions you don't want to do. You give the orders, you choose what happens next.Fight Demons. Enter a world where nowhere is safe and fight against a range of mutated creatures, some who are almost human like, and others who are like nothing you have ever seen before. Armed with pistols, axes, stun batons and more, protect yourself and those you care for.Build and Craft. Feel every interaction; Break sticks to make fires. Use an axe to cut out windows and floors. Build a small cabin, or a sea-side compound, the choice is yours.Changing Seasons. Pluck fresh salmon directly from streams in spring and summer. Collect and store meat for the cold winter months. You're not alone on this island, so as winter rolls in and food and resources become scarce you won't be the only one looking for a meal.Co-op Gameplay. Survive alone, or with friends. Share items and work together to build defenses. Bring back-up to explore above and below ground.", + "about_the_game": "An entirely new experience from the makers of the \u2018The Forest\u2019Sent to find a missing billionaire on a remote island, you find yourself in a cannibal-infested hellscape. Craft, build, and struggle to survive, alone or with friends, in this terrifying new open-world survival horror simulator.A Survival Horror SimulatorExperience complete freedom to tackle the world how you want. You decide what you do, where to go and how best to survive. There are no NPC's barking orders at you or giving you missions you don't want to do. You give the orders, you choose what happens next.Fight DemonsEnter a world where nowhere is safe and fight against a range of mutated creatures, some who are almost human like, and others who are like nothing you have ever seen before. Armed with pistols, axes, stun batons and more, protect yourself and those you care for.Build and CraftFeel every interaction; Break sticks to make fires. Use an axe to cut out windows and floors. Build a small cabin, or a sea-side compound, the choice is yours.Changing SeasonsPluck fresh salmon directly from streams in spring and summer. Collect and store meat for the cold winter months. You're not alone on this island, so as winter rolls in and food and resources become scarce you won't be the only one looking for a meal.Co-op GameplaySurvive alone, or with friends. Share items and work together to build defenses. Bring back-up to explore above and below ground.", + "short_description": "Sent to find a missing billionaire on a remote island, you find yourself in a cannibal-infested hellscape. Craft, build, and struggle to survive, alone or with friends, in this terrifying new open-world survival horror simulator.", + "genres": "Action", + "recommendations": 124233, + "score": 7.732713587877771 + }, + { + "type": "game", + "name": "Stray", + "detailed_description": "You Might Also Like About the GameLost, alone and separated from family, a stray cat must untangle an ancient mystery to escape a long-forgotten city. . Stray is a third-person cat adventure game set amidst the detailed, neon-lit alleys of a decaying cybercity and the murky environments of its seedy underbelly. Roam surroundings high and low, defend against unforeseen threats and solve the mysteries of this unwelcoming place inhabited by curious droids and dangerous creatures. . See the world through the eyes of a cat and interact with the environment in playful ways. Be stealthy, nimble, silly, and sometimes as annoying as possible with the strange inhabitants of this mysterious world. . Along the way, the cat befriends a small flying drone, known only as B-12. With the help of this newfound companion, the duo must find a way out. . Stray is developed by BlueTwelve Studio, a small team from the south of France mostly made up of cats and a handful of humans.", + "about_the_game": "Lost, alone and separated from family, a stray cat must untangle an ancient mystery to escape a long-forgotten city. \r\n\r\nStray is a third-person cat adventure game set amidst the detailed, neon-lit alleys of a decaying cybercity and the murky environments of its seedy underbelly. Roam surroundings high and low, defend against unforeseen threats and solve the mysteries of this unwelcoming place inhabited by curious droids and dangerous creatures. \r\n\r\nSee the world through the eyes of a cat and interact with the environment in playful ways. Be stealthy, nimble, silly, and sometimes as annoying as possible with the strange inhabitants of this mysterious world. \r\n\r\nAlong the way, the cat befriends a small flying drone, known only as B-12. With the help of this newfound companion, the duo must find a way out. \r\n\r\nStray is developed by BlueTwelve Studio, a small team from the south of France mostly made up of cats and a handful of humans.", + "short_description": "Lost, alone and separated from family, a stray cat must untangle an ancient mystery to escape a long-forgotten cybercity and find their way home.", + "genres": "Adventure", + "recommendations": 109049, + "score": 7.646776140390906 + }, + { + "type": "game", + "name": "Action Taimanin", + "detailed_description": "SYNOPSISTokyo. The demonic city, plagued with the demons from the dark realms. The ancient rule has prohibited the demons from interfering with humans,. but with the humanity's dark descent, the pact is now history,. and the treacherous syndicates weave crime and chaos throughout the world. In order to protect the nation, the Japanese government has established a special force,. consisted of ninjas who, with their might and skills, can fight against the demonic invasion. The world will know them. as the taimanins. . A new task force is established, composed of taimanins, to fight against the international threats and terrorist attacks. The task force's first mission is to retrieve the bio-weapon stolen from UFS base. . The mission takes a wild twist, as an unexpected alliance joins the team,. and equally unexpected adversary reveals himself - a man who knows Igawa Asagi, the Almighty Taimanin. . COMBATIntense hack-and-slash action with simple taps and swipes!. Combine skills, supporters, and weapons to customize your combat style!. . CHARACTERS3+ gorgeous playable characters and 30+ lovable supporter characters from the famed Taimanin franchise at your service!. Win their flavor to unlock exclusive, intimate visual novel stories!PRIVATE ROOMPose and deploy the 3D models and create your own action screenshots!. All playable characters and enemies available for 3D sandbox fun!", + "about_the_game": "SYNOPSISTokyo. The demonic city, plagued with the demons from the dark realms.The ancient rule has prohibited the demons from interfering with humans,but with the humanity's dark descent, the pact is now history,and the treacherous syndicates weave crime and chaos throughout the world.In order to protect the nation, the Japanese government has established a special force,consisted of ninjas who, with their might and skills, can fight against the demonic invasion.The world will know them... as the taimanins.A new task force is established, composed of taimanins, to fight against the international threats and terrorist attacks.The task force's first mission is to retrieve the bio-weapon stolen from UFS base.The mission takes a wild twist, as an unexpected alliance joins the team,and equally unexpected adversary reveals himself - a man who knows Igawa Asagi, the Almighty Taimanin.......COMBATIntense hack-and-slash action with simple taps and swipes!Combine skills, supporters, and weapons to customize your combat style!CHARACTERS3+ gorgeous playable characters and 30+ lovable supporter characters from the famed Taimanin franchise at your service!Win their flavor to unlock exclusive, intimate visual novel stories!PRIVATE ROOMPose and deploy the 3D models and create your own action screenshots!All playable characters and enemies available for 3D sandbox fun!", + "short_description": "An intense, gorgeous hack-and-slash action RPG from the Taimanin fame!", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Old School RuneScape", + "detailed_description": "Greetings, adventurer! Rooted in the origin of MMOs, Old School RuneScape is the only ever-lasting, ever-evolving adventure that is shaped by you. . Released way back in 2013, Old School RuneScape is RuneScape as you *used* to know it! Based on the 2007 build of the globally popular open world fantasy MMORPG, Old School is constantly updated with improvements and new content voted on by you, the fans! The close relationship between developers and players is central to what makes Old School so magical. . . So, you want to be a master cook? Or a powerful mage? Whether you\u2019re here for the rich story and lore, the challenging combat, to fight alongside others or against them, to journey alone or simply to experience the magical world of Gielinor, Old School can be any adventure you want. . Master 23 diverse skills across a huge array of play styles. Take on over 140 quests spanning the fascinating and varied game world. Confront dozens and dozens of bosses. Risk everything in an assortment of PvP encounters. Profit from a thriving and dynamic in-game economy. . Some people just want to hang out with friends. And you\u2019ll find plenty of folk to do that with in Gielinor. But those who want seek a different kind of adventure have plenty of choices, too. . No matter what you\u2019re specializing in, the quest for the best loot will have skillers and perfectionists obsessing over their character builds. The strongest wand, the mightiest bow, the most *fabulous* hat \u2013 there\u2019s always something to aim for. . And if you\u2019re among the most ardent adventurers, be sure to let people know by donning one of the many Capes of Accomplishment. Who knows, maybe one day the fabled Max Cape can be yours?. . A rich story and deep well of lore await those whose interests are more cerebral, too. From the dastardly dealings of corrupt rulers to the day-to-day musings of the village baker, tales of both. world-shattering urgency and casual procrastination abound. . Over two dozen major quest-lines allow players to delve into Gielinor\u2019s past and future, and the pages are still being written, waiting for you to witness their unfolding. With major game updates every week, the experience never stops evolving and improving. . This world goes where you go, too, with full cross-compatibility across PC and mobile versions!. . The key to Old School\u2019s success is both special and unique \u2013 it\u2019s you! From the day Old School was born, we recognized that building on the game\u2019s foundations while staying loyal to its very essence was essential. That\u2019s why players have the deciding vote on every improvement that is or is not introduced to the game. . In-game polling isn\u2019t the only interaction, either. Join developers on their regular behind-the-scenes live-streams, or chat with them directly across our many social channels. Old School is owned just as much by its players as it is its makers. . . Old School is a free-to-play game that anyone can enjoy, and many of our players have been with us for almost two decades without ever paying for membership. But Membership unlocks even more thrilling content to get stuck into. Members enjoy access to:. 8 additional skills, including Farming, Thieving and Slayer. Access to the entire game world map. Over 120 additional quests. Access to powerful, exclusive items. Dozens of exclusive mini games. Additional navigation options. Furthermore, players can pay for Membership with Bonds that are either purchased or earned in-game! Membership is shared across both Old School RuneScape and RuneScape.", + "about_the_game": "Greetings, adventurer! Rooted in the origin of MMOs, Old School RuneScape is the only ever-lasting, ever-evolving adventure that is shaped by you.Released way back in 2013, Old School RuneScape is RuneScape as you *used* to know it! Based on the 2007 build of the globally popular open world fantasy MMORPG, Old School is constantly updated with improvements and new content voted on by you, the fans! The close relationship between developers and players is central to what makes Old School so magical. So, you want to be a master cook? Or a powerful mage? Whether you\u2019re here for the rich story and lore, the challenging combat, to fight alongside others or against them, to journey alone or simply to experience the magical world of Gielinor, Old School can be any adventure you want. Master 23 diverse skills across a huge array of play styles Take on over 140 quests spanning the fascinating and varied game world Confront dozens and dozens of bosses Risk everything in an assortment of PvP encounters Profit from a thriving and dynamic in-game economySome people just want to hang out with friends. And you\u2019ll find plenty of folk to do that with in Gielinor. But those who want seek a different kind of adventure have plenty of choices, too.No matter what you\u2019re specializing in, the quest for the best loot will have skillers and perfectionists obsessing over their character builds. The strongest wand, the mightiest bow, the most *fabulous* hat \u2013 there\u2019s always something to aim for.And if you\u2019re among the most ardent adventurers, be sure to let people know by donning one of the many Capes of Accomplishment. Who knows, maybe one day the fabled Max Cape can be yours?A rich story and deep well of lore await those whose interests are more cerebral, too. From the dastardly dealings of corrupt rulers to the day-to-day musings of the village baker, tales of both... world-shattering urgency and casual procrastination abound.Over two dozen major quest-lines allow players to delve into Gielinor\u2019s past and future, and the pages are still being written, waiting for you to witness their unfolding. With major game updates every week, the experience never stops evolving and improving. This world goes where you go, too, with full cross-compatibility across PC and mobile versions!The key to Old School\u2019s success is both special and unique \u2013 it\u2019s you! From the day Old School was born, we recognized that building on the game\u2019s foundations while staying loyal to its very essence was essential. That\u2019s why players have the deciding vote on every improvement that is or is not introduced to the game.In-game polling isn\u2019t the only interaction, either. Join developers on their regular behind-the-scenes live-streams, or chat with them directly across our many social channels. Old School is owned just as much by its players as it is its makers.Old School is a free-to-play game that anyone can enjoy, and many of our players have been with us for almost two decades without ever paying for membership. But Membership unlocks even more thrilling content to get stuck into. Members enjoy access to: 8 additional skills, including Farming, Thieving and Slayer. Access to the entire game world map Over 120 additional quests Access to powerful, exclusive items Dozens of exclusive mini games Additional navigation optionsFurthermore, players can pay for Membership with Bonds that are either purchased or earned in-game! Membership is shared across both Old School RuneScape and RuneScape.", + "short_description": "The best retro fantasy MMORPG on the planet. Old School is RuneScape but\u2026 older! This is the open world you know and love, but as it was in 2007. Saying that, it\u2019s even better than that \u2013 Old School is shaped by you, its players, with regular new content, fixes and expansions voted for by the fans!", + "genres": "Adventure", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "RuneScape \u00ae", + "detailed_description": "Journey into the Sixth Age of Gielinor and discover a fantasy world deep with legend and lore. Gielinor's people may be thriving, but the Elder Gods still scheme. The clouds are darkening and war looms. Experience a fantasy online world 19 years in the making. . . It's up to you. Will you explore the world with friends, or seek your fame and fortune as a lone adventurer? Whether you\u2019re engaged in daring quests, quietly tending to your farm, risking it all against a high-level boss or spending a night at the circus, RuneScape is the perfect second-screen game. Play how you want \u2013 the choice is yours. What type of hero will you be?. . . With a world that\u2019s been growing for an incredible 19 years, RuneScape continues to thrill players with an adventure unlike any other. With 270 million installations and cross-playability on PC and mobile, join the hundreds of millions of people who have explored the fantastic and mystical world of Gielinor. . . Make friends \u2013 and maybe sometimes enemies \u2013 with a rich roster of memorable NPC characters. From lovable companions and friendly rogues, to deceitful villains and vengeful gods, the many faces of Gielinor offer a deep fantasy experience unlike anything else. . . Visit dozens and dozens of unique and striking locations, from the medieval castles of Burthorpe and the tranquil harbours of Catherby, to the dangerous barren expanses of the Wilderness or the tropical reaches of Anachronia. Own your own port! Run your own farm! Make a pretty penny trading with players at The Grand Exchange, and keep your exotic wares safe in the Bank. . . With 28 skills to master, what will you become? Will you be one with nature by perfecting Woodcutting, Fishing, Herblore and Cooking? Or would you prefer to be more creative with Crafting, Farming, Smithing and Construction? Or perhaps your tastes lay elsewhere \u2013 with Hunting, Divination, Invention or Runecrafting? Or maybe your soul yearns action, and you\u2019ll take to Magic, Summoning, Slayer and Dungeoneering!. . . Do you want to get up close and personal with a sharp blade in your hand? Or will you take a tactical approach and attack from range? Or perhaps your skills are more mystical, and you prefer the arena of magic? Fight a dazzling assortment of foes including an unimaginable array of epic bosses. From demons to dragons and rock monsters to serpents, nightmares beyond your wildest imagination lay in wait. . . RuneScape can be played free, but also offers optional membership that unlocks even more thrilling content, including 8 additional skills, over 120 extra quests and access to the entire game world map! Check out the Steam DLC Bundles Membership Access offers featuring launch exclusive Steam cosmetic items and special rewards. . . Add your unique voice to our vibrant RuneScape community. Enjoy a strong connection to RuneScape's independent development team by joining them for regular livestreams, and share ideas on the forums. We shape RuneScape together!", + "about_the_game": "Journey into the Sixth Age of Gielinor and discover a fantasy world deep with legend and lore. Gielinor's people may be thriving, but the Elder Gods still scheme. The clouds are darkening and war looms. Experience a fantasy online world 19 years in the making.It's up to you. Will you explore the world with friends, or seek your fame and fortune as a lone adventurer? Whether you\u2019re engaged in daring quests, quietly tending to your farm, risking it all against a high-level boss or spending a night at the circus, RuneScape is the perfect second-screen game. Play how you want \u2013 the choice is yours. What type of hero will you be?With a world that\u2019s been growing for an incredible 19 years, RuneScape continues to thrill players with an adventure unlike any other. With 270 million installations and cross-playability on PC and mobile, join the hundreds of millions of people who have explored the fantastic and mystical world of Gielinor.Make friends \u2013 and maybe sometimes enemies \u2013 with a rich roster of memorable NPC characters. From lovable companions and friendly rogues, to deceitful villains and vengeful gods, the many faces of Gielinor offer a deep fantasy experience unlike anything else.Visit dozens and dozens of unique and striking locations, from the medieval castles of Burthorpe and the tranquil harbours of Catherby, to the dangerous barren expanses of the Wilderness or the tropical reaches of Anachronia. Own your own port! Run your own farm! Make a pretty penny trading with players at The Grand Exchange, and keep your exotic wares safe in the Bank.With 28 skills to master, what will you become? Will you be one with nature by perfecting Woodcutting, Fishing, Herblore and Cooking? Or would you prefer to be more creative with Crafting, Farming, Smithing and Construction? Or perhaps your tastes lay elsewhere \u2013 with Hunting, Divination, Invention or Runecrafting? Or maybe your soul yearns action, and you\u2019ll take to Magic, Summoning, Slayer and Dungeoneering!Do you want to get up close and personal with a sharp blade in your hand? Or will you take a tactical approach and attack from range? Or perhaps your skills are more mystical, and you prefer the arena of magic? Fight a dazzling assortment of foes including an unimaginable array of epic bosses. From demons to dragons and rock monsters to serpents, nightmares beyond your wildest imagination lay in wait.RuneScape can be played free, but also offers optional membership that unlocks even more thrilling content, including 8 additional skills, over 120 extra quests and access to the entire game world map! Check out the Steam DLC Bundles Membership Access offers featuring launch exclusive Steam cosmetic items and special rewards. Add your unique voice to our vibrant RuneScape community. Enjoy a strong connection to RuneScape's independent development team by joining them for regular livestreams, and share ideas on the forums. We shape RuneScape together!", + "short_description": "RuneScape is a high fantasy open world MMORPG. Explore an ever changing and evolving living world where new challenges, skills, and quests await. Featuring unprecedented player freedom, you choose how to play, adventure, and grow.", + "genres": "Free to Play", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Ring of Fire: Prologue", + "detailed_description": "Ring of Fire is a detective noir puzzler set in the solarpunk utopia of New London. You play as Detective Grosvenor, a jaded, middle-aged woman hunting through the still-dark corners of the city in pursuit of a radicalised serial killer. . Using your powers of deduction you must solve the brutally gruesome murders of the Ring of Fire killer. Examine clues, interrogate key suspects, and cross-reference your findings in the police database to uncover the mystery. . SEARCH. Solve the case using text entry, meaning you can\u2019t brute force the puzzle. . INTERVIEW. Push your suspects to the brink through branching cinematic conversations with meaningful consequences. . INVESTIGATE. Explore the 3D crime scene to examine evidence both visually and textually. .", + "about_the_game": "Ring of Fire is a detective noir puzzler set in the solarpunk utopia of New London.You play as Detective Grosvenor, a jaded, middle-aged woman hunting through the still-dark corners of the city in pursuit of a radicalised serial killer.Using your powers of deduction you must solve the brutally gruesome murders of the Ring of Fire killer. Examine clues, interrogate key suspects, and cross-reference your findings in the police database to uncover the mystery.SEARCHSolve the case using text entry, meaning you can\u2019t brute force the puzzle.INTERVIEWPush your suspects to the brink through branching cinematic conversations with meaningful consequences.INVESTIGATEExplore the 3D crime scene to examine evidence both visually and textually.", + "short_description": "Ring of Fire: Prologue is the first case in a search-based detective noir puzzler with a mature narrative set in the hyper-stylized streets of New London. Scour police records. Antagonize your suspects. Comb through a disturbing crime scene. You'll stop at nothing to expose the truth.", + "genres": "Adventure", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Warhammer 40,000: Darktide", + "detailed_description": "Imperial Edition. About the Game. Take back the city of Tertium from hordes of bloodthirsty foes in this intense and brutal action shooter. Warhammer 40,000: Darktide is the new co-op focused experience from the award-winning team behind the Vermintide series. . In the depths of the hive, the seeds of corruption threaten to turn into an overwhelming tide of darkness. A mysterious and sinister new force is seeking to take control of the entire city. It is up to you and your allies in the Inquisition to root out the enemy before the city succumbs to Chaos. . As Tertium falls, Rejects Will Rise. . . Built on the legacy of Vermintide 2\u2019s best-in-class melee combat, Warhammer 40,000: Darktide introduces intense WH40K gunplay to the mix. Master the balance between ranged and melee combat as you fight through a slew of enemies. Feel the impact of each swipe, swing, and slice of a chainsword, or fry some flesh with a lasgun. . . At its core, Darktide is a co-op game. Wandering too far, risks punishment by foes looking to immobilize or capture stray Rejects, such as the slavering Chaos Hound or the Moebian Trapper. Once you fall prey to such foes, only your teammates can save you! More than that, your innate toughness \u2013 your determination to press on through the pain \u2013 only recharges when you are in the proximity of your strike team. . . Create your own, unique character and customize their physical appearance, voice, and origin. Choose your class to determine which unique traits and skill sets they will make use of in battle. Will you be a seasoned veteran of the Imperial army, a snarky outsider, or a fiery zealot? The choice is yours. . . Step into the violent, dystopian world of Warhammer 40,000. From boiling hot industrial factories to the decaying water maintenance zone afflicted by constant acid rainfall - Tertium Hive is a hard and unforgiving place even at the best of times. Your role is to serve the zealous Inquisition by embarking on missions to exterminate the threats lurking in the depths of the hive city, or die trying. . . Adapt to the erratic whims of Chaos with conditions- mutators that add a spontaneous challenge to your mission. Your team must learn to adjust, adopt new tactics and change up their loadouts to face these ruthless challenges. .", + "about_the_game": "Take back the city of Tertium from hordes of bloodthirsty foes in this intense and brutal action shooter. Warhammer 40,000: Darktide is the new co-op focused experience from the award-winning team behind the Vermintide series.In the depths of the hive, the seeds of corruption threaten to turn into an overwhelming tide of darkness. A mysterious and sinister new force is seeking to take control of the entire city. It is up to you and your allies in the Inquisition to root out the enemy before the city succumbs to Chaos. As Tertium falls, Rejects Will Rise.Built on the legacy of Vermintide 2\u2019s best-in-class melee combat, Warhammer 40,000: Darktide introduces intense WH40K gunplay to the mix. Master the balance between ranged and melee combat as you fight through a slew of enemies. Feel the impact of each swipe, swing, and slice of a chainsword, or fry some flesh with a lasgun.At its core, Darktide is a co-op game. Wandering too far, risks punishment by foes looking to immobilize or capture stray Rejects, such as the slavering Chaos Hound or the Moebian Trapper. Once you fall prey to such foes, only your teammates can save you! More than that, your innate toughness \u2013 your determination to press on through the pain \u2013 only recharges when you are in the proximity of your strike team.Create your own, unique character and customize their physical appearance, voice, and origin. Choose your class to determine which unique traits and skill sets they will make use of in battle. Will you be a seasoned veteran of the Imperial army, a snarky outsider, or a fiery zealot? The choice is yours.Step into the violent, dystopian world of Warhammer 40,000. From boiling hot industrial factories to the decaying water maintenance zone afflicted by constant acid rainfall - Tertium Hive is a hard and unforgiving place even at the best of times. Your role is to serve the zealous Inquisition by embarking on missions to exterminate the threats lurking in the depths of the hive city, or die trying.Adapt to the erratic whims of Chaos with conditions- mutators that add a spontaneous challenge to your mission. Your team must learn to adjust, adopt new tactics and change up their loadouts to face these ruthless challenges.", + "short_description": "Take back the city of Tertium from hordes of bloodthirsty foes in this intense and brutal action shooter. Warhammer 40,000: Darktide is the new co-op focused experience from the award-winning team behind the Vermintide series. As Tertium falls, Rejects Will Rise.", + "genres": "Action", + "recommendations": 60648, + "score": 7.260003844012568 + }, + { + "type": "game", + "name": "Street Fighter\u2122 6", + "detailed_description": "Street Fighter\u2122 6. Street Fighter\u2122 6. \u30fbFull Game. Street Fighter\u2122 6 Deluxe Edition. Street Fighter\u2122 6 Deluxe Edition. \u30fbFull Game. \u30fbYear 1 Character Pass. - 4 additional characters (Rashid, A.K.I., Ed, Akuma). - 4 additional characters' colors: Outfit 1 Colors 3-10. - Purchase bonus: 4,200 Drive Tickets. * Additional content will be released sequentially after the game is released. * Please check the official website for product details and release schedule. Street Fighter\u2122 6 Ultimate Edition. Street Fighter\u2122 6 Ultimate Edition. \u30fbFull Game. \u30fbYear 1 Ultimate Pass. - 4 additional characters (Rashid, A.K.I., Ed, Akuma). - 4 additional characters' colors: Outfit 1 Colors 3-10. - 4 additional characters' costume: Outfit 2 (including colors 1-10). - 4 additional characters' costume: Outfit 3 (including colors 1-10). - 2 additional stages. - Purchase bonus: 7,700 Drive Tickets. * Additional content will be released sequentially after the game is released. * Please check the official website for product details and release schedule. About the GameHere comes Capcom\u2019s newest challenger! Street Fighter\u2122 6 launches worldwide on June 2nd, 2023 and represents the next evolution of the series. . Powered by Capcom\u2019s proprietary RE ENGINE, the Street Fighter 6 experience spans across three distinct game modes featuring World Tour, Fighting Ground and Battle Hub. . Diverse Roster of 18 Fighters. Play legendary masters and new fan favorites like Ryu, Chun-Li, Luke, Jamie, Kimberly and more in this latest edition with each character featuring striking new redesigns and exhilarating cinematic specials. . Dominate the Fighting Ground. Street Fighter 6 offers a highly evolved combat system with three control types - Classic, Modern and Dynamic - allowing you to quickly play to your skill level. The new Real Time Commentary Feature adds all the hype of a competitive match as well as easy-to-understand explanations about your gameplay. The Drive Gauge is a new system to manage your resources. Use it wisely in order to claim victory. . Explore the Streets in World Tour. Discover the meaning of strength in World Tour, an immersive, single-player story mode. Take your avatar and explore Metro City and beyond. Meet Masters who will take you under their wing and teach you their style and techniques. . Seek Rivals in the Battle Hub. The Battle Hub represents a core mode of Street Fighter 6 where players can gather and communicate, and become stronger together. Use the avatar you create in World Tour to check out cabinets on the Battle Hub floor and play against other players, or head over to the Game Center to enjoy some of Capcom's classic arcade games. . Your path to becoming a World Warrior starts here. . Online Play. Capcom provides various online services for this game, including online-only content. * Certain elements of this game cannot be accessed without an internet connection. * A Capcom ID is required to use online-only content. * For information on the services related to Capcom ID and how to use it, please visit the official Capcom ID website Please note that there may be cases wherein use of Capcom ID is age-restricted. * Capcom may temporarily suspend online services in the event of unforeseen circumstances.", + "about_the_game": "Here comes Capcom\u2019s newest challenger! Street Fighter\u2122 6 launches worldwide on June 2nd, 2023 and represents the next evolution of the series. Powered by Capcom\u2019s proprietary RE ENGINE, the Street Fighter 6 experience spans across three distinct game modes featuring World Tour, Fighting Ground and Battle Hub. Diverse Roster of 18 FightersPlay legendary masters and new fan favorites like Ryu, Chun-Li, Luke, Jamie, Kimberly and more in this latest edition with each character featuring striking new redesigns and exhilarating cinematic specials.Dominate the Fighting GroundStreet Fighter 6 offers a highly evolved combat system with three control types - Classic, Modern and Dynamic - allowing you to quickly play to your skill level. The new Real Time Commentary Feature adds all the hype of a competitive match as well as easy-to-understand explanations about your gameplay.The Drive Gauge is a new system to manage your resources. Use it wisely in order to claim victory.Explore the Streets in World TourDiscover the meaning of strength in World Tour, an immersive, single-player story mode. Take your avatar and explore Metro City and beyond. Meet Masters who will take you under their wing and teach you their style and techniques.Seek Rivals in the Battle HubThe Battle Hub represents a core mode of Street Fighter 6 where players can gather and communicate, and become stronger together. Use the avatar you create in World Tour to check out cabinets on the Battle Hub floor and play against other players, or head over to the Game Center to enjoy some of Capcom's classic arcade games.Your path to becoming a World Warrior starts here.Online PlayCapcom provides various online services for this game, including online-only content.* Certain elements of this game cannot be accessed without an internet connection.* A Capcom ID is required to use online-only content.* For information on the services related to Capcom ID and how to use it, please visit the official Capcom ID website Please note that there may be cases wherein use of Capcom ID is age-restricted.* Capcom may temporarily suspend online services in the event of unforeseen circumstances.", + "short_description": "Here comes Capcom\u2019s newest challenger! Street Fighter\u2122 6 launches worldwide on June 2nd, 2023 and represents the next evolution of the Street Fighter\u2122 series! Street Fighter 6 spans three distinct game modes, including World Tour, Fighting Ground and Battle Hub.", + "genres": "Action", + "recommendations": 12334, + "score": 6.210073419175551 + }, + { + "type": "game", + "name": "Dyson Sphere Program", + "detailed_description": "Follow usTwitter. Discord. Reddit. About the Game. Dyson Sphere Program is a sci-fi simulation game with space, adventure, exploration and factory automation elements where you can build your own galactic industrial empire from scratch. . . In the distant future, the power of science and technology has ushered a new age to the human race. Space and time have become irrelevant thanks to virtual reality. A new kind of supercomputer has been developed \u2013 a machine whose superior artificial intelligence and computing capability will push humanity even further. There is only one problem: there isn\u2019t enough energy in the whole planet to feed this machine. . . You are a space engineer in charge of a project launched by the space alliance COSMO, tasked with a massive undertaking: constructing Dyson Spheres (a megastructure that would orbit around a star, harnessing all its power and energy) to produce the energy that humanity needs. Only a few decades ago, Dyson Spheres were considered a hypothetical, impossible invention \u2013 but now it\u2019s in your hands\u2026 Will you be able to turn a backwater space workshop into a galaxy-wide industrial production empire? . . Neutron stars, white dwarfs, red giants, gaseous and rocky planets\u2026 There is a big and varied universe out there, waiting for you to gather all its resources. . . Every playthrough will be unique: your universe will be procedurally generated every time you start a new game. There will be different types and distribution of stars, planets and resources. Will you manage to thrive and build your Spheres, no matter what the universe throws at you?. . . As a space engineer, you are expected to design your interstellar factory and production lines, not to micromanage every small package going back and forth. You have to transport materials from one planet to another, forming interstellar transport teams that gather resources and bring them to where they are needed. . . Then, your resources can be transported between facilities through conveyor belts, and you\u2019ve got the technology to help your buildings fit the grid automatically during the construction process. You\u2019ve got the best tools COSMO can afford to build a massive-scale automated production line \u2013 the most efficient one ever seen in the universe! . . . Build a galactic industrial empire from scratch: start with a small workshop and improve it until it spans the whole galaxy. Develop your very own Dyson Spheres, a megastructure that orbits around a star harnessing all its power and energy, from the first screw to its completion . Explore a vast universe procedurally generated with all kinds of celestial bodies: neutron stars, white dwarfs, red giants\u2026. Gather resources in planets of all types: ocean, lava, desert, frozen, gaseous planets\u2026 . Research new technologies to improve your factories\u2026 and discover the secrets of the universe . Enhance mecha fly, sail or jump through outer space and planets. Transport materials across the galaxy to your facilities: thousands of transport ships will flow endlessly to your factories and back!. Design the most efficient automated factory and production line. Customize your factory and Dyson Sphere to make it unique . Design a balanced power network capable of producing energy in all kinds of power plants like wind turbines, artificial stars, etc. . We are a five-person team from Chongqing, China. For the love of sci-fi, we've created this game Dyson Sphere Program. Perhaps Dyson Sphere has already appeared in many games, but this time we hope that players can build it step by step with your own hands.", + "about_the_game": "Dyson Sphere Program is a sci-fi simulation game with space, adventure, exploration and factory automation elements where you can build your own galactic industrial empire from scratch. In the distant future, the power of science and technology has ushered a new age to the human race. Space and time have become irrelevant thanks to virtual reality. A new kind of supercomputer has been developed \u2013 a machine whose superior artificial intelligence and computing capability will push humanity even further. There is only one problem: there isn\u2019t enough energy in the whole planet to feed this machine. You are a space engineer in charge of a project launched by the space alliance COSMO, tasked with a massive undertaking: constructing Dyson Spheres (a megastructure that would orbit around a star, harnessing all its power and energy) to produce the energy that humanity needs. Only a few decades ago, Dyson Spheres were considered a hypothetical, impossible invention \u2013 but now it\u2019s in your hands\u2026 Will you be able to turn a backwater space workshop into a galaxy-wide industrial production empire? Neutron stars, white dwarfs, red giants, gaseous and rocky planets\u2026 There is a big and varied universe out there, waiting for you to gather all its resources. Every playthrough will be unique: your universe will be procedurally generated every time you start a new game. There will be different types and distribution of stars, planets and resources. Will you manage to thrive and build your Spheres, no matter what the universe throws at you? As a space engineer, you are expected to design your interstellar factory and production lines, not to micromanage every small package going back and forth. You have to transport materials from one planet to another, forming interstellar transport teams that gather resources and bring them to where they are needed. Then, your resources can be transported between facilities through conveyor belts, and you\u2019ve got the technology to help your buildings fit the grid automatically during the construction process. You\u2019ve got the best tools COSMO can afford to build a massive-scale automated production line \u2013 the most efficient one ever seen in the universe! Build a galactic industrial empire from scratch: start with a small workshop and improve it until it spans the whole galaxyDevelop your very own Dyson Spheres, a megastructure that orbits around a star harnessing all its power and energy, from the first screw to its completion Explore a vast universe procedurally generated with all kinds of celestial bodies: neutron stars, white dwarfs, red giants\u2026Gather resources in planets of all types: ocean, lava, desert, frozen, gaseous planets\u2026 Research new technologies to improve your factories\u2026 and discover the secrets of the universe Enhance mecha fly, sail or jump through outer space and planetsTransport materials across the galaxy to your facilities: thousands of transport ships will flow endlessly to your factories and back!Design the most efficient automated factory and production lineCustomize your factory and Dyson Sphere to make it unique Design a balanced power network capable of producing energy in all kinds of power plants like wind turbines, artificial stars, etc. We are a five-person team from Chongqing, China. For the love of sci-fi, we've created this game Dyson Sphere Program. Perhaps Dyson Sphere has already appeared in many games, but this time we hope that players can build it step by step with your own hands.", + "short_description": "Build the most efficient intergalactic factory in space simulation strategy game Dyson Sphere Program! Harness the power of stars, collect resources, plan and design production lines and develop your interstellar factory from a small space workshop to a galaxy-wide industrial empire.", + "genres": "Indie", + "recommendations": 64801, + "score": 7.303666818533817 + }, + { + "type": "game", + "name": "Soulworker", + "detailed_description": "\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164Save the world in the name of SoulWorkers. . \u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u201cThe world will be reborn under fear and despair.\u201d. \u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164-Invader of another Dimension. Chosen by a god watching over the world, Rosca, SoulWorkers descend to save the world from darkness. Strong emotions such as vengeance, insanity, sorrow and passion fuel SoulWorkers to save the world. . Save the world as hero \u201cSoulWorker\u201d NOW!. The MORPG that everyone\u2019s raving about \u2013 SoulWorker!Main CharactersBOSS Create your own Character with unique battle styles. Scenic backgrounds with Cartoon Rendering techniques bring this MORPG to life. SoulWorker provides dynamic backgrounds and storylines. Large PvE contents with 100+ dungeons.", + "about_the_game": "\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164Save the world in the name of SoulWorkers.\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u201cThe world will be reborn under fear and despair.\u201d\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164\u3164-Invader of another Dimension\u00a0Chosen by a god watching over the world, Rosca, SoulWorkers descend to save the world from darkness. Strong emotions such as vengeance, insanity, sorrow and passion fuel SoulWorkers to save the world.Save the world as hero \u201cSoulWorker\u201d NOW!The MORPG that everyone\u2019s raving about \u2013 SoulWorker!Main CharactersBOSS Create your own Character with unique battle styles Scenic backgrounds with Cartoon Rendering techniques bring this MORPG to life SoulWorker provides dynamic backgrounds and storylines Large PvE contents with 100+ dungeons", + "short_description": "Fierce emotions help fuel SoulWorkers to save the world from the devastated scene of a post-apocalyptic world. In a world where only dark devastation reigns \u2013 you are the only SoulWorker to come to the rescue.", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Saving Grace", + "detailed_description": "Join us on Discord. About the Game. What would it be like if some masked men took your daughter? What would you do?. Would you meet their demands. Or suffer the loss. The choice is yours. Undertake this journey to get your daughter back. She's counting on you. Everyone is counting on you. . Hell is real. If you do not stop this catastrophe, everyone you know, everyone you love will be damned. . It rests on your shoulders. Will you bear the weight? or live in eternal pain as hell ascends to earth. . Solve puzzles. . Explore vast sandbox levels. . Story driven. . Full Keyboard/Mouse and Xbox controller support. . Uncover the mysteries surrounding your family. . Use your wits to slay evil with an array of arsenal. . Uncover the dark truth to why your daughter was chosen. . Face off against the embodiment of evil and punishment himself. The devil incarnate. .", + "about_the_game": "What would it be like if some masked men took your daughter? What would you do? Would you meet their demands... Or suffer the loss. The choice is yours. Undertake this journey to get your daughter back... She's counting on you. Everyone is counting on you. Hell is real. If you do not stop this catastrophe, everyone you know, everyone you love will be damned. It rests on your shoulders. Will you bear the weight? or live in eternal pain as hell ascends to earth.Solve puzzles.Explore vast sandbox levels.Story driven.Full Keyboard/Mouse and Xbox controller support.Uncover the mysteries surrounding your family.Use your wits to slay evil with an array of arsenal.Uncover the dark truth to why your daughter was chosen.Face off against the embodiment of evil and punishment himself... The devil incarnate.", + "short_description": "A first-person horror game revolving around the abduction of your daughter Grace. Cultists needs a sacrifice to resurrect the devil. Play as the father. Explore the past, present and future of this terrifying interactive story. Grace is counting on you.", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Spellbreak", + "detailed_description": "Unleash your inner battlemage in Spellbreak. . When magic is forbidden, locked in the iron grip of the Vowkeepers, it\u2019s up to you to resist and reclaim what\u2019s yours. Harness the raw power of your gauntlets and tap into the unimaginable forces of the elemental planes . Soar into fierce battles, through floating islands and impossible terrain, to unleash the Breaker within. . BUILD YOUR BATTLEMAGE. Choose a class: Frostborn, Conduit, Pyromancer, Toxicologist, Stoneshaper, or Tempest. Each has its own playstyle, which you can customize with talents as you grow in power. Which will you master?. COMBINE THE ELEMENTS. A mighty battlemage isn\u2019t limited to just one ability. Seize hold of two powerful magic gauntlets and blend devastating spell combinations to control the battlefield with fiery tornadoes, electrified gas clouds, and more!. OUTPLAY YOUR RIVALS. Explore the map and find tactical advantages to outplay your opponents. Discover hidden chests that contain magical runes and game-changing equipment. These items give you the ability to fly, teleport, control time, become invisible, and more. . ENTER AN EVER-EVOLVING WORLD. The fractured battleground of the Hollow Lands is just the beginning of your adventure in the greater world of Primdal. New chapter updates will reveal more of the deep, rich lore behind this powerful place and its people. . BATTLE ACROSS THE HOLLOW LANDS. Form a party of powerful battlemages and vanquish other players to stand victorious in this unique battle royale! Future updates will unlock exciting new game modes. . Can you summon the strength, skill, and cunning to unleash the battlemage within?", + "about_the_game": "Unleash your inner battlemage in Spellbreak.When magic is forbidden, locked in the iron grip of the Vowkeepers, it\u2019s up to you to resist and reclaim what\u2019s yours. Harness the raw power of your gauntlets and tap into the unimaginable forces of the elemental planes . Soar into fierce battles, through floating islands and impossible terrain, to unleash the Breaker within. BUILD YOUR BATTLEMAGEChoose a class: Frostborn, Conduit, Pyromancer, Toxicologist, Stoneshaper, or Tempest. Each has its own playstyle, which you can customize with talents as you grow in power. Which will you master?COMBINE THE ELEMENTSA mighty battlemage isn\u2019t limited to just one ability. Seize hold of two powerful magic gauntlets and blend devastating spell combinations to control the battlefield with fiery tornadoes, electrified gas clouds, and more!OUTPLAY YOUR RIVALSExplore the map and find tactical advantages to outplay your opponents. Discover hidden chests that contain magical runes and game-changing equipment. These items give you the ability to fly, teleport, control time, become invisible, and more.ENTER AN EVER-EVOLVING WORLDThe fractured battleground of the Hollow Lands is just the beginning of your adventure in the greater world of Primdal. New chapter updates will reveal more of the deep, rich lore behind this powerful place and its people. BATTLE ACROSS THE HOLLOW LANDSForm a party of powerful battlemages and vanquish other players to stand victorious in this unique battle royale! Future updates will unlock exciting new game modes.Can you summon the strength, skill, and cunning to unleash the battlemage within?", + "short_description": "Spellbreak is a multiplayer action-spellcasting game where you unleash your inner battlemage. Master elemental magic to fit your playstyle and cast powerful spell combinations to dominate other players across the Hollow Lands.", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Red Dead Online", + "detailed_description": "Step into the vibrant, ever-evolving world of Red Dead Online and experience life across frontier America. . Forge your own path as you battle lawmen, outlaw gangs and ferocious wild animals to build a life on the American frontier. Build a camp, ride solo or form a posse and explore everything from the snowy mountains in the North to the swamps of the South, from remote outposts to busy farms and bustling towns. Chase down bounties, hunt, fish and trade, search for exotic treasures, run your own underground Moonshine distillery, or become a Naturalist to learn the secrets of the animal kingdom and much more in a world of astounding depth and detail. . Join millions of fellow players in the American West, and experience a world now packed with years\u2019 worth of new features, gameplay and additional enhancements. . Includes Red Dead Online. Red Dead Redemption 2: Story Mode must be purchased separately.", + "about_the_game": "Step into the vibrant, ever-evolving world of Red Dead Online and experience life across frontier America.\r\n\r\nForge your own path as you battle lawmen, outlaw gangs and ferocious wild animals to build a life on the American frontier. Build a camp, ride solo or form a posse and explore everything from the snowy mountains in the North to the swamps of the South, from remote outposts to busy farms and bustling towns. Chase down bounties, hunt, fish and trade, search for exotic treasures, run your own underground Moonshine distillery, or become a Naturalist to learn the secrets of the animal kingdom and much more in a world of astounding depth and detail.\r\n\r\nJoin millions of fellow players in the American West, and experience a world now packed with years\u2019 worth of new features, gameplay and additional enhancements.\r\n\r\nIncludes Red Dead Online. Red Dead Redemption 2: Story Mode must be purchased separately.", + "short_description": "Step into the vibrant, ever-evolving world of Red Dead Online and experience life in frontier America. Chase down bounties, battle outlaw gangs and other players, hunt, fish and trade, search for exotic treasures, run Moonshine, and much more to discover in a world of astounding depth and detail.", + "genres": "Action", + "recommendations": 48282, + "score": 7.109683894358701 + }, + { + "type": "game", + "name": "World of Tanks", + "detailed_description": "Command over 600 machines from World War II through the mid-20th century and prove yourself against players from around the world. Dive into the ultimate action experience with epic PvP clashes, measured tactical decisions and thoughtful cooperation in your pursuit of victory! . PICK YOUR TANK . More than 600 tanks and military vehicles from history\u2019s greatest tank-building nations are waiting for you! Choose from one of five vehicle types and familiarize yourself with their unique features and specialties. Find the perfect combination of vehicle and nation that fits your playstyle and be unstoppable!MASTER YOUR SKILLS . Explore maps to find the best positions for your machine. Learn to aim for the opponents\u2019 weak spots and to hide your own. Consider opposing vehicles and their tactical roles. Use it all to develop the best-fitting strategy to be the triumphant winner! . PLAY ALONE OR TEAM UP . Roll out and match up with random players or organize yourself a platoon and enjoy the exciting experience of playing with friends. Whichever you choose, have fun!UPGRADE AND CUSTOMIZE . Unlock new modules, pick your equipment, and make vehicles truly yours with lots of customization options. Personalize your vehicles with historical camo, custom color schemes, emblems, and personal numbers. . PLAY MULTIPLE GAME MODES . Play on your own or join team clashes. Strive for fame and recognition and climb the leaderboards. Create your own clan and gather a company of playmates. Take part in special events and claim unique rewards. In World of Tanks, there's a mode for every playstyle and every player!160 MILLION PEOPLE CAN\u2019T BE WRONG . Millions of players are having a blast in World of Tanks every day. Join the ever-growing community and meet new friends!START YOUR JOURNEY NOW . Excitement and fun are just a few clicks away! Enter the code \u201cGOWOTSTEAM\u201d to receive a Premium tank and a bunch of useful resources, complete several Bootcamp missions to learn the basics and jump right into the action!", + "about_the_game": "Command over 600 machines from World War II through the mid-20th century and prove yourself against players from around the world. Dive into the ultimate action experience with epic PvP clashes, measured tactical decisions and thoughtful cooperation in your pursuit of victory! PICK YOUR TANK More than 600 tanks and military vehicles from history\u2019s greatest tank-building nations are waiting for you! Choose from one of five vehicle types and familiarize yourself with their unique features and specialties. Find the perfect combination of vehicle and nation that fits your playstyle and be unstoppable!MASTER YOUR SKILLS Explore maps to find the best positions for your machine. Learn to aim for the opponents\u2019 weak spots and to hide your own. Consider opposing vehicles and their tactical roles. Use it all to develop the best-fitting strategy to be the triumphant winner! PLAY ALONE OR TEAM UP Roll out and match up with random players or organize yourself a platoon and enjoy the exciting experience of playing with friends. Whichever you choose, have fun!UPGRADE AND CUSTOMIZE Unlock new modules, pick your equipment, and make vehicles truly yours with lots of customization options. Personalize your vehicles with historical camo, custom color schemes, emblems, and personal numbers. PLAY MULTIPLE GAME MODES Play on your own or join team clashes. Strive for fame and recognition and climb the leaderboards. Create your own clan and gather a company of playmates. Take part in special events and claim unique rewards. In World of Tanks, there's a mode for every playstyle and every player!160 MILLION PEOPLE CAN\u2019T BE WRONG Millions of players are having a blast in World of Tanks every day. Join the ever-growing community and meet new friends!START YOUR JOURNEY NOW Excitement and fun are just a few clicks away! Enter the code \u201cGOWOTSTEAM\u201d to receive a Premium tank and a bunch of useful resources, complete several Bootcamp missions to learn the basics and jump right into the action!", + "short_description": "Jump into the free-to-play team-based shooter with an ever-expanding roster of historical vehicles, stunning graphics, spectacular locales, and orchestral scores. Show your mastery and face other players in thrilling PvP clashes. A unique mix of strategy and action awaits!", + "genres": "Action", + "recommendations": 335, + "score": 3.8348127023904297 + }, + { + "type": "game", + "name": "Krunker", + "detailed_description": "Shoot your way through 12 rotation maps to earn rewards. Master the highly skill-based movement system unique to Krunker. If dropping Nukes and Quick-scoping people in pubs isn't your thing, Krunker also offers thousands of custom games to choose from. . Infected, Parkour, Free for All, Capture the Flag and much much more. With Krunker's robust modding and mapping tools - there are no limits to what you can create and experience. . Krunker also features a Thriving Economy with thousands of Skins and Items to Unlock, Sell and Trade. . Dedicated Servers on every Continent & an easy to use server browser. You can host your own custom server with 2 clicks!", + "about_the_game": "Shoot your way through 12 rotation maps to earn rewards. Master the highly skill-based movement system unique to Krunker. If dropping Nukes and Quick-scoping people in pubs isn't your thing, Krunker also offers thousands of custom games to choose from.\r\n\r\n Infected, Parkour, Free for All, Capture the Flag and much much more. With Krunker's robust modding and mapping tools - there are no limits to what you can create and experience.\r\n\r\nKrunker also features a Thriving Economy with thousands of Skins and Items to Unlock, Sell and Trade.\r\n\r\nDedicated Servers on every Continent & an easy to use server browser. You can host your own custom server with 2 clicks!", + "short_description": "An easy to get into fully moddable First Person Shooter with advanced movement mechanics. Fully Customizable with Mods, Custom Maps and Thousands of Items to Unlock.", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Swords of Legends Online", + "detailed_description": "Editions Overview. About the Game. Swords of Legends Online is an action MMORPG set in a breathtaking fantasy world with sophisticated combat mechanics and a unique storyline based on Chinese mythology. Explore the world with 8 different classes, engage in epic PvP encounters, take on challenging dungeons and reach the fascinating endgame. . . . The action combat system places a panoply of mystical skills at your disposal for you to continually hone and improve in adrenaline-pumping encounters. Skilfully dodge enemy attacks, combo your skills, and switch between action and tab-targeted combat as you choose. . . . Each of the eight available classes has two roles for you to gear up and switch between depending on the needs of your mission. Visit your class\u2019 unique heartlands on your adventures to unlock new quest lines and further improve your character\u2019s skill set. . . . Swords of Legends Online tells its extraordinary saga through beautifully voiced cutscenes. The story weaves together belligerent gods, an ancient war between peoples, and the eponymous legendary swords that were once wielded by celebrated heroes of a bygone era, and which now inspire the quest for peace. . . . Gain access to your very own floating island on which to build a magnificent temple and garden as your own residence. Sculpt the landscape with the huge range of modification options, and gain inspiration as you visit the islands of your friends and neighbours on the back of a flying mount. . . . Visually stunning MMORPG. Eight available classes, each with two different roles. Fast-paced action combat system . Exciting story-driven gameplay with voiced cutscenes. Tons of dungeons with different difficulty levels. Gripping endgame content and epic PvP battles. Huge selection of flying mounts . Extensive housing system.", + "about_the_game": "Swords of Legends Online is an action MMORPG set in a breathtaking fantasy world with sophisticated combat mechanics and a unique storyline based on Chinese mythology. Explore the world with 8 different classes, engage in epic PvP encounters, take on challenging dungeons and reach the fascinating endgame.The action combat system places a panoply of mystical skills at your disposal for you to continually hone and improve in adrenaline-pumping encounters. Skilfully dodge enemy attacks, combo your skills, and switch between action and tab-targeted combat as you choose.Each of the eight available classes has two roles for you to gear up and switch between depending on the needs of your mission. Visit your class\u2019 unique heartlands on your adventures to unlock new quest lines and further improve your character\u2019s skill set.Swords of Legends Online tells its extraordinary saga through beautifully voiced cutscenes. The story weaves together belligerent gods, an ancient war between peoples, and the eponymous legendary swords that were once wielded by celebrated heroes of a bygone era, and which now inspire the quest for peace.Gain access to your very own floating island on which to build a magnificent temple and garden as your own residence. Sculpt the landscape with the huge range of modification options, and gain inspiration as you visit the islands of your friends and neighbours on the back of a flying mount.Visually stunning MMORPGEight available classes, each with two different rolesFast-paced action combat system Exciting story-driven gameplay with voiced cutscenesTons of dungeons with different difficulty levelsGripping endgame content and epic PvP battlesHuge selection of flying mounts Extensive housing system", + "short_description": "Swords of Legends Online is an action MMORPG set in a breathtaking fantasy world with sophisticated combat mechanics and a unique storyline based on Chinese mythology.", + "genres": "Free to Play", + "recommendations": 4287, + "score": 5.513517871732571 + }, + { + "type": "game", + "name": "It Takes Two", + "detailed_description": "Embark on the craziest journey of your life in It Takes Two, a genre-bending platform adventure created purely for co-op. Invite a friend to join for free with Friend\u2019s Pass and work together across a huge variety of gleefully disruptive gameplay challenges. Play as the clashing couple Cody and May, two humans turned into dolls by a magic spell. Together, trapped in a fantastical world where the unpredictable hides around every corner, they are reluctantly challenged with saving their fractured relationship. . Master unique and connected character abilities in every new level. Help each other across an abundance of unexpected obstacles and laugh-out-loud moments. Kick gangster squirrels\u2019 furry tails, pilot a pair of underpants, DJ a buzzing night club, and bobsleigh through a magical snow globe. Embrace a heartfelt and hilarious story where narrative and gameplay weave into a uniquely metaphorical experience. . It Takes Two is developed by the award-winning studio Hazelight, the industry leader of cooperative play. They\u2019re about to take you on a wild and wondrous ride where only one thing is for certain: we\u2019re better together.KEY FEATURES. Pure co-op perfection \u2014 Invite a friend to join for free with Remote Play Together**, and experience a thrilling adventure built purely for two. Choose from couch or online co-op with split-screen play, and face ever-changing challenges where working together is the only way forward. . Gleefully disruptive gameplay \u2014 From rampaging vacuum cleaners to suave love gurus, you never know what you\u2019ll be up against next. Filled with genre-bending challenges and new character abilities to master in every level, experience a metaphorical merging of gameplay and narrative that pushes the boundaries of interactive storytelling. . A universal tale of relationships \u2014 Discover a touching and heartfelt story of the challenges in getting along. Help Cody and May learn how to overcome their differences. Meet a diverse cast of strange and endearing characters. Join forces and go on an adventure you\u2019ll treasure \u2014 together!. ABOUT HAZELIGHTHazelight is an award-winning independent game development studio based in Stockholm, Sweden. Founded in 2014 by Josef Fares (film director and creator of the award-winning game Brothers: A Tale of Two Sons), Hazelight is committed to pushing the creative boundaries of what is possible in games. In 2018, Hazelight released the BAFTA award-winning A Way Out \u2014 the first-ever co-op only, third-person action-adventure \u2014 as part of the EA Originals program.ABOUT EA ORIGINALSEA Originals helps shine a light on some of the most passionate, independent, and talented game studios across the globe. Discover innovative and unforgettable gaming experiences from highly creative game makers who love to enchant and inspire.", + "about_the_game": "Embark on the craziest journey of your life in It Takes Two, a genre-bending platform adventure created purely for co-op. Invite a friend to join for free with Friend\u2019s Pass and work together across a huge variety of gleefully disruptive gameplay challenges. Play as the clashing couple Cody and May, two humans turned into dolls by a magic spell. Together, trapped in a fantastical world where the unpredictable hides around every corner, they are reluctantly challenged with saving their fractured relationship. Master unique and connected character abilities in every new level. Help each other across an abundance of unexpected obstacles and laugh-out-loud moments. Kick gangster squirrels\u2019 furry tails, pilot a pair of underpants, DJ a buzzing night club, and bobsleigh through a magical snow globe. Embrace a heartfelt and hilarious story where narrative and gameplay weave into a uniquely metaphorical experience. It Takes Two is developed by the award-winning studio Hazelight, the industry leader of cooperative play. They\u2019re about to take you on a wild and wondrous ride where only one thing is for certain: we\u2019re better together.KEY FEATURESPure co-op perfection \u2014 Invite a friend to join for free with Remote Play Together**, and experience a thrilling adventure built purely for two. Choose from couch or online co-op with split-screen play, and face ever-changing challenges where working together is the only way forward.Gleefully disruptive gameplay \u2014 From rampaging vacuum cleaners to suave love gurus, you never know what you\u2019ll be up against next. Filled with genre-bending challenges and new character abilities to master in every level, experience a metaphorical merging of gameplay and narrative that pushes the boundaries of interactive storytelling. A universal tale of relationships \u2014 Discover a touching and heartfelt story of the challenges in getting along. Help Cody and May learn how to overcome their differences. Meet a diverse cast of strange and endearing characters. Join forces and go on an adventure you\u2019ll treasure \u2014 together!ABOUT HAZELIGHTHazelight is an award-winning independent game development studio based in Stockholm, Sweden. Founded in 2014 by Josef Fares (film director and creator of the award-winning game Brothers: A Tale of Two Sons), Hazelight is committed to pushing the creative boundaries of what is possible in games. In 2018, Hazelight released the BAFTA award-winning A Way Out \u2014 the first-ever co-op only, third-person action-adventure \u2014 as part of the EA Originals program.ABOUT EA ORIGINALSEA Originals helps shine a light on some of the most passionate, independent, and talented game studios across the globe. Discover innovative and unforgettable gaming experiences from highly creative game makers who love to enchant and inspire.", + "short_description": "Embark on the craziest journey of your life in It Takes Two. Invite a friend to join for free with Friend\u2019s Pass and work together across a huge variety of gleefully disruptive gameplay challenges. Winner of GAME OF THE YEAR at the Game Awards 2021.", + "genres": "Action", + "recommendations": 112179, + "score": 7.665431176261567 + }, + { + "type": "game", + "name": "MONSTER HUNTER RISE", + "detailed_description": "Featured DLC . . . . . . . . About the GameRise to the challenge and join the hunt! In Monster Hunter Rise, the latest installment in the award-winning and top-selling Monster Hunter series, you\u2019ll become a hunter, explore brand new maps and use a variety of weapons to take down fearsome monsters as part of an all-new storyline. The PC release also comes packed with a number of additional visual and performance enhancing optimizations. . Ferocious monsters with unique ecologies. Hunt down a plethora of monsters with distinct behaviors and deadly ferocity. From classic returning monsters to all-new creatures inspired by Japanese folklore, including the flagship wyvern Magnamalo, you\u2019ll need to think on your feet and master their unique tendencies if you hope to reap any of the rewards!. . Choose your weapon and show your skills. Wield 14 different weapon types that offer unique gameplay styles, both up-close and from long range. Charge up and hit hard with the devastating Great Sword; dispatch monsters in style using the elegant Long Sword; become a deadly maelstrom of blades with the speedy Dual Blades; charge forth with the punishing Lance; or take aim from a distance with the Bow and Bowguns. These are just a few of the weapon types available in the game, meaning you\u2019re sure to find the play style that suits you best. . Hunt, gather and craft your way to the top of the food chain. Each monster you hunt will provide materials that allow you to craft new weapons and armor and upgrade your existing gear. Go back out on the field and hunt even fiercer monsters and earn even better rewards! You can change your weapon at any of the Equipment Boxes any time, so the possibilities are limitless!. . Hunt solo or team up to take monsters down. The Hunter Hub offers multiplayer quests where up to four players can team up to take on targets together. Difficulty scaling ensures that whether you go solo or hit the hunt as a full four-person squad, it\u2019s always a fair fight. . Stunning visuals, unlocked framerate and other PC optimizations. Enjoy beautiful graphics at up 4K resolution, HDR with support for features including ultrawide monitors and an unlocked frame rate make to make this a truly immersive monster-hunting experience. Hunters will also get immediate access to a number of free title updates that include new monsters, quests, gear and more. . Enjoy an exciting new storyline set in Kamura Village. This serene locale is inhabited by a colorful cast of villagers who have long lived in fear of the Rampage - a catastrophic event where countless monsters attack the village all at once. 50 years after the last Rampage, you must work together with the villagers to face this trial. . Experience new hunting actions with the Wirebug. Wirebugs are an integral part of your hunter\u2019s toolkit. The special silk they shoot out can be used to zip up walls and across maps, and can even be used to pull off special attacks unique to each of the 14 weapon types in the game. . Buddies are here to help . The Palico Felyne friends you already know and love from previous Monster Hunter adventures are joined by the brand new Palamute Canyne companions!. . Wreak havoc by controlling monsters. Control raging monsters using Wyvern Riding and dish out massive damage to your targets! . . Fend off hordes of monsters in The Rampage. Protect Kamura Village from hordes of monsters in an all-new quest type! Prepare for monster hunting on a scale like never before!", + "about_the_game": "Rise to the challenge and join the hunt! In Monster Hunter Rise, the latest installment in the award-winning and top-selling Monster Hunter series, you\u2019ll become a hunter, explore brand new maps and use a variety of weapons to take down fearsome monsters as part of an all-new storyline. The PC release also comes packed with a number of additional visual and performance enhancing optimizations.Ferocious monsters with unique ecologiesHunt down a plethora of monsters with distinct behaviors and deadly ferocity. From classic returning monsters to all-new creatures inspired by Japanese folklore, including the flagship wyvern Magnamalo, you\u2019ll need to think on your feet and master their unique tendencies if you hope to reap any of the rewards!Choose your weapon and show your skillsWield 14 different weapon types that offer unique gameplay styles, both up-close and from long range. Charge up and hit hard with the devastating Great Sword; dispatch monsters in style using the elegant Long Sword; become a deadly maelstrom of blades with the speedy Dual Blades; charge forth with the punishing Lance; or take aim from a distance with the Bow and Bowguns. These are just a few of the weapon types available in the game, meaning you\u2019re sure to find the play style that suits you best. Hunt, gather and craft your way to the top of the food chainEach monster you hunt will provide materials that allow you to craft new weapons and armor and upgrade your existing gear. Go back out on the field and hunt even fiercer monsters and earn even better rewards! You can change your weapon at any of the Equipment Boxes any time, so the possibilities are limitless!Hunt solo or team up to take monsters downThe Hunter Hub offers multiplayer quests where up to four players can team up to take on targets together. Difficulty scaling ensures that whether you go solo or hit the hunt as a full four-person squad, it\u2019s always a fair fight.Stunning visuals, unlocked framerate and other PC optimizationsEnjoy beautiful graphics at up 4K resolution, HDR with support for features including ultrawide monitors and an unlocked frame rate make to make this a truly immersive monster-hunting experience. Hunters will also get immediate access to a number of free title updates that include new monsters, quests, gear and more.Enjoy an exciting new storyline set in Kamura VillageThis serene locale is inhabited by a colorful cast of villagers who have long lived in fear of the Rampage - a catastrophic event where countless monsters attack the village all at once. 50 years after the last Rampage, you must work together with the villagers to face this trial.Experience new hunting actions with the WirebugWirebugs are an integral part of your hunter\u2019s toolkit. The special silk they shoot out can be used to zip up walls and across maps, and can even be used to pull off special attacks unique to each of the 14 weapon types in the game.Buddies are here to help The Palico Felyne friends you already know and love from previous Monster Hunter adventures are joined by the brand new Palamute Canyne companions!Wreak havoc by controlling monstersControl raging monsters using Wyvern Riding and dish out massive damage to your targets! Fend off hordes of monsters in The RampageProtect Kamura Village from hordes of monsters in an all-new quest type! Prepare for monster hunting on a scale like never before!", + "short_description": "Rise to the challenge and join the hunt! In Monster Hunter Rise, the latest installment in the award-winning and top-selling Monster Hunter series, you\u2019ll become a hunter, explore brand new maps and use a variety of weapons to take down fearsome monsters as part of an all-new storyline.", + "genres": "Action", + "recommendations": 48903, + "score": 7.118108626943385 + }, + { + "type": "game", + "name": "Cookie Clicker", + "detailed_description": "Cookie Clicker is a game about making an absurd amount of cookies. To help you in this endeavor, you will recruit a wide variety of helpful cookie makers, like friendly Grandmas, Farms, Factories, and otherworldly Portals. . Cookie Clicker was originally released in 2013, but has been very actively developed since then. If you played it before, try it again to see all the new features!. Collect cookies and spend them to earn even more cookies. Over 600+ upgrades . Over 500+ Achievements. Pet your dragon. Mini-games. Unlock heavenly perma-upgrades. Cloud saving (no more deleting cookies by accident). Music by C418. Play community-made mods through Steam workshop.", + "about_the_game": "Cookie Clicker is a game about making an absurd amount of cookies. To help you in this endeavor, you will recruit a wide variety of helpful cookie makers, like friendly Grandmas, Farms, Factories, and otherworldly Portals.Cookie Clicker was originally released in 2013, but has been very actively developed since then. If you played it before, try it again to see all the new features! Collect cookies and spend them to earn even more cookies Over 600+ upgrades Over 500+ Achievements Pet your dragon Mini-games Unlock heavenly perma-upgrades Cloud saving (no more deleting cookies by accident) Music by C418 Play community-made mods through Steam workshop", + "short_description": "An idle game about making cookies! Originally released in 2013 on the web, and actively developed since then. This is the official version for Steam.", + "genres": "Casual", + "recommendations": 45479, + "score": 7.070257431391976 + }, + { + "type": "game", + "name": "Road 96 \ud83d\udee3\ufe0f", + "detailed_description": "Feature List About the GameSummer 1996, Today is the day! You hit the road. Adventure. Freedom. Escape. Run. Flee the Regime. Try to survive. . On this risky road trip to the border, you\u2019ll meet incredible characters, and discover their intertwined stories and secrets in an ever-evolving adventure. But every mile opens up a choice to make. Your decisions will change your adventure, change the people you meet, maybe even change the world. . There are thousands of roads across the authoritarian nation of Petria. Which one will you take?. . Road 96 is a crazy, beautiful road-trip. The discovery of exciting places, and unusual people on your own personal journey to freedom. . An ever-evolving story-driven adventure inspired by Tarantino, The Coen Brothers, and Bong Joon-ho. Made by the award-winning creators of Valiant Hearts and Memories Retold. Announced as part of the OMEN Presents initiative from HP Inc. . Moments of action, exploration, contemplative melancholy, human encounters and wacky situations. Set against a backdrop of authoritarian rule and oppression. . A stunning visual style, a soundtrack filled with 90s hits, and a thousand routes through the game combine so each player can create their own unique stories on Road 96. .", + "about_the_game": "Summer 1996, Today is the day! You hit the road. Adventure. Freedom. Escape. Run. Flee the Regime. Try to survive.On this risky road trip to the border, you\u2019ll meet incredible characters, and discover their intertwined stories and secrets in an ever-evolving adventure.But every mile opens up a choice to make. Your decisions will change your adventure, change the people you meet, maybe even change the world. There are thousands of roads across the authoritarian nation of Petria.Which one will you take?Road 96 is a crazy, beautiful road-trip. The discovery of exciting places, and unusual people on your own personal journey to freedom.An ever-evolving story-driven adventure inspired by Tarantino, The Coen Brothers, and Bong Joon-ho. Made by the award-winning creators of Valiant Hearts and Memories Retold. Announced as part of the OMEN Presents initiative from HP Inc.Moments of action, exploration, contemplative melancholy, human encounters and wacky situations. Set against a backdrop of authoritarian rule and oppression.A stunning visual style, a soundtrack filled with 90s hits, and a thousand routes through the game combine so each player can create their own unique stories on Road 96.", + "short_description": "Hitchhike your way to freedom in this crazy procedurally generated road trip. No one's road is the same!", + "genres": "Action", + "recommendations": 12549, + "score": 6.221464853515274 + }, + { + "type": "game", + "name": "Age of Empires IV: Anniversary Edition", + "detailed_description": "Digital Deluxe Edition. The Digital Deluxe Edition includes everything from Age of Empires IV, plus digital bonus content which includes the official Age of Empires IV soundtrack, Unit Counters Chart, art compilation from digital painter Craig Mullins, and exclusive in-game content including a Coat of Arms, Player Profile portrait, and Monument. About the GameCelebrating its first year of delighting millions of global players, the award-winning and best-selling strategy franchise continues with Age of Empires IV: Anniversary Edition, putting you at the center of even more epic historical battles that shaped the world. . Featuring both familiar and innovative new ways to expand your empire in vast landscapes with stunning 4K visual fidelity, Age of Empires IV: Anniversary Edition brings an evolved real-time strategy game to the next level in this celebratory new version that includes a host of free new content such as brand-new civilizations, new maps, additional in-game updates and languages, and new masteries, challenges, taunts and cheats \u2013 all at an amazing value that packs in more history than ever before! . Two New Civilizations, 8 New Maps - Lead the mighty Malians of West Africa as one of the richest trading nations of all-time as you focus on strong economic prowess in mining and investing in gold. . Or assemble one of the longest lasting empires in history with the Ottoman civilization and its well-trained military force, which features the largest gunpowder siege weapons available \u2013 the Great Bombards \u2013 mighty cannons that can fell any opponents who stand in your way. . Customize Your Game with Mods (Beta) - Chart your own course with powerful creator tools in the latest beta release of Mod Editor. Sculpt your own skirmish and multiplayer maps, craft unique mission scenarios, forge data driven tuning packs and envision new modes of play for Age of Empires IV. . Return to History \u2013 The past is prologue as you are immersed in a rich historical setting of 10 diverse civilizations across the world from the English to the Chinese to the Delhi Sultanate in your quest for victory. Build cities, manage resources, and lead your troops to battle on land and at sea in 4 distinct campaigns with 35 missions that span across 500 years of history from the Dark Ages up to the Renaissance. . An Age for All Players \u2013 Age of Empires IV is an inviting experience for new players with a tutorial system that teaches the essence of real-time strategy and a Campaign Story Mode designed for first time players to help achieve easy setup and success, yet is challenging enough for veteran players with new game mechanics, evolved strategies, and combat techniques. . Challenge the World \u2013 Jump online to compete, cooperate or spectate with up to 7 of your friends in PVP and PVE multiplayer modes that include ranked seasons and much more! . Choose Your Path to Greatness with Historical Figures \u2013 Live the adventures of Joan of Arc in her quest to defeat the English, or command mighty Mongol troops as Genghis Khan in his conquest across Asia. The choice is yours \u2013 and every decision you make will determine the outcome of history.", + "about_the_game": "Celebrating its first year of delighting millions of global players, the award-winning and best-selling strategy franchise continues with Age of Empires IV: Anniversary Edition, putting you at the center of even more epic historical battles that shaped the world.\r\n\r\nFeaturing both familiar and innovative new ways to expand your empire in vast landscapes with stunning 4K visual fidelity, Age of Empires IV: Anniversary Edition brings an evolved real-time strategy game to the next level in this celebratory new version that includes a host of free new content such as brand-new civilizations, new maps, additional in-game updates and languages, and new masteries, challenges, taunts and cheats \u2013 all at an amazing value that packs in more history than ever before! \r\n\r\nTwo New Civilizations, 8 New Maps - Lead the mighty Malians of West Africa as one of the richest trading nations of all-time as you focus on strong economic prowess in mining and investing in gold. \r\n\r\nOr assemble one of the longest lasting empires in history with the Ottoman civilization and its well-trained military force, which features the largest gunpowder siege weapons available \u2013 the Great Bombards \u2013 mighty cannons that can fell any opponents who stand in your way. \r\n\r\nCustomize Your Game with Mods (Beta) - Chart your own course with powerful creator tools in the latest beta release of Mod Editor. Sculpt your own skirmish and multiplayer maps, craft unique mission scenarios, forge data driven tuning packs and envision new modes of play for Age of Empires IV.\r\n\r\nReturn to History \u2013 The past is prologue as you are immersed in a rich historical setting of 10 diverse civilizations across the world from the English to the Chinese to the Delhi Sultanate in your quest for victory. Build cities, manage resources, and lead your troops to battle on land and at sea in 4 distinct campaigns with 35 missions that span across 500 years of history from the Dark Ages up to the Renaissance.\r\n\r\nAn Age for All Players \u2013 Age of Empires IV is an inviting experience for new players with a tutorial system that teaches the essence of real-time strategy and a Campaign Story Mode designed for first time players to help achieve easy setup and success, yet is challenging enough for veteran players with new game mechanics, evolved strategies, and combat techniques.\r\n\r\nChallenge the World \u2013 Jump online to compete, cooperate or spectate with up to 7 of your friends in PVP and PVE multiplayer modes that include ranked seasons and much more! \r\n\r\nChoose Your Path to Greatness with Historical Figures \u2013 Live the adventures of Joan of Arc in her quest to defeat the English, or command mighty Mongol troops as Genghis Khan in his conquest across Asia. The choice is yours \u2013 and every decision you make will determine the outcome of history.", + "short_description": "Celebrating its first year of delighting millions of global players, the award-winning and best-selling strategy franchise continues with Age of Empires IV: Anniversary Edition, putting you at the center of even more epic historical battles that shaped the world.", + "genres": "Strategy", + "recommendations": 40115, + "score": 6.987525804798816 + }, + { + "type": "game", + "name": "\u9b3c\u8c37\u516b\u8352 Tale of Immortal", + "detailed_description": "Join Our Reddit. Join Our Discord. Follow our Facebook&TwitterIf you encounter problem during launch, please kindly check out this note: Or send email to info@lightning.games we will try to help you. Twitter: Tale Of Immortal. Facebook: Tale Of Immortal. About the GameTale of Immortal is an open-world sandbox game based on Chinese mythology and cultivation. You will grow to become immortal, conquer the beasts from the Classic of Mountains and Season, make your choices carefully and grasp your own destiny. . . Step into the enchanting world of the Tale of Immortal, where cultivation is an art that requires more than just financial means and help from fellow cultivators. To truly master it, one must possess a deep understanding of the craft and have access to the right cultivation venues. But that's not all\u2014the journey is fraught with danger, as you'll face unpredictable monsters, crisis-ridden mystic realms, insurmountable barriers, and brilliant treasures waiting to be discovered. . As a novice cultivator in the Qi Refining stage, you'll set out from Yukong Village to cultivate your inner strength, defy the odds, and overcome adversity. With each breakthrough, you'll be able to rewrite your destiny and cleave through the thorns on your journey. Cross continents, witness the wonders of the world, and then ascend to Tian Yuan Mountain, where the ultimate enlightenment of the Way awaits. . . Embrace a fully-realized NPC world, where each character is a unique entity with their own friends, family, and life trajectory\u2014 completely independent of your progress. However, if you choose to meddle, you certainly can!. The game is yours to shape as you wish. Collaborate with your beloved to save the day, seek revenge alone, or even become the enemy of all. The choice is yours to make. . Master martial arts, teach NPCs the Taoist Mind, learn from seasoned gurus, and accept eager disciples. You can also take on the NPCs in the auction house and follow it up by drawing your sword or claiming your hard-earned spoils. . As part of a group of immortal cultivators, you can either shine bright or cultivate in secrecy. It's all up to you and the path you choose to take. . . Are you ready to embark on a thrilling adventure? One where you might become the hero who saves the day and wins the heart of the love of your life? Or maybe you're looking to stir up some jealousy in your crush and have them fight for your affection? How about fulfilling a fifty-year-old promise or getting caught up in the struggle of a mysterious organization? Perhaps you'll uncover a long-forgotten treasure, only to have it snatched away by a cunning adversary?. The possibilities are endless!. But that's just the beginning! As you journey through this immersive world, apart from interacting with a rich cast of NPCs, you'll encounter a plethora of random events and side tasks that will keep you on your toes. Some might leave you feeling frustrated or hurt, while others could be just the thing to save you or make you stronger after facing danger head-on. Every decision you make will shape the narrative, leading to a unique and unforgettable story that's yours alone. . . Do you want to take your sect to new heights of power and glory? We've got the ultimate sect management gameplay that lets you experience the full range of sect life: from humble disciple to mighty sect master. Join a massive sect and work your way up from the bottom, or take on the challenge of leading a fallen sect back to prominence. . As a Disciple, you'll complete sect missions, compete in sect tournaments, and fight for glory and resources for your sect. . As an Elder, you'll be responsible for teaching and guiding your disciples, assigning tasks, and accelerating the sect's growth. . The real power and responsibility, however, lie with the Sect Leader. You'll need to keep order in the sect, plan strategic attacks and defenses, and fight for precious resources like Spirit Mines. If you're ambitious enough, you can even conquer other sects and seize their exclusive \"Rewrite Destiny\" and manuals. . Achieve your wildest ambitions and unify the world, as long as you have the strength and the drive to make it happen. . . To embark on an epic adventure, you need to hone your skills and become a true warrior. . Start by building a solid foundation of cultivation. Your mind skills are crucial to success, so focus on cultivating a powerful mindset. From there, you can delve into martial and spiritual skills to take your abilities to the next level. As you explore, keep an eye out for opportunities to create edges with your motion and special skills. And don't forget to tap into your ultimate skills to save the day when necessary. . There are a dozen of manuals to choose from, each with its own unique characteristics. Will you specialize in one of the twelve Spiritual Roots, or master them all? What school of martial arts will you establish? The choice is yours. . There are treasures to be found in every corner of this world. From the Manual Pavilion to the mystic realms and beyond, you never know what you might discover. And with hundreds of rare and exotic monsters, fellow cultivators, ghosts, demons, and immortals to test your strength against, you'll never be bored. . If you're up for a challenge, why not try your luck at the Immortal Tournament or the Master Rankings? Can you break through the barriers of the Nether Mountains? Will your school rise to the occasion and prove its worth? As you journey through this perilous world, your school will be put to the test. . . Sharpen your skills and harness the power of tools! . At the start, you get to choose from three formidable weapons, each offering a distinct cultivation system. The Bagua Jade grants you the ability to revive yourself and your chosen ally, the Eye of Providence allows you to steal Beast Skills and gain unparalleled insights into the world, and the Mythical Gourd empowers you to capture a Boss and enlist it as your loyal sidekick: command it to fight by your side or to search for treasure on your behalf. . And that's not all. Refine your own Artifacts and summon Artifact Spirits to fight by your side. These Spirits not only offer you companionship but also trigger exclusive adventures and provide invaluable assistance. . Moreover, hone your skills in practicing Alchemy and Talismans, mastering the art of Geomancy and Feng Shui, and crafting a plethora of items to assist you in your explorations. Confuse your enemies, slay your foes, and emerge victorious every time!. . Our studio hopes that in this game, players will express the theme of \"Always stick to your heart, dare to fight against difficulties; make choices carefully and grasp your own destiny.\".", + "about_the_game": "Tale of Immortal is an open-world sandbox game based on Chinese mythology and cultivation. You will grow to become immortal, conquer the beasts from the Classic of Mountains and Season, make your choices carefully and grasp your own destiny.Step into the enchanting world of the Tale of Immortal, where cultivation is an art that requires more than just financial means and help from fellow cultivators. To truly master it, one must possess a deep understanding of the craft and have access to the right cultivation venues. But that's not all\u2014the journey is fraught with danger, as you'll face unpredictable monsters, crisis-ridden mystic realms, insurmountable barriers, and brilliant treasures waiting to be discovered.As a novice cultivator in the Qi Refining stage, you'll set out from Yukong Village to cultivate your inner strength, defy the odds, and overcome adversity. With each breakthrough, you'll be able to rewrite your destiny and cleave through the thorns on your journey. Cross continents, witness the wonders of the world, and then ascend to Tian Yuan Mountain, where the ultimate enlightenment of the Way awaits.Embrace a fully-realized NPC world, where each character is a unique entity with their own friends, family, and life trajectory\u2014 completely independent of your progress. However, if you choose to meddle, you certainly can!The game is yours to shape as you wish. Collaborate with your beloved to save the day, seek revenge alone, or even become the enemy of all. The choice is yours to make.Master martial arts, teach NPCs the Taoist Mind, learn from seasoned gurus, and accept eager disciples. You can also take on the NPCs in the auction house and follow it up by drawing your sword or claiming your hard-earned spoils.As part of a group of immortal cultivators, you can either shine bright or cultivate in secrecy. It's all up to you and the path you choose to take.Are you ready to embark on a thrilling adventure? One where you might become the hero who saves the day and wins the heart of the love of your life? Or maybe you're looking to stir up some jealousy in your crush and have them fight for your affection? How about fulfilling a fifty-year-old promise or getting caught up in the struggle of a mysterious organization? Perhaps you'll uncover a long-forgotten treasure, only to have it snatched away by a cunning adversary?The possibilities are endless!But that's just the beginning! As you journey through this immersive world, apart from interacting with a rich cast of NPCs, you'll encounter a plethora of random events and side tasks that will keep you on your toes. Some might leave you feeling frustrated or hurt, while others could be just the thing to save you or make you stronger after facing danger head-on. Every decision you make will shape the narrative, leading to a unique and unforgettable story that's yours alone.Do you want to take your sect to new heights of power and glory? We've got the ultimate sect management gameplay that lets you experience the full range of sect life: from humble disciple to mighty sect master. Join a massive sect and work your way up from the bottom, or take on the challenge of leading a fallen sect back to prominence. As a Disciple, you'll complete sect missions, compete in sect tournaments, and fight for glory and resources for your sect. As an Elder, you'll be responsible for teaching and guiding your disciples, assigning tasks, and accelerating the sect's growth.The real power and responsibility, however, lie with the Sect Leader. You'll need to keep order in the sect, plan strategic attacks and defenses, and fight for precious resources like Spirit Mines. If you're ambitious enough, you can even conquer other sects and seize their exclusive \"Rewrite Destiny\" and manuals.Achieve your wildest ambitions and unify the world, as long as you have the strength and the drive to make it happen.To embark on an epic adventure, you need to hone your skills and become a true warrior.Start by building a solid foundation of cultivation. Your mind skills are crucial to success, so focus on cultivating a powerful mindset. From there, you can delve into martial and spiritual skills to take your abilities to the next level. As you explore, keep an eye out for opportunities to create edges with your motion and special skills. And don't forget to tap into your ultimate skills to save the day when necessary. There are a dozen of manuals to choose from, each with its own unique characteristics. Will you specialize in one of the twelve Spiritual Roots, or master them all? What school of martial arts will you establish? The choice is yours.There are treasures to be found in every corner of this world. From the Manual Pavilion to the mystic realms and beyond, you never know what you might discover. And with hundreds of rare and exotic monsters, fellow cultivators, ghosts, demons, and immortals to test your strength against, you'll never be bored.If you're up for a challenge, why not try your luck at the Immortal Tournament or the Master Rankings? Can you break through the barriers of the Nether Mountains? Will your school rise to the occasion and prove its worth? As you journey through this perilous world, your school will be put to the test.Sharpen your skills and harness the power of tools! At the start, you get to choose from three formidable weapons, each offering a distinct cultivation system. The Bagua Jade grants you the ability to revive yourself and your chosen ally, the Eye of Providence allows you to steal Beast Skills and gain unparalleled insights into the world, and the Mythical Gourd empowers you to capture a Boss and enlist it as your loyal sidekick: command it to fight by your side or to search for treasure on your behalf.And that's not all. Refine your own Artifacts and summon Artifact Spirits to fight by your side. These Spirits not only offer you companionship but also trigger exclusive adventures and provide invaluable assistance.Moreover, hone your skills in practicing Alchemy and Talismans, mastering the art of Geomancy and Feng Shui, and crafting a plethora of items to assist you in your explorations. Confuse your enemies, slay your foes, and emerge victorious every time!Our studio hopes that in this game, players will express the theme of \"Always stick to your heart, dare to fight against difficulties; make choices carefully and grasp your own destiny.\"", + "short_description": "Tale of Immortal is an open-world sandbox based on Chinese mythology and cultivation. You will grow to become immortal, conquer the beasts from the Classic of Mountains and Season, make your choices carefully and grasp your own destiny.", + "genres": "Action", + "recommendations": 185498, + "score": 7.996987326471698 + }, + { + "type": "game", + "name": "Draw & Guess", + "detailed_description": "Draw & Guess is a casual drawing game with multiple game modes for up to 16 players. . Show your art and tickle your brains trying to guess what your fellow players have drawn! Or challenge our highly trained AI.Game ModesChinese Whispers: Pick from the selected word list (or a suggestion from another player) and draw away! All players draw and guess at the same time, so no waiting for your turn to start! Will all players guess the right word based on the drawings submitted? Or is your bunny now a three-story house? Earn trophies for words that match and get awards from other players for most-liked drawings. . Charades: With this classic mode, draw while other players try to guess your drawing. The faster they recognize it, the more points they (and you) get! Who will earn most points both as drawer and guesser? And is \u201ccar\u201d really the most likely answer for that 6-letter hint?. AI: Want to draw and have the game guess your drawings? In this mode, choose a word, and see if the game recognizes your drawing. The more confident our AI is, the more points you earn! Beat your own personal score or play with others for first place. . Lobby Drawing: Just want to chill in the lobby by yourself or with a group of players? No sweat! Here you can let other players know you\u2019re playing to work on your skills, and invite them to draw with you.Spicing things upYou\u2019ve perfected your drawing of a happy stick figure and it takes other players only seconds to know what it is? . Try our new Pixel Art mode! And if you want to make the game more difficult, how about having your lines disappear as you draw them? Or you can have them be affected by the pull of gravity \u2013 and can create your personal hardcore mode!. Just hoping to relax after a long day? Take your time in slow mode for a calm breezer and leave super-fast mode to players looking for more intense rounds. :). Once you\u2019ve mastered our default words, browse the Steam Workshop for a huge variety of player-created lists! If none of the many topics available quite fit your taste, create (and submit) your own. . NEW: Now with Twitch integration! Stream live and let your chat guess your prompt!. . Join our Discord community to find players: Visit the Draw and Guess website: ", + "about_the_game": "Draw & Guess is a casual drawing game with multiple game modes for up to 16 players.Show your art and tickle your brains trying to guess what your fellow players have drawn! Or challenge our highly trained AI.Game ModesChinese Whispers: Pick from the selected word list (or a suggestion from another player) and draw away! All players draw and guess at the same time, so no waiting for your turn to start! Will all players guess the right word based on the drawings submitted? Or is your bunny now a three-story house? Earn trophies for words that match and get awards from other players for most-liked drawings.Charades: With this classic mode, draw while other players try to guess your drawing. The faster they recognize it, the more points they (and you) get! Who will earn most points both as drawer and guesser? And is \u201ccar\u201d really the most likely answer for that 6-letter hint?AI: Want to draw and have the game guess your drawings? In this mode, choose a word, and see if the game recognizes your drawing. The more confident our AI is, the more points you earn! Beat your own personal score or play with others for first place.Lobby Drawing: Just want to chill in the lobby by yourself or with a group of players? No sweat! Here you can let other players know you\u2019re playing to work on your skills, and invite them to draw with you.Spicing things upYou\u2019ve perfected your drawing of a happy stick figure and it takes other players only seconds to know what it is? Try our new Pixel Art mode! And if you want to make the game more difficult, how about having your lines disappear as you draw them? Or you can have them be affected by the pull of gravity \u2013 and can create your personal hardcore mode!Just hoping to relax after a long day? Take your time in slow mode for a calm breezer and leave super-fast mode to players looking for more intense rounds. :)Once you\u2019ve mastered our default words, browse the Steam Workshop for a huge variety of player-created lists! If none of the many topics available quite fit your taste, create (and submit) your own.NEW: Now with Twitch integration! Stream live and let your chat guess your prompt!Join our Discord community to find players: the Draw and Guess website: ", + "short_description": "Draw & Guess is a casual drawing game for up to 16 players. Pick a word and draw away or try to guess your fellow players\u2019 submissions. Multiple game modes and settings available to spice things up!", + "genres": "Casual", + "recommendations": 26489, + "score": 6.713940217450362 + }, + { + "type": "game", + "name": "FIFA 22", + "detailed_description": "GET THE LATEST VERSION OF EA SPORTS\u2122 FIFA FIFA 22 Ultimate Edition. FIFA 22 Ultimate Edition includes:. 4600 FIFA Points. About the GamePowered by Football\u2122, EA SPORTS\u2122 FIFA 22 brings the game even closer to the real thing with fundamental gameplay advances and a new season of innovation across every mode. . What is FIFA? . Play The World\u2019s Game with 17,000+ players, over 700 teams in 90+ stadiums and more than 30 leagues from all over the globe. . GAME MODES. Career Mode \u2013 Live out your dreams as both a manager and a player in FIFA 22. Create the newest club in FIFA, design your kits, style your stadium, and choose whether to compete with the elite or rise up from the lower divisions as you manage your club to glory. Or test your skills as a player, with a more immersive Player Career mode that gives you more ways to progress, achieve, and immerse yourself in your Pro\u2019s journey through the game. . VOLTA FOOTBALL \u2013 Take it back to the streets with VOLTA FOOTBALL. Build a player, pick your gear, and express your style on the streets alone or with your squad in football playgrounds all around the world. Get rewarded for your skill on the ball with restyled gameplay, and play unique events in special locations each season as you unlock new gear through a new seasonal progression system that lets you earn XP towards all of the rewards on offer in VOLTA FOOTBALL, whichever mode you play. . FIFA Ultimate Team \u2013 Get involved with the most popular mode in FIFA, FIFA Ultimate Team. Build your dream squad from thousands of players from across the world of football, make your club your own on and off the pitch with custom kits, badges, and a whole FUT Stadium to leave your mark on, and take your team into matches against the AI or other players in the FUT Community. Plus, welcome back some of the game\u2019s most memorable players as new FUT Heroes, as some of football\u2019s most memorable players return to the pitch. . Unrivaled Authenticity \u2013 Play with the world\u2019s biggest players in the world\u2019s biggest competitions, including the iconic UEFA Champions League, UEFA Europa League, brand new UEFA Europa Conference League, CONMEBOL Libertadores, CONMEBOL Sudamericana, Premier League, Bundesliga, LaLiga Santander, and many more! . When playing FIFA 22 on Steam, you can use your DUALSHOCK 4 and Xbox controllers to play your way. . This game includes optional in-game purchases of virtual currency that can be used to acquire virtual in-game items, including a random selection of virtual in-game items.", + "about_the_game": "Powered by Football\u2122, EA SPORTS\u2122 FIFA 22 brings the game even closer to the real thing with fundamental gameplay advances and a new season of innovation across every mode.What is FIFA? Play The World\u2019s Game with 17,000+ players, over 700 teams in 90+ stadiums and more than 30 leagues from all over the globe.GAME MODESCareer Mode \u2013 Live out your dreams as both a manager and a player in FIFA 22. Create the newest club in FIFA, design your kits, style your stadium, and choose whether to compete with the elite or rise up from the lower divisions as you manage your club to glory. Or test your skills as a player, with a more immersive Player Career mode that gives you more ways to progress, achieve, and immerse yourself in your Pro\u2019s journey through the game. VOLTA FOOTBALL \u2013 Take it back to the streets with VOLTA FOOTBALL. Build a player, pick your gear, and express your style on the streets alone or with your squad in football playgrounds all around the world. Get rewarded for your skill on the ball with restyled gameplay, and play unique events in special locations each season as you unlock new gear through a new seasonal progression system that lets you earn XP towards all of the rewards on offer in VOLTA FOOTBALL, whichever mode you play. FIFA Ultimate Team \u2013 Get involved with the most popular mode in FIFA, FIFA Ultimate Team. Build your dream squad from thousands of players from across the world of football, make your club your own on and off the pitch with custom kits, badges, and a whole FUT Stadium to leave your mark on, and take your team into matches against the AI or other players in the FUT Community. Plus, welcome back some of the game\u2019s most memorable players as new FUT Heroes, as some of football\u2019s most memorable players return to the pitch. Unrivaled Authenticity \u2013 Play with the world\u2019s biggest players in the world\u2019s biggest competitions, including the iconic UEFA Champions League, UEFA Europa League, brand new UEFA Europa Conference League, CONMEBOL Libertadores, CONMEBOL Sudamericana, Premier League, Bundesliga, LaLiga Santander, and many more! When playing FIFA 22 on Steam, you can use your DUALSHOCK 4 and Xbox controllers to play your way.This game includes optional in-game purchases of virtual currency that can be used to acquire virtual in-game items, including a random selection of virtual in-game items.", + "short_description": "Powered by Football\u2122, EA SPORTS\u2122 FIFA 22 brings the game even closer to the real thing with fundamental gameplay advances and a new season of innovation across every mode.", + "genres": "Simulation", + "recommendations": 99052, + "score": 7.583390256311574 + }, + { + "type": "game", + "name": "PICO PARK", + "detailed_description": "* If you are connecting more than 5 Xbox controllers, please enable \"Xbox Extended Feature Support\" in Controller Settings.PICO PARK is a cooperative local/online multiplay action puzzle game for 2-8 players. The rule is quite simple: \"Get all the keys and get to the goal and clear\", but all 48 levels have special gimmicks designed specifically for multiplayer. At most levels, different gimmicks will appear as you move forward, and you will need to consult with your peers and think about new ways to cooperate. . This version is essentially a port of the one we released on the Nintendo Switch in 2019. However, it's not just a port, it now supports online play. . The 2016 version of this link has been renamed \"PICO PARK:Classic Edition\". [Flexible Level]. Each level of PICO PARK can be cleared when players get the key,unlock the door and all players reach it.But, every level requires cooperation to complete. . [Battle Mode]. Co-op play is the main work of this game, but let's compete with friends in BATTLE MODE once co-op play is completed. . [Endless Mode]. Even if you complete all 48 stages, you can play ENDLESS mode to aim at high score by collaborating with friends. By collaborating with friends, your score will grow faster. . [Online Play Mode]. You can play together online with people who are far away from you. However, this is a game where communication is very important, so we recommend using Discord or Zoom to play while talking. . [TecoGamePad]. TecoGamePad change your smartphone turn to gamepad (for local play mode). Android: iOS: Let's have fun playing PICO PARK with your friends!", + "about_the_game": "* If you are connecting more than 5 Xbox controllers, please enable \"Xbox Extended Feature Support\" in Controller Settings.PICO PARK is a cooperative local/online multiplay action puzzle game for 2-8 players.The rule is quite simple: \"Get all the keys and get to the goal and clear\", but all 48 levels have special gimmicks designed specifically for multiplayer. At most levels, different gimmicks will appear as you move forward, and you will need to consult with your peers and think about new ways to cooperate.This version is essentially a port of the one we released on the Nintendo Switch in 2019.However, it's not just a port, it now supports online play.The 2016 version of this link has been renamed \"PICO PARK:Classic Edition\" Level]Each level of PICO PARK can be cleared when players get the key,unlock the door and all players reach it.But, every level requires cooperation to complete..[Battle Mode]Co-op play is the main work of this game, but let's compete with friends in BATTLE MODE once co-op play is completed.[Endless Mode]Even if you complete all 48 stages, you can play ENDLESS mode to aim at high score by collaborating with friends. By collaborating with friends, your score will grow faster.[Online Play Mode]You can play together online with people who are far away from you. However, this is a game where communication is very important, so we recommend using Discord or Zoom to play while talking.[TecoGamePad]TecoGamePad change your smartphone turn to gamepad (for local play mode)Android: have fun playing PICO PARK with your friends!", + "short_description": "PICO PARK is a cooperative local/online multiplay action puzzle game for 2-8 players.", + "genres": "Action", + "recommendations": 16511, + "score": 6.402335558631139 + }, + { + "type": "game", + "name": "Capcom Arcade Stadium", + "detailed_description": "Relive the Capcom classics!. Get 1943 -The Battle of Midway- and game logo wallpapers free with your download!. Shooters, fighting, action\u2014all your favorite genres in this exciting collection! Capcom Arcade Stadium brings back all the nostalgia of the arcade, while adding in new and exciting features you'll wish you had back then!. Just Like the Good Old Days. From 3D-rendered arcade cabinets to scanline filters, there's everything you need to recreate that arcade atmosphere. Fully customizable display settings let you craft your own personal experience and truly relive the glory days of arcade gaming. . Brand New Ways to Play. With gameplay rewind, speed adjustment, and the ability to save and load your game at any time, your old favorites will feel new all over again!. Every game has online leaderboard rankings, so you can see where you stack up against players all over the world!. Capcom Arcade Stadium, where retro appeal meets cutting-edge features for a fresh take on Capcom's classics!. Included Title. 1943 - The Battle of Midway -. Players: 1-2 Co-Op. Genre: Shooting. Versions: Japanese & English. Note: . - Player numbers differ based on the game. Multiplayer gameplay is only available locally. - Game logo wallpapers will download to the following folder on your computer: . \\steamapps\\common\\Capcom Arcade Stadium\\Wallpaper", + "about_the_game": "Relive the Capcom classics!\r\nGet 1943 -The Battle of Midway- and game logo wallpapers free with your download!\r\n\r\nShooters, fighting, action\u2014all your favorite genres in this exciting collection! Capcom Arcade Stadium brings back all the nostalgia of the arcade, while adding in new and exciting features you'll wish you had back then!\r\n\r\nJust Like the Good Old Days\r\nFrom 3D-rendered arcade cabinets to scanline filters, there's everything you need to recreate that arcade atmosphere. Fully customizable display settings let you craft your own personal experience and truly relive the glory days of arcade gaming.\r\n\r\nBrand New Ways to Play\r\nWith gameplay rewind, speed adjustment, and the ability to save and load your game at any time, your old favorites will feel new all over again!\r\nEvery game has online leaderboard rankings, so you can see where you stack up against players all over the world!\r\nCapcom Arcade Stadium, where retro appeal meets cutting-edge features for a fresh take on Capcom's classics!\r\n\r\nIncluded Title\r\n1943 - The Battle of Midway -\r\nPlayers: 1-2 Co-Op\r\nGenre: Shooting\r\nVersions: Japanese & English\r\n\r\nNote: \r\n- Player numbers differ based on the game. Multiplayer gameplay is only available locally.\r\n- Game logo wallpapers will download to the following folder on your computer: \r\n...\\steamapps\\common\\Capcom Arcade Stadium\\Wallpaper", + "short_description": "Relive the Capcom classics! Get 1943 -The Battle of Midway- and game logo wallpapers free with your download!", + "genres": "Action", + "recommendations": 292, + "score": 3.744538736469086 + }, + { + "type": "game", + "name": "Battlefield\u2122 2042", + "detailed_description": "Never back down in Battlefield\u2122 2042 \u2013 Season 5: New Dawn. In Season 5, a new dawn is upon the No-Pats. Head to Czechia, where the warmest welcome you\u2019ll get is down the barrel of a gun. Battle by an abandoned factory retaken by nature on the new map Reclaimed. Expand your arsenal with the XCE Bar bolt-action rifle, the GEW-46 assault rifle, and the powerful BFP.50 hand cannon. As you gather your squad, load up with three new types of grenades and show your foes just how sharp your teeth are. Enjoy a plethora of improvements to Battlefield 2042, including a rework of vehicle loadouts, new weapon stations like thermal tech and heavy anti-air, rehauled Vault weapons, and a reworked version of the Hourglass map. So, show no mercy \u2013 and never back down. Battlefield\u2122 2042 Elite Edition. Get the definitive version of Battlefield\u2122 2042. Packed to the brim with value, Battlefield 2042 Elite Edition contains:. 4 Seasons' worth of content instantly unlocked: Battle on 17+ maps, wield over 35 weapons, deploy as 14 Specialists. \u201cLost World\u201d Epic Cosmetic Bundle* containing:. Epic \u201cForsaken\u201d Rao Specialist Set. Epic \u201cStarved Vulture\u201d Vehicle Skin. Epic \u201cBanisher\u201d Weapon Skin. . . This game includes optional in-game purchases of virtual currency that can be used to acquire virtual in-game items. About the GameWELCOME TO 2042Battlefield\u2122 2042 is a first-person shooter that marks the return to the iconic all-out warfare of the franchise. Utilize a cutting-edge arsenal in immersive multiplayer battles on maps set in both open battlegrounds and close-quarters maps. Choose your class, rally your squad, and fight through the world of 2042 as well as Battlefield's past.ALL-OUT WARFARE. . .", + "about_the_game": "WELCOME TO 2042Battlefield\u2122 2042 is a first-person shooter that marks the return to the iconic all-out warfare of the franchise. Utilize a cutting-edge arsenal in immersive multiplayer battles on maps set in both open battlegrounds and close-quarters maps. Choose your class, rally your squad, and fight through the world of 2042 as well as Battlefield's past.ALL-OUT WARFARE", + "short_description": "Never back down in Season 5: New Dawn. Battlefield\u2122 2042 is a first-person shooter that marks the return to the iconic all-out warfare of the franchise.", + "genres": "Action", + "recommendations": 149826, + "score": 7.8561968192145795 + }, + { + "type": "game", + "name": "Soul Dossier", + "detailed_description": ". . . . . . . . . . . . . . . .", + "about_the_game": "", + "short_description": "Soul Dossier is a multiplayer game based on Oriental culture (5vS1). The game is based on a variety of traditional Oriental cultures, including five elements, eight diagrams and folklore.", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Orcs Must Die! 3", + "detailed_description": "Orcs Must Die! 3 ushers orc-slaying mayhem to a previously unimaginable scale. Solo, or 2 player co-op, arm yourself with a massive arsenal of traps and weapons. Slice, burn, toss and zap hordes of repugnant orcs in this long-awaited successor to the award-winning series. . New to the series, War Scenarios pit players against the largest orc armies ever assembled. Mountable War Machines give players the essential firepower to heave, stab, carbonize, and disarticulate the abominable intruders. . More of Everything - Orcs Must Die! 3 is everything fans loved about the first two games and more. More orcs, more traps, more weapons, more upgrades and even better looking. It\u2019s cranked up to at least eleven. . New Story - Play through a brand new story set more than 20 years after Orcs Must Die! 2, where the War Mage and Sorceress have rebuilt the order and trained new young apprentices. . War Scenarios - All new War Scenarios deliver on the promise of massive scale first set out in Orcs Must Die! Confront overwhelming armies of orcs outside on the battlefields surrounding the castles. Thin out waves of orcs hundreds strong before they breach the walls and crash your rift. . War Machines - You\u2019re going to need new weapons of death and destruction to handle these hordes. War Machines are traps on an oversized scale. Lay down your mega flip trap and launch dozens of ragdolling orcs. Mount your mega boom barrel launcher and unleash pyrotechnic glory. . It Never Stops - The legions of orcs keep coming long after the story is completed. Etch your name into the orc-slaying hall of fame through Weekly Challenges or see how long you can survive in Endless Mode. . Take Drastic Steps - Orcs Must Die! 3 comes with the Drastic Steps campaign and content for free, including terrifying flying enemies, heroic war guardians and of course more tools for orc destruction!. Scramble to Survive - The new Scramble Mode pits you against vile orcs who evolve with increasingly difficult and sinister tricks up their chunky sleeves. But each level you survive, you collect your own modifiers to fight back with!", + "about_the_game": "Orcs Must Die! 3 ushers orc-slaying mayhem to a previously unimaginable scale. Solo, or 2 player co-op, arm yourself with a massive arsenal of traps and weapons. Slice, burn, toss and zap hordes of repugnant orcs in this long-awaited successor to the award-winning series.New to the series, War Scenarios pit players against the largest orc armies ever assembled. Mountable War Machines give players the essential firepower to heave, stab, carbonize, and disarticulate the abominable intruders.More of Everything - Orcs Must Die! 3 is everything fans loved about the first two games and more. More orcs, more traps, more weapons, more upgrades and even better looking. It\u2019s cranked up to at least eleven. New Story - Play through a brand new story set more than 20 years after Orcs Must Die! 2, where the War Mage and Sorceress have rebuilt the order and trained new young apprentices.War Scenarios - All new War Scenarios deliver on the promise of massive scale first set out in Orcs Must Die! Confront overwhelming armies of orcs outside on the battlefields surrounding the castles. Thin out waves of orcs hundreds strong before they breach the walls and crash your rift.War Machines - You\u2019re going to need new weapons of death and destruction to handle these hordes. War Machines are traps on an oversized scale. Lay down your mega flip trap and launch dozens of ragdolling orcs. Mount your mega boom barrel launcher and unleash pyrotechnic glory.It Never Stops - The legions of orcs keep coming long after the story is completed. Etch your name into the orc-slaying hall of fame through Weekly Challenges or see how long you can survive in Endless Mode.Take Drastic Steps - Orcs Must Die! 3 comes with the Drastic Steps campaign and content for free, including terrifying flying enemies, heroic war guardians and of course more tools for orc destruction!Scramble to Survive - The new Scramble Mode pits you against vile orcs who evolve with increasingly difficult and sinister tricks up their chunky sleeves. But each level you survive, you collect your own modifiers to fight back with!", + "short_description": "Slice, burn, toss, zap, grind and gib massive hordes of repugnant orcs in this long-awaited successor to the award-winning Orcs Must Die! series.", + "genres": "Action", + "recommendations": 8146, + "score": 5.936630861799191 + }, + { + "type": "game", + "name": "OpenTTD", + "detailed_description": "OpenTTD is a business simulation game in which players earn money by transporting passengers and cargo via road, rail, water, and air. It is an open-source remake and expansion of the 1995 Chris Sawyer video game Transport Tycoon Deluxe.Build. Connect industries and cities on procedurally-generated maps of up to 4096 x 4096 tiles by building a network of roads, railways, docks, and airports. Navigate dense city streets, cross oceans and rivers, and conquer high mountains in one of four climates.Transport. Work alone or with friends to complete production chains and transport finished goods to towns. Assemble a fleet of hundreds of vehicles, transferring cargo as needed in an interconnected, multimodal network with optional cargo destinations.Upgrade. Keep up with technological improvements through the years as towns grow; new modes of transport are invented; and industries appear, change production, or fail. Expand stations and build network capacity to keep up with demand and avoid delays.Extend. Customize your OpenTTD experience via community-made mods downloaded through an in-game content service, including real-world vehicles, new industry sets, custom scenarios, and more.Free and open-source. OpenTTD is free and open-source software, licensed under the GNU General Public License version 2.0. OpenTTD is under ongoing development. OpenTTD is not an abbreviation of anything.", + "about_the_game": "OpenTTD is a business simulation game in which players earn money by transporting passengers and cargo via road, rail, water, and air. It is an open-source remake and expansion of the 1995 Chris Sawyer video game Transport Tycoon Deluxe.BuildConnect industries and cities on procedurally-generated maps of up to 4096 x 4096 tiles by building a network of roads, railways, docks, and airports. Navigate dense city streets, cross oceans and rivers, and conquer high mountains in one of four climates.TransportWork alone or with friends to complete production chains and transport finished goods to towns. Assemble a fleet of hundreds of vehicles, transferring cargo as needed in an interconnected, multimodal network with optional cargo destinations.UpgradeKeep up with technological improvements through the years as towns grow; new modes of transport are invented; and industries appear, change production, or fail. Expand stations and build network capacity to keep up with demand and avoid delays.ExtendCustomize your OpenTTD experience via community-made mods downloaded through an in-game content service, including real-world vehicles, new industry sets, custom scenarios, and more.Free and open-sourceOpenTTD is free and open-source software, licensed under the GNU General Public License version 2.0. OpenTTD is under ongoing development. OpenTTD is not an abbreviation of anything.", + "short_description": "OpenTTD is a business simulation game in which players earn money by transporting passengers and cargo via road, rail, water, and air. It is an open-source remake and expansion of the 1995 Chris Sawyer video game Transport Tycoon Deluxe.", + "genres": "Casual", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "Aliens: Fireteam Elite", + "detailed_description": "EDITIONS. INTO THE HIVE EDITION. Venture into the hive and experience the Aliens: Fireteam Elite story! The Into the Hive Edition includes both the Standard Edition of the game and its Pathogen expansion, which adds a new campaign with three new missions on top of the twelve missions already included in the base game.THE ULTIMATE EDITION. The Ultimate Edition of Aliens: Fireteam Elite is a must have for any aspiring Colonial Marine. Upgrading from the Standard Edition gets you the Pathogen expansion, complete with a new campaign, new weapons and more! Plus, the Ultimate Edition also includes the full suite of Endeavor Pass cosmetic DLCs and the Endeavor Veteran Pack. About the Game Play with up to two players or AI as you battle through four campaigns to explore the mystery of a new planet, LV-895. Discover what hides in the ruins and caves beneath in this third-person survival shooter set in the Aliens universe. . Build your fireteam focusing on class composition, consumables, and weapons to take down Xenomorphs, beat Challenge Card runs, or play various game modes with friends. . Blast through hordes of Xenomorphs, evade deadly Prowlers and Spitters, and set up defensive positions to stay alive long enough to get your fireteam to safety. . Build your Marine the way you want. Level up in each of 7 unique classes or be a master of one. Choose your weapon \u2013 everything from magnums and SMGs to rocket launchers \u2013 and use over 130 unique perks to create the build of your choice. . Level your character through 7 Class Kits, each with two unique abilities to use in combat and unlockable perks. Max out a variety of weapons, powering them up in stats the more you use them.", + "about_the_game": " with up to two players or AI as you battle through four campaigns to explore the mystery of a new planet, LV-895. Discover what hides in the ruins and caves beneath in this third-person survival shooter set in the Aliens universe.Build your fireteam focusing on class composition, consumables, and weapons to take down Xenomorphs, beat Challenge Card runs, or play various game modes with friends.Blast through hordes of Xenomorphs, evade deadly Prowlers and Spitters, and set up defensive positions to stay alive long enough to get your fireteam to safety.Build your Marine the way you want. Level up in each of 7 unique classes or be a master of one. Choose your weapon \u2013 everything from magnums and SMGs to rocket launchers \u2013 and use over 130 unique perks to create the build of your choice.Level your character through 7 Class Kits, each with two unique abilities to use in combat and unlockable perks. Max out a variety of weapons, powering them up in stats the more you use them.", + "short_description": "Aliens: Fireteam Elite is a cooperative third-person survival game set in the iconic Alien Universe. Battle through hordes of different types of Xenomorph, customize your character and gear, and level-up as you try to contain this ever-growing threat.", + "genres": "Action", + "recommendations": 15468, + "score": 6.359321234421103 + }, + { + "type": "game", + "name": "Forza Horizon 5", + "detailed_description": "Forza Horizon 5 Version Comparison. About the GameYour Ultimate Horizon Adventure awaits! Explore the vibrant and ever-evolving open world landscapes of Mexico with limitless, fun driving action in hundreds of the world\u2019s greatest cars. This is Your Horizon Adventure. Lead breathtaking expeditions across the vibrant and ever-evolving open world landscapes of Mexico with limitless, fun driving action in hundreds of the world\u2019s greatest cars. This is a Diverse Open World. Explore a world of striking contrast and beauty. Discover living deserts, lush jungles, historic cities, hidden ruins, pristine beaches, vast canyons and a towering snow-capped volcano. This is an Adventurous Open World. Immerse yourself in a deep campaign with hundreds of challenges that reward you for engaging in the activities you love. Meet new characters and choose the outcomes of their Horizon Story missions. This is an Evolving Open World. Take on awe-inspiring weather events such as towering dust storms and intense tropical storms as Mexico\u2019s unique, dynamic seasons change the world every week. Keep coming back for new events, challenges, collectibles, and rewards, and new areas to explore. No two seasons will ever be the same. This is a Social Open World . Team up with other players and enter the Horizon Arcade for a continuing series of fun, over-the-top challenges that keep you and your friends in the action and having fun with no menus, loading screens or lobbies. Meet new friends in Horizon Open and Tours and share your creations with new community gift sharing. This is Your Open World. Create your own expressions of fun with the powerful new EventLab gameplay toolset including custom races, challenges, stunts, and entirely new game modes. Customize your cars in more ways than ever before with new options such as the ability open and close convertible tops, paint brake calipers, and more. Use the new Gift Drops feature to share your custom creations with the community. Begin Your Horizon Adventure today!", + "about_the_game": "Your Ultimate Horizon Adventure awaits! Explore the vibrant and ever-evolving open world landscapes of Mexico with limitless, fun driving action in hundreds of the world\u2019s greatest cars.This is Your Horizon AdventureLead breathtaking expeditions across the vibrant and ever-evolving open world landscapes of Mexico with limitless, fun driving action in hundreds of the world\u2019s greatest cars.This is a Diverse Open WorldExplore a world of striking contrast and beauty. Discover living deserts, lush jungles, historic cities, hidden ruins, pristine beaches, vast canyons and a towering snow-capped volcano.This is an Adventurous Open WorldImmerse yourself in a deep campaign with hundreds of challenges that reward you for engaging in the activities you love. Meet new characters and choose the outcomes of their Horizon Story missions.This is an Evolving Open WorldTake on awe-inspiring weather events such as towering dust storms and intense tropical storms as Mexico\u2019s unique, dynamic seasons change the world every week. Keep coming back for new events, challenges, collectibles, and rewards, and new areas to explore. No two seasons will ever be the same.This is a Social Open World Team up with other players and enter the Horizon Arcade for a continuing series of fun, over-the-top challenges that keep you and your friends in the action and having fun with no menus, loading screens or lobbies. Meet new friends in Horizon Open and Tours and share your creations with new community gift sharing.This is Your Open WorldCreate your own expressions of fun with the powerful new EventLab gameplay toolset including custom races, challenges, stunts, and entirely new game modes. Customize your cars in more ways than ever before with new options such as the ability open and close convertible tops, paint brake calipers, and more. Use the new Gift Drops feature to share your custom creations with the community.Begin Your Horizon Adventure today!", + "short_description": "Your Ultimate Horizon Adventure awaits! Explore the vibrant open world landscapes of Mexico with limitless, fun driving action in the world\u2019s greatest cars. Conquer the rugged Sierra Nueva in the ultimate Horizon Rally experience. Requires Forza Horizon 5 game, expansion sold separately.", + "genres": "Action", + "recommendations": 120230, + "score": 7.711122500761571 + }, + { + "type": "game", + "name": "Football Manager 2022", + "detailed_description": "Football isn\u2019t just about being the best and winning. It\u2019s about overcoming the odds, realising your dreams, and earning your success. Fighting your way to the top and shocking the world or clawing your way back from the brink \u2013 these moments taste sweetest.Game Description . There are 123 leading football leagues at your disposal. Have you got what it takes to spend big (or small) budgets wisely and guide your club to the top of the game? . Build a world-class backroom team that can assist with everything from Recruitment to Player Development. Lean on their expertise as you navigate the everyday challenges faced in football management. . Scour Football Manager\u2019s world-leading database of more than 500,000 real players for undiscovered talent or build your squad from within, training your prospects to realise their ultimate potential. . Play the beautiful game your way, creating a footballing identity on the tactics board that your players can buy into. It\u2019s up to you to produce a system that delivers success time and again. . Immerse yourself in our best-looking Matchday experience yet and watch your footballing vision come to life on the pitch. Make all the key decisions as you steer your team to glory. New for this season FIND YOUR WINNING EDGE Craft your own custom dashboard packed with powerful stats in the brand-new Data Hub. Utilise the same metrics and reporting methods that real clubs use to help you make smarter tactical and player development decisions to fuel your club\u2019s success. . ON-PITCH AUTHENTICITY See your stars showcase their skills in better detail than ever before thanks to our improved animation engine. A revamped pressing system and changes to player sharpness means that you can get after the opposition from the first whistle and benefit from a more authentic flow to the passages of play.TURN DEFENCE INTO ATTACK Implement one of the top tactical trends of the last few season with the new Wide Centre-Back role. Whether you\u2019ve always favoured three-at-the-back or you see yourself as a natural innovator, you now possess even more tools to overwhelm the opposition as you chase those all-important victories. . DEADLINE DAY DRAMA Feel the highs and lows of one of the most dramatic fixtures in the football calendar. Steal a march on your rivals to secure last-minute deals and work more closely with agents in our redesigned experience which replicates the unpredictability of the transfer window\u2019s climax. . COLLABORATE LIKE CHAMPIONS New, true-to-life staff meetings allow you and your backroom team to form a well-oiled machine. Combining weekly reports on Coaching, Recruitment, Player Development and Staffing delivers a level of improved support that will help propel your players to new heights. . FURTHER ADDITIONS Craft your ideal managerial look with a redesigned manager creator, level up your transfer market performance with a suite of new scouting improvements and earn the bragging rights against your mates in the improved Fantasy Draft mode.", + "about_the_game": "Football isn\u2019t just about being the best and winning. It\u2019s about overcoming the odds, realising your dreams, and earning your success. Fighting your way to the top and shocking the world or clawing your way back from the brink \u2013 these moments taste sweetest.Game Description There are 123 leading football leagues at your disposal. Have you got what it takes to spend big (or small) budgets wisely and guide your club to the top of the game? Build a world-class backroom team that can assist with everything from Recruitment to Player Development. Lean on their expertise as you navigate the everyday challenges faced in football management.Scour Football Manager\u2019s world-leading database of more than 500,000 real players for undiscovered talent or build your squad from within, training your prospects to realise their ultimate potential. Play the beautiful game your way, creating a footballing identity on the tactics board that your players can buy into. It\u2019s up to you to produce a system that delivers success time and again. Immerse yourself in our best-looking Matchday experience yet and watch your footballing vision come to life on the pitch. Make all the key decisions as you steer your team to glory. New for this season FIND YOUR WINNING EDGE Craft your own custom dashboard packed with powerful stats in the brand-new Data Hub. Utilise the same metrics and reporting methods that real clubs use to help you make smarter tactical and player development decisions to fuel your club\u2019s success. ON-PITCH AUTHENTICITY See your stars showcase their skills in better detail than ever before thanks to our improved animation engine. A revamped pressing system and changes to player sharpness means that you can get after the opposition from the first whistle and benefit from a more authentic flow to the passages of play.TURN DEFENCE INTO ATTACK Implement one of the top tactical trends of the last few season with the new Wide Centre-Back role. Whether you\u2019ve always favoured three-at-the-back or you see yourself as a natural innovator, you now possess even more tools to overwhelm the opposition as you chase those all-important victories. DEADLINE DAY DRAMA Feel the highs and lows of one of the most dramatic fixtures in the football calendar. Steal a march on your rivals to secure last-minute deals and work more closely with agents in our redesigned experience which replicates the unpredictability of the transfer window\u2019s climax.COLLABORATE LIKE CHAMPIONS New, true-to-life staff meetings allow you and your backroom team to form a well-oiled machine. Combining weekly reports on Coaching, Recruitment, Player Development and Staffing delivers a level of improved support that will help propel your players to new heights. FURTHER ADDITIONS Craft your ideal managerial look with a redesigned manager creator, level up your transfer market performance with a suite of new scouting improvements and earn the bragging rights against your mates in the improved Fantasy Draft mode.", + "short_description": "The closest thing to real football management. FM22 brings new, progressive ways to find your winning edge, instill your footballing style and earn it on the pitch.", + "genres": "Simulation", + "recommendations": 13321, + "score": 6.260818323575492 + }, + { + "type": "game", + "name": "God of War", + "detailed_description": "Enter the Norse realm. His vengeance against the Gods of Olympus years behind him, Kratos now lives as a man in the realm of Norse Gods and monsters. It is in this harsh, unforgiving world that he must fight to survive\u2026 and teach his son to do the same. . Grasp a second chance . Kratos is a father again. As mentor and protector to Atreus, a son determined to earn his respect, he is forced to deal with and control the rage that has long defined him while out in a very dangerous world with his son. . Journey to a dark, elemental world of fearsome creatures. From the marble and columns of ornate Olympus to the gritty forests, mountains and caves of pre-Viking Norse lore, this is a distinctly new realm with its own pantheon of creatures, monsters and gods. . Engage in visceral, physical combat . With an over the shoulder camera that brings the player closer to the action than ever before, fights in God of War\u2122 mirror the pantheon of Norse creatures Kratos will face: grand, gritty and grueling. A new main weapon and new abilities retain the defining spirit of the God of War series while presenting a vision of conflict that forges new ground in the genre.PC FEATURES. High Fidelity Graphics. Striking visuals enhanced on PC. Enjoy true 4K resolution, on supported devices, [MU1] with unlocked framerates for peak performance. Dial in your settings via a wide range of graphical presets and options including higher resolution shadows, improved screen space reflections, the addition of GTAO and SSDO, and much more. . NVIDIA\u00ae DLSS and Reflex Support. Quality meets performance. Harness the AI power of NVIDIA Deep Learning Super Sampling (DLSS) to boost frame rates and generate beautiful, sharp images on select Nvidia GPUs. Utilize NVIDIA Reflex low latency technology allowing you to react quicker and hit harder combos with the responsive gameplay you crave on GeForce GPUs. . Controls Customization. Play your way. With support for the DUALSHOCK\u00ae4 and DUALSENSE\u00ae wireless controllers, a wide range of other gamepads, and fully customizable bindings for mouse and keyboard, you have the power to fine-tune every action to match your playstyle. . Ultra-wide Support. Immerse yourself like never before. Journey through the Norse realms taking in breathtaking vistas in panoramic widescreen. With 21:9 ultra-widescreen support, God of War\u2122 presents a cinema quality experience that further expands the original seamless theatrical vision.", + "about_the_game": "Enter the Norse realmHis vengeance against the Gods of Olympus years behind him, Kratos now lives as a man in the realm of Norse Gods and monsters. It is in this harsh, unforgiving world that he must fight to survive\u2026 and teach his son to do the same. Grasp a second chance Kratos is a father again. As mentor and protector to Atreus, a son determined to earn his respect, he is forced to deal with and control the rage that has long defined him while out in a very dangerous world with his son. Journey to a dark, elemental world of fearsome creaturesFrom the marble and columns of ornate Olympus to the gritty forests, mountains and caves of pre-Viking Norse lore, this is a distinctly new realm with its own pantheon of creatures, monsters and gods. Engage in visceral, physical combat With an over the shoulder camera that brings the player closer to the action than ever before, fights in God of War\u2122 mirror the pantheon of Norse creatures Kratos will face: grand, gritty and grueling. A new main weapon and new abilities retain the defining spirit of the God of War series while presenting a vision of conflict that forges new ground in the genre.PC FEATURESHigh Fidelity GraphicsStriking visuals enhanced on PC. Enjoy true 4K resolution, on supported devices, [MU1] with unlocked framerates for peak performance. Dial in your settings via a wide range of graphical presets and options including higher resolution shadows, improved screen space reflections, the addition of GTAO and SSDO, and much more.NVIDIA\u00ae DLSS and Reflex SupportQuality meets performance. Harness the AI power of NVIDIA Deep Learning Super Sampling (DLSS) to boost frame rates and generate beautiful, sharp images on select Nvidia GPUs. Utilize NVIDIA Reflex low latency technology allowing you to react quicker and hit harder combos with the responsive gameplay you crave on GeForce GPUs.Controls CustomizationPlay your way. With support for the DUALSHOCK\u00ae4 and DUALSENSE\u00ae wireless controllers, a wide range of other gamepads, and fully customizable bindings for mouse and keyboard, you have the power to fine-tune every action to match your playstyle.Ultra-wide SupportImmerse yourself like never before. Journey through the Norse realms taking in breathtaking vistas in panoramic widescreen. With 21:9 ultra-widescreen support, God of War\u2122 presents a cinema quality experience that further expands the original seamless theatrical vision.", + "short_description": "His vengeance against the Gods of Olympus years behind him, Kratos now lives as a man in the realm of Norse Gods and monsters. It is in this harsh, unforgiving world that he must fight to survive\u2026 and teach his son to do the same.", + "genres": "Action", + "recommendations": 75048, + "score": 7.400444887185875 + }, + { + "type": "game", + "name": "Lost Ark", + "detailed_description": "Embark on an odyssey for the Lost Ark in a vast, vibrant world: explore new lands, seek out lost treasures, and test yourself in thrilling action combat. Define your fighting style with your class and advanced class, and customize your skills, weapons, and gear to bring your might to bear as you fight against hordes of enemies, colossal bosses, and dark forces seeking the power of the Ark in this action-packed free-to-play RPG. . Discover a World Brimming with Adventure. Explore seven vast, varied continents and the seas between them to find vibrant cultures, strange and fantastical beasts, and all the unexpected marvels waiting to be discovered. Delve into the secrets of Arkesia, prove your might in battles and raids, compete against other players in PvP, travel to distant islands in search of hidden riches, face packs of enemies and colossal bosses in the open world, and more. . Your Odyssey Awaits. Splash into massively satisfying ARPG-style combat and progression as you quest, raid, and fight on the scope of an MMO. Whether you want to play solo, in groups with friends, or matched up with other adventurers in the world, there\u2019s an epic adventure waiting for you. Fight in the open world or delve into chaos dungeons, go head-to-head in expert PvP duels, test your mettle on epic quests, raid against bosses big and small, and hold your own in the fight against the Demon Legion to reclaim the power and light of the Lost Ark. . Define Your Fight. Lost Ark offers easy-to-learn features with unexpected depth and room for customization. Hit the ground running with pick-up-and-play action then take control of your combat with the unique Tripod system. Unlock three tiers of customization for each of your abilities, giving you powerful control of exactly how you fight. Lost Ark\u2019s ever-expanding roster of iconic classes\u2014each with their own distinct advanced classes\u2014offers plenty of room to explore until you find the combat style that\u2019s just right for you. . The same goes for other features: as you continue your journey, you\u2019ll find non-combat skills, crafting, guilds and social systems, and other rich features that bring the world alive. Whether you want to skim along the surface or dive deep into the details is up to you.", + "about_the_game": "Embark on an odyssey for the Lost Ark in a vast, vibrant world: explore new lands, seek out lost treasures, and test yourself in thrilling action combat. Define your fighting style with your class and advanced class, and customize your skills, weapons, and gear to bring your might to bear as you fight against hordes of enemies, colossal bosses, and dark forces seeking the power of the Ark in this action-packed free-to-play RPG.Discover a World Brimming with AdventureExplore seven vast, varied continents and the seas between them to find vibrant cultures, strange and fantastical beasts, and all the unexpected marvels waiting to be discovered. Delve into the secrets of Arkesia, prove your might in battles and raids, compete against other players in PvP, travel to distant islands in search of hidden riches, face packs of enemies and colossal bosses in the open world, and more.Your Odyssey AwaitsSplash into massively satisfying ARPG-style combat and progression as you quest, raid, and fight on the scope of an MMO. Whether you want to play solo, in groups with friends, or matched up with other adventurers in the world, there\u2019s an epic adventure waiting for you. Fight in the open world or delve into chaos dungeons, go head-to-head in expert PvP duels, test your mettle on epic quests, raid against bosses big and small, and hold your own in the fight against the Demon Legion to reclaim the power and light of the Lost Ark.Define Your FightLost Ark offers easy-to-learn features with unexpected depth and room for customization. Hit the ground running with pick-up-and-play action then take control of your combat with the unique Tripod system. Unlock three tiers of customization for each of your abilities, giving you powerful control of exactly how you fight. Lost Ark\u2019s ever-expanding roster of iconic classes\u2014each with their own distinct advanced classes\u2014offers plenty of room to explore until you find the combat style that\u2019s just right for you. The same goes for other features: as you continue your journey, you\u2019ll find non-combat skills, crafting, guilds and social systems, and other rich features that bring the world alive. Whether you want to skim along the surface or dive deep into the details is up to you.", + "short_description": "Embark on an odyssey for the Lost Ark in a vast, vibrant world: explore new lands, seek out lost treasures, and test yourself in thrilling action combat in this action-packed free-to-play RPG.", + "genres": "Action", + "recommendations": 64418, + "score": 7.299759005850074 + }, + { + "type": "game", + "name": "V Rising", + "detailed_description": "A Vampire Survival Experience. Awaken as a weakened vampire after centuries of slumber. Hunt for blood to regain your strength while hiding from the scorching sun to survive. Rebuild your castle and convert humans into your loyal servants in a quest to raise your vampire empire. Make allies or enemies online or play solo locally, fend off holy soldiers, and wage war in a world of conflict. . Will you become the next Dracula?A Gothic Open-World . Explore a vast world teeming with mythical horrors and danger. Travel through lush forests, open countryside, and dark caverns to discover valuable resources, meeting friends and foes alike along the way. Traverse the world with vampire comrades or hunt solo as you pillage villages, raid bandits, and delve into the domains of supernatural beasts. . Fear the light - Rule the night . Stick to the shadows during the daytime, or the burning sunlight will turn you to ashes. Roam the night and prey on your victims in the darkness. As a vampire, you must quench your thirst for blood while planning your strategies around the day and nighttime. . Raise your Castle . Gather resources and discover ancient techniques to gain dark powers. Use your newly acquired knowledge to build a castle where you can store your loot and grow your army of darkness. Personalize your domain, exhibit your vampiric style and make sure to craft coffins for servants and friends. Strengthen your castle to protect your treasure hoard from vampire rivals. . Compete or Cooperate . Travel alone or explore the world with friends. Fighting side by side with other vampires will give you an advantage in the fight to conquer the greatest threats of Vardoran. Raid other players\u2019 castles or play the diplomat in the game of blood, power, and betrayal. Compete or cooperate - the choice is yours. . Master your Vampire. Learn and master an arsenal of deadly weapons and unholy abilities. In V Rising, you aim skill-shots and dodge projectiles using\u200b precise\u200b\u200b \u200bWASD controls \u200band cursor-based\u200b \u200baiming - no click to move. Tailor your vampire to fit your play style by combining weapons with a variety of spells earned through vanquishing powerful foes. Master your skills and unleash your wicked powers. .", + "about_the_game": "A Vampire Survival ExperienceAwaken as a weakened vampire after centuries of slumber. Hunt for blood to regain your strength while hiding from the scorching sun to survive. Rebuild your castle and convert humans into your loyal servants in a quest to raise your vampire empire. Make allies or enemies online or play solo locally, fend off holy soldiers, and wage war in a world of conflict. Will you become the next Dracula?A Gothic Open-World Explore a vast world teeming with mythical horrors and danger. Travel through lush forests, open countryside, and dark caverns to discover valuable resources, meeting friends and foes alike along the way. Traverse the world with vampire comrades or hunt solo as you pillage villages, raid bandits, and delve into the domains of supernatural beasts.Fear the light - Rule the night Stick to the shadows during the daytime, or the burning sunlight will turn you to ashes. Roam the night and prey on your victims in the darkness. As a vampire, you must quench your thirst for blood while planning your strategies around the day and nighttime.Raise your Castle Gather resources and discover ancient techniques to gain dark powers. Use your newly acquired knowledge to build a castle where you can store your loot and grow your army of darkness. Personalize your domain, exhibit your vampiric style and make sure to craft coffins for servants and friends. Strengthen your castle to protect your treasure hoard from vampire rivals.Compete or Cooperate Travel alone or explore the world with friends. Fighting side by side with other vampires will give you an advantage in the fight to conquer the greatest threats of Vardoran. Raid other players\u2019 castles or play the diplomat in the game of blood, power, and betrayal. Compete or cooperate - the choice is yours.Master your VampireLearn and master an arsenal of deadly weapons and unholy abilities. In V Rising, you aim skill-shots and dodge projectiles using\u200b precise\u200b\u200b \u200bWASD controls \u200band cursor-based\u200b \u200baiming - no click to move. Tailor your vampire to fit your play style by combining weapons with a variety of spells earned through vanquishing powerful foes. Master your skills and unleash your wicked powers.", + "short_description": "Awaken as a vampire. Hunt for blood in nearby settlements to regain your strength and evade the scorching sun to survive. Raise your castle and thrive in an ever-changing open world full of mystery. Gain allies online and conquer the land of the living.", + "genres": "Action", + "recommendations": 62490, + "score": 7.2797276018731765 + }, + { + "type": "game", + "name": "Heart of a Warrior", + "detailed_description": "The 1000 years of the defeat of the dark god, the kingdom of Azputa will have a feast of remembrance to celebrate their victory and their warriors for fought for the realm, but there are those who still worships the dark gods and secretly they planned to open the ancient gates of forbidden unleashing mayhem to the realm of men. The masked ones they are called. But to free the dark god they will need the blood of the old kings whose bloodlines are kept secret. . You will play as Nahele, a young warrior with the old bloodline of kings as he embark on his journey to safe his twin sister from the hands of the dark god. Travelling through portals to different realms to find his way to the dark world. . Quests and Loots. Heart of a warrior is a quest driven adventure game, the main objective is to survive and complete the quest. To survive in this world, you will need to gather as much loots as possible, which you only get when you defeat an enemy or from hidden loot boxes scattered around the world. . Dialogues and Interactions with AI. Interact with the AI's by approaching the said AI. Dialogues with AI are text based and drives the quests. . Skills. The Skills depends on the weapon of choice you choose from the Inventory, The arch sword comes with it unique skill and so are other weapons of choice that you retrieve from the world. There are two types of guns available Long gun(sniper) and Short gun. The long gun is used to target enemies from far distance and the short gun for enemies that are close by. . Combat. Heart of a Warrior features an action-based first person combat system. It is a tab-targeting or auto attacks. In Heart of a Warrior the player\u2019s weapon really matters and a player with better weapon will often defeat a player with less equipment. . Crafting. There is no crafting system available in Heart of a Warrior at the moment but can be included in feature updates. All weapons are already made and available for players to use. . World. Heart of a Warrior is set in the great world of Azupta. The first continent players will enter is called azupta , it is the realm of men and contains the gates of forbidden. The land of the Halflings is the second world the player will encounter and is a massive vegetation containing different types of creatures friend and foe. In total , there are 5 realms to visit (The Realm of men, The world of the halfling, The cursed lands, he desert world and the dark world) all rendered is stunning detail using Unity3d game engine.", + "about_the_game": "The 1000 years of the defeat of the dark god, the kingdom of Azputa will have a feast of remembrance to celebrate their victory and their warriors for fought for the realm, but there are those who still worships the dark gods and secretly they planned to open the ancient gates of forbidden unleashing mayhem to the realm of men. The masked ones they are called. But to free the dark god they will need the blood of the old kings whose bloodlines are kept secret.\r\n\r\nYou will play as Nahele, a young warrior with the old bloodline of kings as he embark on his journey to safe his twin sister from the hands of the dark god. Travelling through portals to different realms to find his way to the dark world.\r\n\r\nQuests and Loots\r\nHeart of a warrior is a quest driven adventure game, the main objective is to survive and complete the quest. To survive in this world, you will need to gather as much loots as possible, which you only get when you defeat an enemy or from hidden loot boxes scattered around the world. \r\n\r\nDialogues and Interactions with AI\r\nInteract with the AI's by approaching the said AI. Dialogues with AI are text based and drives the quests. \r\n\r\nSkills\r\nThe Skills depends on the weapon of choice you choose from the Inventory, The arch sword comes with it unique skill and so are other weapons of choice that you retrieve from the world. There are two types of guns available Long gun(sniper) and Short gun. The long gun is used to target enemies from far distance and the short gun for enemies that are close by.\r\n\r\nCombat\r\nHeart of a Warrior features an action-based first person combat system. It is a tab-targeting or auto attacks. In Heart of a Warrior the player\u2019s weapon really matters and a player with better weapon will often defeat a player with less equipment. \r\n\r\nCrafting\r\nThere is no crafting system available in Heart of a Warrior at the moment but can be included in feature updates. All weapons are already made and available for players to use.\r\n\r\nWorld\r\nHeart of a Warrior is set in the great world of Azupta. The first continent players will enter is called azupta , it is the realm of men and contains the gates of forbidden. The land of the Halflings is the second world the player will encounter and is a massive vegetation containing different types of creatures friend and foe. In total , there are 5 realms to visit (The Realm of men, The world of the halfling, The cursed lands, he desert world and the dark world) all rendered is stunning detail using Unity3d game engine.", + "short_description": "Heart of a warrior is a RPG game in an open world where you play as Nahele, a young warrior of ancient bloodline on his journey to rescue his twin sister from the underworld, as he travel through portals to different realms of existence.", + "genres": "Action", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "HITMAN 3", + "detailed_description": "WORLD OF ASSASSINATION. Enter the world of the ultimate assassin. HITMAN World of Assassination brings together the best of HITMAN, HITMAN 2 and HITMAN 3 including the main campaign, contracts mode, escalations, elusive target arcades and featured live content. . BECOME AGENT 47. . Suit up for a spy-thriller adventure where all your deadly abilities are put to the test across more than 20 locations. . FREEDOM OF APPROACH. . Your deadliest weapon is creativity. Unlock new gear and up your game on highly replayable missions. . WORLD OF ASSASSINATION. . Travel a living, breathing world, filled with intriguing characters and lethal opportunities. . HITMAN FREELANCER. . A new way to play on your own terms, that combines rogue-like elements and deep strategic planning with a persistent and infinitely replayable gameplay experience.", + "about_the_game": "WORLD OF ASSASSINATIONEnter the world of the ultimate assassin. HITMAN World of Assassination brings together the best of HITMAN, HITMAN 2 and HITMAN 3 including the main campaign, contracts mode, escalations, elusive target arcades and featured live content.BECOME AGENT 47Suit up for a spy-thriller adventure where all your deadly abilities are put to the test across more than 20 locations.FREEDOM OF APPROACHYour deadliest weapon is creativity. Unlock new gear and up your game on highly replayable missions.WORLD OF ASSASSINATIONTravel a living, breathing world, filled with intriguing characters and lethal opportunities.HITMAN FREELANCERA new way to play on your own terms, that combines rogue-like elements and deep strategic planning with a persistent and infinitely replayable gameplay experience.", + "short_description": "Enter the world of the ultimate assassin. HITMAN World of Assassination brings together the best of HITMAN, HITMAN 2 and HITMAN 3 including the main campaign, contract mode, escalations, elusive target arcades and the roguelike inspired game mode HITMAN: Freelancer.", + "genres": "Action", + "recommendations": 12769, + "score": 6.232920950955803 + }, + { + "type": "game", + "name": "Stumble Guys", + "detailed_description": "Join our Discord. About the Game. Join millions of players as you stumble to victory in this fun multiplayer knockout battle royale! Are you ready to enter the running chaos? Running, stumbling, falling, jumping, and winning has never been so fun!. DODGE OBSTACLES AND BATTLE YOUR OPPONENTS. Run, stumble and fall against up to 32 players and battle through knockout rounds of races, survival elimination, and team play in different maps, levels and game modes. Survive the fun multiplayer chaos and cross the finish line before your friends to qualify for the next round, earning fun rewards and stars as you continue to play and win in Stumble Guys! . PLAY WITH FRIENDS AND FAMILY . Create your own multiplayer party and play against friends and family. Find out who runs the fastest, battles with the best skills and survives the chaos!. UNLOCK AND UPGRADE YOUR GAMEPLAY. Personalize and customize your chosen Stumbler with special emotes, animations, and footsteps. Show off your unique style and personality as you stumble your way to victory. . STUMBLE PASS. Fresh Stumble Pass every month with new content customizations and other rewards! . EXPLORE THE WORLD OF STUMBLE GUYS. Explore the world of Stumble Guys with over 30 maps, levels and game modes that offer even more ways to play, and experience the fastest multiplayer knockout battle royale. Join the party and get ready to stumble, fall and win your way to victory.", + "about_the_game": "Join millions of players as you stumble to victory in this fun multiplayer knockout battle royale! Are you ready to enter the running chaos? Running, stumbling, falling, jumping, and winning has never been so fun!DODGE OBSTACLES AND BATTLE YOUR OPPONENTSRun, stumble and fall against up to 32 players and battle through knockout rounds of races, survival elimination, and team play in different maps, levels and game modes. Survive the fun multiplayer chaos and cross the finish line before your friends to qualify for the next round, earning fun rewards and stars as you continue to play and win in Stumble Guys! PLAY WITH FRIENDS AND FAMILY Create your own multiplayer party and play against friends and family. Find out who runs the fastest, battles with the best skills and survives the chaos!UNLOCK AND UPGRADE YOUR GAMEPLAYPersonalize and customize your chosen Stumbler with special emotes, animations, and footsteps. Show off your unique style and personality as you stumble your way to victory. STUMBLE PASSFresh Stumble Pass every month with new content customizations and other rewards! EXPLORE THE WORLD OF STUMBLE GUYSExplore the world of Stumble Guys with over 30 maps, levels and game modes that offer even more ways to play, and experience the fastest multiplayer knockout battle royale. Join the party and get ready to stumble, fall and win your way to victory.", + "short_description": "Race through obstacle courses against up to 32 players online. Run, jump and dash to the finish line until the best player takes the crown!", + "genres": "Action", + "recommendations": 10605, + "score": 6.110515968830721 + }, + { + "type": "game", + "name": "Poppy Playtime", + "detailed_description": "Disclaimer: Purchase of this base game includes the first chapter. Further chapters are DLC. . You must stay alive in this horror/puzzle adventure. Try to survive the vengeful toys waiting for you in the abandoned toy factory. Use your GrabPack to hack electrical circuits or nab anything from afar. Explore the mysterious facility. and don't get caught.Welcome to Playtime Co.!Playtime Co. was once the king of the toy manufacturing industry. until everybody inside of the factory one day disappeared into thin air. Now, years later, you must explore the abandoned factory and uncover the truth. . The ToysThe toys of Playtime Co. are a lively bunch! From Bot to Huggy, Catbee to Poppy, Playtime does it all! . As long as you're at Playtime Co., why not pay the toys a little visit? You might just make a few friends. . The GrabPackThis amazing GrabPack is a wearable backpack, accompanied by 2 artificial hands attached via steel wire. With this handy, state-of-the-art tool, there's no limit to what Playtime Co. employees can accomplish! The following list of features should help to show you what the GrabPack has to offer. . The hands' powerful grip allows for movement of heavy objects with ease!. . A lengthy and flexible wire gives any employee the ability to reach whatever they may need, no matter the distance!. . The steel wire makes conducting electricity a breeze!. . The only limit is the length of your GrabPack's wire. . Won't you stick around? There's lots of fun in store for you. It's almost Playtime.", + "about_the_game": "Disclaimer: Purchase of this base game includes the first chapter. Further chapters are DLC.You must stay alive in this horror/puzzle adventure. Try to survive the vengeful toys waiting for you in the abandoned toy factory. Use your GrabPack to hack electrical circuits or nab anything from afar. Explore the mysterious facility... and don't get caught.Welcome to Playtime Co.!Playtime Co. was once the king of the toy manufacturing industry... until everybody inside of the factory one day disappeared into thin air. Now, years later, you must explore the abandoned factory and uncover the truth.The ToysThe toys of Playtime Co. are a lively bunch! From Bot to Huggy, Catbee to Poppy, Playtime does it all! As long as you're at Playtime Co., why not pay the toys a little visit? You might just make a few friends...The GrabPackThis amazing GrabPack is a wearable backpack, accompanied by 2 artificial hands attached via steel wire. With this handy, state-of-the-art tool, there's no limit to what Playtime Co. employees can accomplish! The following list of features should help to show you what the GrabPack has to offer.The hands' powerful grip allows for movement of heavy objects with ease!A lengthy and flexible wire gives any employee the ability to reach whatever they may need, no matter the distance!The steel wire makes conducting electricity a breeze!The only limit is the length of your GrabPack's wire.Won't you stick around? There's lots of fun in store for you. It's almost Playtime...", + "short_description": "You must stay alive in this horror/puzzle adventure. Try to survive the vengeful toys waiting for you in the abandoned toy factory. Use your GrabPack to hack electrical circuits or nab anything from afar. Explore the mysterious facility... and don't get caught.", + "genres": "Action", + "recommendations": 27326, + "score": 6.7344474843528355 + }, + { + "type": "game", + "name": "Capcom Arcade 2nd Stadium", + "detailed_description": "Capcom Arcade 2nd Stadium: Mini-Album. Wax nostalgic with a selection of 16 of the best songs from titles included in Capcom Arcade 2nd Stadium!. Capcom Arcade 2nd Stadium: Mini-Album features a variety of tunes from some of Capcom's most beloved arcade classics, including Mega Man: The Power Battle and Street Fighter Alpha 3!. About the GamePlay more of your favorite arcade hits from yesteryear. Includes SONSON for free!. Capcom is taking you back to the stadium with another collection of your favorite classic hits! . Come see what's changed, and what's completely new, in Capcom Arcade 2nd Stadium!. Just Like the Good Old Days. From 3D-rendered arcade cabinets to scanline filters, there's everything you need to recreate that arcade atmosphere. Fully customizable display settings let you craft your own personal experience and truly relive the glory days of arcade gaming. . Brand New Ways to Play. With gameplay rewind, speed adjustment, and the ability to save and load your game at any time, your old favorites will feel new all over again!. Every game has online leaderboard rankings, so you can see where you stack up against players all over the world!. Capcom Arcade 2nd Stadium, where retro appeal meets cutting-edge features for a fresh take on Capcom's classics!. Play hard. Dominate the scoreboards. Track your progress across each game, including play count, times cleared, and personal high scores! Beat your bests, or those of your friends--there's always something to shoot/strive for!. Included Title. SonSon. Players: 1-2 Co-Op. Genre: Shooting. Versions: Japanese & English. Note: Player numbers differ based on the game. Multiplayer gameplay is only available locally.", + "about_the_game": "Play more of your favorite arcade hits from yesteryear.\r\nIncludes SONSON for free!\r\n\r\nCapcom is taking you back to the stadium with another collection of your favorite classic hits! \r\nCome see what's changed, and what's completely new, in Capcom Arcade 2nd Stadium!\r\n\r\nJust Like the Good Old Days\r\nFrom 3D-rendered arcade cabinets to scanline filters, there's everything you need to recreate that arcade atmosphere. Fully customizable display settings let you craft your own personal experience and truly relive the glory days of arcade gaming.\r\n\r\nBrand New Ways to Play\r\nWith gameplay rewind, speed adjustment, and the ability to save and load your game at any time, your old favorites will feel new all over again!\r\nEvery game has online leaderboard rankings, so you can see where you stack up against players all over the world!\r\nCapcom Arcade 2nd Stadium, where retro appeal meets cutting-edge features for a fresh take on Capcom's classics!\r\n\r\nPlay hard. Dominate the scoreboards.\r\nTrack your progress across each game, including play count, times cleared, and personal high scores! Beat your bests, or those of your friends--there's always something to shoot/strive for!\r\n\r\nIncluded Title\r\nSonSon\r\nPlayers: 1-2 Co-Op\r\nGenre: Shooting\r\nVersions: Japanese & English\r\n\r\nNote: Player numbers differ based on the game. Multiplayer gameplay is only available locally.", + "short_description": "Play more of your favorite arcade hits from yesteryear. Includes SONSON for free!", + "genres": "Action", + "recommendations": 112, + "score": 3.116434662809253 + }, + { + "type": "game", + "name": "Vampire Survivors", + "detailed_description": "Vampire Survivors is a time survival game with minimalistic gameplay and roguelite elements. Hell is empty, the devils are here, and there's no place to run or hide. All you can do is survive as long as you can until death inevitably puts an end to your struggles. Gather gold in each run to buy upgrades and help the next survivor. . The supernatural indie phenomenon that lets you be the bullet hell!. . Supports mouse, keyboard, controller, and touch screen. Starting TipsTake your time to grab gems and items, they won't disappear. . Get two or three offensive weapons at first, but focus on leveling them up one at a time. . Armour and Luck are good starting power-ups to spend money on. . Refund power-ups often, it's free, and try new upgrade paths. . v0.1.0 release date:. - itch: Mar 31, 2021. - Steam: Dec 17, 2021", + "about_the_game": "Vampire Survivors is a time survival game with minimalistic gameplay and roguelite elements.Hell is empty, the devils are here, and there's no place to run or hide. All you can do is survive as long as you can until death inevitably puts an end to your struggles. Gather gold in each run to buy upgrades and help the next survivor. The supernatural indie phenomenon that lets you be the bullet hell!Supports mouse, keyboard, controller, and touch screen.Starting TipsTake your time to grab gems and items, they won't disappear.Get two or three offensive weapons at first, but focus on leveling them up one at a time.Armour and Luck are good starting power-ups to spend money on.Refund power-ups often, it's free, and try new upgrade paths.v0.1.0 release date:- itch: Mar 31, 2021- Steam: Dec 17, 2021", + "short_description": "Mow down thousands of night creatures and survive until dawn! Vampire Survivors is a gothic horror casual game with rogue-lite elements, where your choices can allow you to quickly snowball against the hundreds of monsters that get thrown at you.", + "genres": "Action", + "recommendations": 191828, + "score": 8.019107687581682 + }, + { + "type": "game", + "name": "EA SPORTS\u2122 FIFA 23", + "detailed_description": "Join the Club with EA SPORTS FC\u2122 24 Highlights. About the GameThe World\u2019s Game. Experience the pinnacle of women\u2019s international football in EA SPORTS\u2122 FIFA 23 with the FIFA Women\u2019s World Cup Australia and New Zealand 2023\u2122 available on June 27th at no additional cost*. Rep your country\u2019s colors and live the tournament in the most immersive EA SPORTS\u2122 FIFA Women\u2019s World Cup\u2122 experience yet, complete with each of the 32 qualified nations, custom stadium dressings, cinematics, match presentations, dedicated commentary, and of course, the authentic trophy to hoist at the end. . EA SPORTS\u2122 FIFA 23 brings The World\u2019s Game to the pitch, with HyperMotion2 Technology that delivers even more gameplay realism, both the men\u2019s and women\u2019s FIFA World Cup\u2122 coming to the game as post-launch updates, the addition of women\u2019s club teams, cross-play features**, and more. Experience unrivaled authenticity with over 19,000 players, 700+ teams, 100 stadiums, and over 30 leagues in FIFA 23. .", + "about_the_game": "The World\u2019s GameExperience the pinnacle of women\u2019s international football in EA SPORTS\u2122 FIFA 23 with the FIFA Women\u2019s World Cup Australia and New Zealand 2023\u2122 available on June 27th at no additional cost*. Rep your country\u2019s colors and live the tournament in the most immersive EA SPORTS\u2122 FIFA Women\u2019s World Cup\u2122 experience yet, complete with each of the 32 qualified nations, custom stadium dressings, cinematics, match presentations, dedicated commentary, and of course, the authentic trophy to hoist at the end.EA SPORTS\u2122 FIFA 23 brings The World\u2019s Game to the pitch, with HyperMotion2 Technology that delivers even more gameplay realism, both the men\u2019s and women\u2019s FIFA World Cup\u2122 coming to the game as post-launch updates, the addition of women\u2019s club teams, cross-play features**, and more. Experience unrivaled authenticity with over 19,000 players, 700+ teams, 100 stadiums, and over 30 leagues in FIFA 23.", + "short_description": "FIFA 23 brings The World\u2019s Game to the pitch, with HyperMotion2 Technology, men\u2019s and women\u2019s FIFA World Cup\u2122, women\u2019s club teams, cross-play features**, and more.", + "genres": "Simulation", + "recommendations": 106199, + "score": 7.629318165264455 + }, + { + "type": "game", + "name": "Marvel\u2019s Spider-Man Remastered", + "detailed_description": "Steam Exclusive Offer. Link your Steam Account to PlayStation\u2122 Network to receive these early unlock bonuses:. Early access to the Resilient Suit. Early access to the powerful Concussive Blast Gadget. Two Skill Points . Link portal can be found on the Marvel\u2019s Spider-Man Remastered game menu. About the GameDeveloped by Insomniac Games in collaboration with Marvel, and optimized for PC by Nixxes Software, Marvel's Spider-Man Remastered on PC introduces an experienced Peter Parker who\u2019s fighting big crime and iconic villains in Marvel\u2019s New York. At the same time, he\u2019s struggling to balance his chaotic personal life and career while the fate of Marvel\u2019s New York rests upon his shoulders.Key Features. Be Greater. When iconic Marvel villains threaten Marvel\u2019s New York, Peter Parker and Spider-Man\u2019s worlds collide. To save the city and those he loves, he must rise up and be greater. . Feel like Spider-Man. After eight years behind the mask, Peter Parker is a crime-fighting master. Feel the full power of a more experienced Spider-Man with improvisational combat, dynamic acrobatics, fluid urban traversal and environmental interactions. . Worlds collide. The worlds of Peter Parker and Spider-Man collide in an original action-packed story. In this new Spider-Man universe, iconic characters from Peter and Spider-Man\u2019s lives have been reimagined, placing familiar characters in unique roles. . Marvel\u2019s New York is your playground. The Big Apple comes to life in Marvel\u2019s Spider-Man. Swing through vibrant neighborhoods and catch breathtaking views of iconic Marvel and Manhattan landmarks. Use the environment to defeat villains with epic takedowns in true blockbuster action. . Enjoy The City That Never Sleeps complete content. Following the events of the main story of Marvel\u2019s Spider-Man Remastered, experience the continuation of Peter Parker\u2019s journey in Marvel\u2019s Spider-Man: The City That Never Sleeps, three story chapters with additional missions and challenges to discover.PC Features. PC Optimized Graphics. Enjoy a variety of graphics quality options to tailor to a wide range of devices, unlocked framerates, and support for other technologies including performance boosting NVIDIA DLSS and image quality enhancing NVIDIA DLAA. Upscaling technology AMD FSR 2.0 is also supported. . Ray-traced reflections and improved shadows*. See the city come to life with improved shadows and stunning ray-traced reflection options with a variety of quality modes to choose from. . Ultra-wide Monitor support**. Take in the cinematic sights of Marvel\u2019s New York with support for a range of screen setups, including 16:9, 16:10, 21:9, 32:9, and 48:9 resolutions with triple monitor setups using NVIDIA Surround or AMD Eyefinity. . Controls and Customization. Feel what it\u2019s like to play as Spider-Man through immersive haptic feedback and dynamic trigger effects using a PlayStation DualSense\u2122 controller on a wired USB connection. Enjoy full mouse and keyboard support with various customizable control options. . *Compatible PC required . **Compatible PC and display device required.", + "about_the_game": "Developed by Insomniac Games in collaboration with Marvel, and optimized for PC by Nixxes Software, Marvel's Spider-Man Remastered on PC introduces an experienced Peter Parker who\u2019s fighting big crime and iconic villains in Marvel\u2019s New York. At the same time, he\u2019s struggling to balance his chaotic personal life and career while the fate of Marvel\u2019s New York rests upon his shoulders.Key FeaturesBe GreaterWhen iconic Marvel villains threaten Marvel\u2019s New York, Peter Parker and Spider-Man\u2019s worlds collide. To save the city and those he loves, he must rise up and be greater.Feel like Spider-ManAfter eight years behind the mask, Peter Parker is a crime-fighting master. Feel the full power of a more experienced Spider-Man with improvisational combat, dynamic acrobatics, fluid urban traversal and environmental interactions.Worlds collideThe worlds of Peter Parker and Spider-Man collide in an original action-packed story. In this new Spider-Man universe, iconic characters from Peter and Spider-Man\u2019s lives have been reimagined, placing familiar characters in unique roles.Marvel\u2019s New York is your playgroundThe Big Apple comes to life in Marvel\u2019s Spider-Man. Swing through vibrant neighborhoods and catch breathtaking views of iconic Marvel and Manhattan landmarks. Use the environment to defeat villains with epic takedowns in true blockbuster action.Enjoy The City That Never Sleeps complete contentFollowing the events of the main story of Marvel\u2019s Spider-Man Remastered, experience the continuation of Peter Parker\u2019s journey in Marvel\u2019s Spider-Man: The City That Never Sleeps, three story chapters with additional missions and challenges to discover.PC FeaturesPC Optimized GraphicsEnjoy a variety of graphics quality options to tailor to a wide range of devices, unlocked framerates, and support for other technologies including performance boosting NVIDIA DLSS and image quality enhancing NVIDIA DLAA. Upscaling technology AMD FSR 2.0 is also supported.Ray-traced reflections and improved shadows*See the city come to life with improved shadows and stunning ray-traced reflection options with a variety of quality modes to choose from.Ultra-wide Monitor support**Take in the cinematic sights of Marvel\u2019s New York with support for a range of screen setups, including 16:9, 16:10, 21:9, 32:9, and 48:9 resolutions with triple monitor setups using NVIDIA Surround or AMD Eyefinity.Controls and CustomizationFeel what it\u2019s like to play as Spider-Man through immersive haptic feedback and dynamic trigger effects using a PlayStation DualSense\u2122 controller on a wired USB connection. Enjoy full mouse and keyboard support with various customizable control options.*Compatible PC required **Compatible PC and display device required.", + "short_description": "In Marvel\u2019s Spider-Man Remastered, the worlds of Peter Parker and Spider-Man collide in an original action-packed story. Play as an experienced Peter Parker, fighting big crime and iconic villains in Marvel\u2019s New York. Web-swing through vibrant neighborhoods and defeat villains with epic takedowns.", + "genres": "Action", + "recommendations": 51735, + "score": 7.155219748786119 + }, + { + "type": "game", + "name": "MultiVersus", + "detailed_description": "The MultiVersus Open Beta has closed. Multiplayer game server support will end on June 25th, 2023 until relaunch in Early 2024. Thank you again for your continued love and support for MultiVersus.CharactersChoose from an ever expanding roster of iconic characters such as Harley Quinn, Rick and Morty, Finn the Human, Black Adam, Gizmo, and many more. Every fighter boasts unique abilities that pair dynamically with other characters.Maps Play on various Maps from our characters' legendary worlds, including Batman's Batcave and Rick and Morty's Cromulons.Cross-PlatformDefend the Multiverse with your friends anywhere, anytime on all available platforms. This includes full cross-platform play and progression.Modes Enjoy more ways to play. In addition of our 2v2, 1v1, and 4-Player Free For All, you can up your play in Training mode, take on AI controlled enemies across 3 difficulty levels in Arcade mode, and even compete at a higher level against skilled players in Ranked mode.CustomizationEvery character features its own customizable perk loadout that will change the way you play and how you synergize with your teammates.CompetitiveMultiVersus boasts an intense competitive experience with dedicated servers for seamless online gameplay.A Growing Multiverse MultiVersus is regularly updated with new characters, stages, modes, in-game events, skins and more.", + "about_the_game": "The MultiVersus Open Beta has closed. Multiplayer game server support will end on June 25th, 2023 until relaunch in Early 2024. Thank you again for your continued love and support for MultiVersus.CharactersChoose from an ever expanding roster of iconic characters such as Harley Quinn, Rick and Morty, Finn the Human, Black Adam, Gizmo, and many more. Every fighter boasts unique abilities that pair dynamically with other characters.Maps Play on various Maps from our characters' legendary worlds, including Batman's Batcave and Rick and Morty's Cromulons.Cross-PlatformDefend the Multiverse with your friends anywhere, anytime on all available platforms. This includes full cross-platform play and progression.Modes Enjoy more ways to play. In addition of our 2v2, 1v1, and 4-Player Free For All, you can up your play in Training mode, take on AI controlled enemies across 3 difficulty levels in Arcade mode, and even compete at a higher level against skilled players in Ranked mode.CustomizationEvery character features its own customizable perk loadout that will change the way you play and how you synergize with your teammates.CompetitiveMultiVersus boasts an intense competitive experience with dedicated servers for seamless online gameplay.A Growing Multiverse MultiVersus is regularly updated with new characters, stages, modes, in-game events, skins and more.", + "short_description": "MultiVersus is a free-to-play platform fighter that lets you team up with your friends using some of the most iconic characters including Batman, Shaggy, & more!", + "genres": "Action", + "recommendations": 4866, + "score": 5.597014135891088 + }, + { + "type": "game", + "name": "Chivalry 2", + "detailed_description": "JOIN OUR DISCORD. Steam Exclusive Offer. Special Edition. King's Edition. About the GameReturn to the ultimate medieval battlefield!. . Chivalry 2 is a multiplayer first person slasher inspired by epic medieval movie battles. Players are thrust into the action of every iconic moment of the era - from clashing swords, to storms of flaming arrows, to sprawling castle sieges and more. . . Dominate massive, 64-player battlefields. Catapults tear the earth apart as you lay siege to castles, set fire to villages and slaughter filthy peasants in the return of Team Objective maps. . . A fully featured mounted combat system makes you feel like you are fighting atop a thousand pound beast of war, including the ability to trample your foes, land devastating front or rear horse kicks, unhorse your opponent with a lance and engage in deep melee combat with grounded or mounted opponents. . . Rise to glory and expand your arsenal with a new subclass system that provides more variety than ever before. Four base classes expand to 10+ subclasses and over 30 unique weapons, each with multiple visual variants. New support items ranging from oil pots to barricades, supply crates and archer\u2019s stakes add even more tactical options to the battlefield. . Charge to battle alongside your friends with all-platform Crossplay and claim glory by your blade!", + "about_the_game": "Return to the ultimate medieval battlefield!Chivalry 2 is a multiplayer first person slasher inspired by epic medieval movie battles. Players are thrust into the action of every iconic moment of the era - from clashing swords, to storms of flaming arrows, to sprawling castle sieges and more.Dominate massive, 64-player battlefields. Catapults tear the earth apart as you lay siege to castles, set fire to villages and slaughter filthy peasants in the return of Team Objective maps. A fully featured mounted combat system makes you feel like you are fighting atop a thousand pound beast of war, including the ability to trample your foes, land devastating front or rear horse kicks, unhorse your opponent with a lance and engage in deep melee combat with grounded or mounted opponents.Rise to glory and expand your arsenal with a new subclass system that provides more variety than ever before. Four base classes expand to 10+ subclasses and over 30 unique weapons, each with multiple visual variants. New support items ranging from oil pots to barricades, supply crates and archer\u2019s stakes add even more tactical options to the battlefield.Charge to battle alongside your friends with all-platform Crossplay and claim glory by your blade!", + "short_description": "Chivalry 2 is a multiplayer first person slasher inspired by epic medieval movie battles. Players are thrust into the action of every iconic moment of the era - from clashing swords, to storms of flaming arrows, to sprawling castle sieges and more.", + "genres": "Action", + "recommendations": 23305, + "score": 6.629521586688285 + }, + { + "type": "game", + "name": "Mirror 2: Project X", + "detailed_description": "STATUS OF EARLY ACCESS AND FUTURE DEVELOPMENT PLANS OF THE GAMEPlease know that in the release version of the Early Access version, the game only has the first 6 chapters of the Story Mode, the early version of the roguelike Challenge Mode, and Home Mode which are only a fairly small part of the complete game. We'd recommend you consider the status quo of the game before purchasing. The complete version of the game will be released 16 to 24 months after the Early Access Release, during the said period we'll keep updating new features and stories; Trading cards and a set of complete achievements will be added to the game when the complete version is finished. . We intend the complete version to have: . 1. Story Mode: 12 chapters in total, estimated playtime is 12 to 24 hours. 2. Challenge Mode: Roguelike+match-3 fused challenge mode, estimated playtime is 50 to 100 hours. 3. Simulator: Gather resources by playing Challenge Mode to unlock characters, skins, and new areas. Estimated playtime ??? hours. Just UpdatedSteam Workshop is updated! Now, the mod manager supports players to replace the character model. Clothing and other functions are not available for now. About the Game--STORY MODE&CHALLENGE MODE--. Enter the parallel worlds enriched by the stories and match-3 games developed using cel-shading techniques powered by Unreal Engine 4. Ponder on your choices because each of them will determine the fate of all.CHARACTERS. Ivy Treat. A female vampire who spent sixty years in solitude in the manor. . Rebecca Finglet/b][/i]. A vampire folk princess of pure blood, who likes to taunt those who believe in fate and destiney. . Young Rita. FBRP Class C researcher. A famous prodigy in her younger days. . Lynn. A frost dragon girl hailing from the north, although she has been living among humans for most of her life. . Iona. She was once a duchess, now the Queen of the Kingdom. . Caiyun. An eternally youthful zombie girl from ages ago. . Qianxi Dou. The young heir of a prominent family. She grew up around books and brushes but fell in love with Tiangong machines. . Lani. A villager turned wanderer in a post-apocalyptic world. . Leah. A young girl with succubus features from another dimension. Background and motives are unclear. . Rita. A senior officer of FBRP with a doctoral degree, Head of Technology in the Supernatural Research Facilities.GAMEPLAY. The story is influenced by the choices you make. Some of them will affect the match-3 battles. Match at least 3 gems of the same kind to win points. There are 5 regular gems and 6 special gems.FEATURES. A vast, complex, and immersive world that will leave a mark on your heart. . Well-made lifelike characters with stories worth discovering. . More intense match-3 battles than ever. . To be or not to be. the choice is yours. Remember, every one of them counts. . --HOME MODE--ABOUT THIS MODE. Finally! You can take a break from Sophie's choices of the Story Mode and the endless enemies of the Challenge Mode, just to relax for a bit, with your gal pals, of course. Sunshine, the ocean, the beach, knowing all is well. Just relax and enjoy the Dodai Island with the girls. While you're there, be sure to take some pictures of the luxury suite we prepared for you with a pool, bathtub, and king-size bed. Forget about work, forget about other parts of life you may have, and have some fun on this well-deserved holiday!FEATURES. Exquisite characters and scenes. . Every girl you meet in STORY MODE is either available now or will be later. . Don't forget to check the closet for a variety of clothes and trinkets. . The girls will pose for you to take the pictures at multiple locations. . If fixed poses don't meet your need, you can tweak everything yourself from head to toes. . Support for Steam Workshop. What we would like this mode to be. Tons of beautiful clothes. . Multiple explorable sites. . Easy-to-pose system and support for customizable characters and animations. . VR headset adaptation to make the girls more alive than ever.", + "about_the_game": "--STORY MODE&CHALLENGE MODE--Enter the parallel worlds enriched by the stories and match-3 games developed using cel-shading techniques powered by Unreal Engine 4. Ponder on your choices because each of them will determine the fate of all.CHARACTERSIvy TreatA female vampire who spent sixty years in solitude in the manor. Rebecca Finglet/b][/i]A vampire folk princess of pure blood, who likes to taunt those who believe in fate and destiney. Young RitaFBRP Class C researcher. A famous prodigy in her younger days.LynnA frost dragon girl hailing from the north, although she has been living among humans for most of her life.IonaShe was once a duchess, now the Queen of the Kingdom.CaiyunAn eternally youthful zombie girl from ages ago.Qianxi DouThe young heir of a prominent family. She grew up around books and brushes but fell in love with Tiangong machines.LaniA villager turned wanderer in a post-apocalyptic world.LeahA young girl with succubus features from another dimension. Background and motives are unclear.RitaA senior officer of FBRP with a doctoral degree, Head of Technology in the Supernatural Research Facilities.GAMEPLAYThe story is influenced by the choices you make. Some of them will affect the match-3 battles.Match at least 3 gems of the same kind to win points. There are 5 regular gems and 6 special gems.FEATURESA vast, complex, and immersive world that will leave a mark on your heart.Well-made lifelike characters with stories worth discovering.More intense match-3 battles than ever.To be or not to be... the choice is yours. Remember, every one of them counts.--HOME MODE--ABOUT THIS MODEFinally! You can take a break from Sophie's choices of the Story Mode and the endless enemies of the Challenge Mode, just to relax for a bit, with your gal pals, of course. Sunshine, the ocean, the beach, knowing all is well. Just relax and enjoy the Dodai Island with the girls. While you're there, be sure to take some pictures of the luxury suite we prepared for you with a pool, bathtub, and king-size bed. Forget about work, forget about other parts of life you may have, and have some fun on this well-deserved holiday!FEATURESExquisite characters and scenes. Every girl you meet in STORY MODE is either available now or will be later. Don't forget to check the closet for a variety of clothes and trinkets. The girls will pose for you to take the pictures at multiple locations. If fixed poses don't meet your need, you can tweak everything yourself from head to toes. Support for Steam WorkshopWhat we would like this mode to beTons of beautiful clothes. Multiple explorable sites. Easy-to-pose system and support for customizable characters and animations. VR headset adaptation to make the girls more alive than ever.", + "short_description": "Enter the parallel worlds enriched by the stories and match-3 games developed using cel-shading techniques powered by Unreal Engine 4. Ponder on your choices because each of them will determine the fate of all.", + "genres": "Adventure", + "recommendations": 113208, + "score": 7.671450566026843 + }, + { + "type": "game", + "name": "DAVE THE DIVER", + "detailed_description": "V 1.0 Out Now!. DISCORD. About the Game\u30fbAn adventure, RPG, management hybridExplore and unravel the mysteries in the depths of the Blue Hole by day and run a successful exotic sushi restaurant by night. It\u2019s easy to get hooked on the satisfying gameplay loop!. \u30fbCasual combat and gathering gameplay with rogue-like elementsDive into the ever-changing Blue Hole and use a harpoon and other weapons to catch fish and various creatures. Upgrade and forge equipment with collected resources and sushi restaurant profits to prepare for the dangers that lurk in the unknown. Running out of oxygen means leaving collected items and fish behind!. \u30fbEccentric characters with a lighthearted narrativeQuirky but lovable characters and a story full of in-jokes, spoofs, and other humorous scenes provide an approachable and enjoyable gameplay experience. . \u30fbA beautiful sea environment with attractive 2D/3D ArtA combination of pixel and 3D graphics provides a stunning art style that showcases breathtaking underwater scenery. This oceanic adventure is set in the real marine environment of a Blue Hole filled with over 200 kinds of sea creatures. . \u30fbAmple additional content to complement the main gameplay loopMinigames, side quests, and multiple storylines provide many hours of entertainment and varied gameplay.", + "about_the_game": "\u30fbAn adventure, RPG, management hybridExplore and unravel the mysteries in the depths of the Blue Hole by day and run a successful exotic sushi restaurant by night.It\u2019s easy to get hooked on the satisfying gameplay loop!\u30fbCasual combat and gathering gameplay with rogue-like elementsDive into the ever-changing Blue Hole and use a harpoon and other weapons to catch fish and various creatures.Upgrade and forge equipment with collected resources and sushi restaurant profits to prepare for the dangers that lurk in the unknown.Running out of oxygen means leaving collected items and fish behind!\u30fbEccentric characters with a lighthearted narrativeQuirky but lovable characters and a story full of in-jokes, spoofs, and other humorous scenes provide an approachable and enjoyable gameplay experience.\u30fbA beautiful sea environment with attractive 2D/3D ArtA combination of pixel and 3D graphics provides a stunning art style that showcases breathtaking underwater scenery. This oceanic adventure is set in the real marine environment of a Blue Hole filled with over 200 kinds of sea creatures.\u30fbAmple additional content to complement the main gameplay loopMinigames, side quests, and multiple storylines provide many hours of entertainment and varied gameplay.", + "short_description": "DAVE THE DIVER is a casual, singleplayer adventure RPG featuring deep-sea exploration and fishing during the day and sushi restaurant management at night. Join Dave and his quirky friends as they seek to uncover the secrets of the mysterious Blue Hole.", + "genres": "Adventure", + "recommendations": 42303, + "score": 7.022535114722239 + }, + { + "type": "game", + "name": "Deep Night Runner", + "detailed_description": "Deep night runner is a game for fans of the runner genre that will allow you to enjoy the gameplay endlessly! Run through the night plains, dodge ghosts and collect coins on your way. Keep in mind, the further you get, the more difficult the game will become, adapting to your skill. What points record can you break?. . Peculiarities:. - Nice graphics. - Nice soundtrack", + "about_the_game": "Deep night runner is a game for fans of the runner genre that will allow you to enjoy the gameplay endlessly! Run through the night plains, dodge ghosts and collect coins on your way. Keep in mind, the further you get, the more difficult the game will become, adapting to your skill. What points record can you break?\r\n\r\n\r\nPeculiarities:\r\n- Nice graphics\r\n- Nice soundtrack", + "short_description": "Deep night runner is a game for fans of the runner genre that will allow you to enjoy the gameplay endlessly! Run through the night plains, dodge ghosts and collect coins on your way", + "genres": "Indie", + "recommendations": 0, + "score": 0.0 + }, + { + "type": "game", + "name": "NBA 2K23", + "detailed_description": "NBA 2K23 Michael Jordan Edition. The NBA 2K23 Michael Jordan Edition includes:. \u2022 100,000 Virtual Currency. \u2022 10,000 MyTEAM Points. \u2022 10 MyTEAM Tokens. \u2022 Sapphire Devin Booker and Ruby Michael Jordan MyTEAM Cards. \u2022 23 MyTEAM Promo Packs (Receive 10 at launch plus an Amethyst topper pack, then 2 per week for 6 weeks). \u2022 Free Agent Option MyTEAM Pack. \u2022 Diamond Jordan Shoe MyTEAM card. \u2022 Ruby Coach Card MyTEAM Pack. \u2022 10 Boosts for each MyCAREER Skill Boost type. \u2022 10 Boosts for each Gatorade Boost type. \u2022 4 Cover Athlete T-Shirts for your MyPLAYER. \u2022 MyPLAYER backpack and arm sleeve. \u2022 Custom-design skateboard for MyPLAYER. \u2022 One 2-Hr Double XP Coin. About the GameRise to the occasion and realize your full potential in NBA 2K23. Prove yourself against the best players in the world and showcase your talent in MyCAREER. Pair today\u2019s All-Stars with timeless legends in MyTEAM. Build a dynasty of your own in MyGM or take the NBA in a new direction with MyLEAGUE. Take on NBA or WNBA teams in PLAY NOW and experience true-to-life gameplay. How will you Answer the Call?. TAKE MORE CONTROL. Feel refined gameplay in the palm of your hands on both sides of the ball in NBA 2K23. Attack the basket with a new arsenal of offensive skill-based moves, while you unleash your potential as a lockdown defender with new 1-on-1 mechanics to stifle opposing players at every turn. . AN EPIC VOYAGE AWAITS. Embark on a swashbuckling basketball journey aboard a spacious cruiseliner equipped with pristine courts, scenic views, and a boatload of rewards for you and your MyPLAYER to enjoy. Plus, there\u2019s even more to explore during shore excursions. . JORDAN CHALLENGE RETURNS. Step back in time with era-specific visuals that captured Michael Jordan\u2019s ascent from collegiate sensation to global icon with immersive Jordan Challenges chronicling his career-defining dominance. Lace up his shoes to recreate his otherworldly stat lines and iconic last shots, while listening to first-hand accounts from those who witnessed his maturation from budding star to basketball legend. . BUILD YOUR SQUAD. Ball without limits as you collect and assemble a bevy of legendary talent from any era in MyTEAM. Dominate the hardwood each Season, and bring your vision to life with a broad set of customization tools to create the perfect look for your perfect starting five.", + "about_the_game": "Rise to the occasion and realize your full potential in NBA 2K23. Prove yourself against the best players in the world and showcase your talent in MyCAREER. Pair today\u2019s All-Stars with timeless legends in MyTEAM. Build a dynasty of your own in MyGM or take the NBA in a new direction with MyLEAGUE. Take on NBA or WNBA teams in PLAY NOW and experience true-to-life gameplay. How will you Answer the Call?\r\n\r\nTAKE MORE CONTROL\r\nFeel refined gameplay in the palm of your hands on both sides of the ball in NBA 2K23. Attack the basket with a new arsenal of offensive skill-based moves, while you unleash your potential as a lockdown defender with new 1-on-1 mechanics to stifle opposing players at every turn.\r\n\r\nAN EPIC VOYAGE AWAITS\r\nEmbark on a swashbuckling basketball journey aboard a spacious cruiseliner equipped with pristine courts, scenic views, and a boatload of rewards for you and your MyPLAYER to enjoy. Plus, there\u2019s even more to explore during shore excursions. \r\n\r\nJORDAN CHALLENGE RETURNS\r\nStep back in time with era-specific visuals that captured Michael Jordan\u2019s ascent from collegiate sensation to global icon with immersive Jordan Challenges chronicling his career-defining dominance. Lace up his shoes to recreate his otherworldly stat lines and iconic last shots, while listening to first-hand accounts from those who witnessed his maturation from budding star to basketball legend. \r\n\r\nBUILD YOUR SQUAD\r\nBall without limits as you collect and assemble a bevy of legendary talent from any era in MyTEAM. Dominate the hardwood each Season, and bring your vision to life with a broad set of customization tools to create the perfect look for your perfect starting five.", + "short_description": "Rise to the occasion in NBA 2K23. Showcase your talent in MyCAREER. Pair All-Stars with timeless legends in MyTEAM. Build your own dynasty in MyGM, or guide the NBA in a new direction with MyLEAGUE. Take on NBA or WNBA teams in PLAY NOW and feel true-to-life gameplay.", + "genres": "Simulation", + "recommendations": 32125, + "score": 6.841104559159858 + }, + { + "type": "game", + "name": "Call of Duty\u00ae: Modern Warfare\u00ae II", + "detailed_description": "Vault Edition. Get the VIP Experience when you purchase the Vault Edition. . Includes:. - Red Team 141 Operator Pack:. -- 4 Operators: Ghost, Soap, Farah and Price. - FJX Cinder - First-Ever Weapon Vault*. - Battle Pass (1 Season) + 50 Tier Skips**. - 10 hours of 2XP and 10 hours of weapons 2XP. You also get access to Call of Duty\u00ae: Warzone\u2122, the all-new Battle Royale experience. About the GameWelcome to the new era of Call of Duty\u00ae. . Call of Duty\u00ae: Modern Warfare\u00ae II drops players into an unprecedented global conflict that features the return of the iconic Operators of Task Force 141. From small-scale, high-stakes infiltration tactical ops to highly classified missions, players will deploy alongside friends in a truly immersive experience. . Infinity Ward brings fans state-of-the-art gameplay, with all-new gun handling, advanced AI system, a new Gunsmith and a suite of other gameplay and graphical innovations that elevate the franchise to new heights. . Modern Warfare\u00ae II launches with a globe-trotting single-player campaign, immersive Multiplayer combat, and a narrative-driven, co-op Special Ops experience. . You also get access to Call of Duty\u00ae: Warzone\u2122, the all-new Battle Royale experience.", + "about_the_game": "Welcome to the new era of Call of Duty\u00ae.\r\n\r\nCall of Duty\u00ae: Modern Warfare\u00ae II drops players into an unprecedented global conflict that features the return of the iconic Operators of Task Force 141. From small-scale, high-stakes infiltration tactical ops to highly classified missions, players will deploy alongside friends in a truly immersive experience.\r\n\r\nInfinity Ward brings fans state-of-the-art gameplay, with all-new gun handling, advanced AI system, a new Gunsmith and a suite of other gameplay and graphical innovations that elevate the franchise to new heights.\r\n\r\nModern Warfare\u00ae II launches with a globe-trotting single-player campaign, immersive Multiplayer combat, and a narrative-driven, co-op Special Ops experience.\r\n\r\nYou also get access to Call of Duty\u00ae: Warzone\u2122, the all-new Battle Royale experience.", + "short_description": "Call of Duty\u00ae: Modern Warfare\u00ae II drops players into an unprecedented global conflict that features the return of the iconic Operators of Task Force 141.", + "genres": "Action", + "recommendations": 230737, + "score": 8.140853259453383 + }, + { + "type": "game", + "name": "Brotato", + "detailed_description": "Previous games About the GameA spaceship from Potato World crashes onto an alien planet. The sole survivor: Brotato, the only potato capable of handling 6 weapons at the same time. Waiting to be rescued by his mates, Brotato must survive in this hostile environment. . FeaturesAuto-firing weapons by default with a manual aiming option. Fast runs (under 30 minutes). Dozens of characters available to customize your runs (one-handed, crazy, lucky, mage and many more) . Hundreds of items and weapons to choose from (flamethrowers, SMGs, rocket launchers or sticks and stones). Survive waves lasting 20 to 90 seconds each and kill off as many aliens as you can during that time. Collect materials to gain experience and get items from the shop between waves of enemies. Accessibility options: tweak the health, damage and speed of enemies so the difficulty is right for you.", + "about_the_game": "A spaceship from Potato World crashes onto an alien planet. The sole survivor: Brotato, the only potato capable of handling 6 weapons at the same time. Waiting to be rescued by his mates, Brotato must survive in this hostile environment.FeaturesAuto-firing weapons by default with a manual aiming optionFast runs (under 30 minutes)Dozens of characters available to customize your runs (one-handed, crazy, lucky, mage and many more) Hundreds of items and weapons to choose from (flamethrowers, SMGs, rocket launchers or sticks and stones)Survive waves lasting 20 to 90 seconds each and kill off as many aliens as you can during that timeCollect materials to gain experience and get items from the shop between waves of enemiesAccessibility options: tweak the health, damage and speed of enemies so the difficulty is right for you", + "short_description": "Brotato is a top-down arena shooter roguelite where you play a potato wielding up to 6 weapons at a time to fight off hordes of aliens. Choose from a variety of traits and items to create unique builds and survive until help arrives.", + "genres": "Action", + "recommendations": 42508, + "score": 7.025721946004156 + }, + { + "type": "game", + "name": "Escape the Backrooms", + "detailed_description": "Explore the seemingly infinite expanse of eerily familiar levels in the backrooms based on the popular creepypasta lore. Each level features different ways to escape with danger along the way. . Realistic graphics, minimal user interfaces, and dreary ambience will ensure an immersive experience. . Explore the backrooms with a team of up to 4 players. Be warned, as teammates may no-clip into other areas of the map and every member of your team must find the exit alive to escape. No wanderer left behind. . Traverse though 20+ unique levels based on backrooms lore with regular content updates adding more. Each level features a different way to escape with various danger along the way. . Check every corner so you won't be caught off guard by one of 12 hostile entities in the backrooms, each with their own mechanics you'll need to quickly learn if you want to survive. . Communicate with your teammates with proximity voice chat. Be sure to not wander far away from your team, as you can easily get lost in the confusing expanse of the backrooms. Entities can also hear you, so stay quiet whenever you're near any danger. .", + "about_the_game": "Explore the seemingly infinite expanse of eerily familiar levels in the backrooms based on the popular creepypasta lore. Each level features different ways to escape with danger along the way.Realistic graphics, minimal user interfaces, and dreary ambience will ensure an immersive experience.Explore the backrooms with a team of up to 4 players. Be warned, as teammates may no-clip into other areas of the map and every member of your team must find the exit alive to escape. No wanderer left behind.Traverse though 20+ unique levels based on backrooms lore with regular content updates adding more. Each level features a different way to escape with various danger along the way.Check every corner so you won't be caught off guard by one of 12 hostile entities in the backrooms, each with their own mechanics you'll need to quickly learn if you want to survive.Communicate with your teammates with proximity voice chat. Be sure to not wander far away from your team, as you can easily get lost in the confusing expanse of the backrooms. Entities can also hear you, so stay quiet whenever you're near any danger.", + "short_description": "Escape the Backrooms is a 1-4 player co-op horror exploration game. Traverse through eerie backrooms levels while avoiding entities and other danger to try and escape. Free content updates with new levels and game modes keep the community rewarded.", + "genres": "Indie", + "recommendations": 26628, + "score": 6.717390325457135 + }, + { + "type": "game", + "name": "Broken Edge", + "detailed_description": "Broken Edge is a VR multiplayer fantasy dueling game where you embody historical swordfighters. Use their unique techniques and powers combined with cutting-edge fencing mechanics to claim victory against online opponents and climb the ranks!. All characters are equipped with unique weapons, coupled with their own distinctive martial arts style. Learn to master these ancient fighting patterns to awaken the energy of your blade and dominate your foes online. . . . Move and swing your sword freely as you would in real life, then apply tactical skills to block incoming blows and break your opponents' weapon at the point of impact!. . Whether you\u2019re a swashbuckling duellist or a feeble grunt, Broken Edge caters to players from all skill levels. Hone your skills in the dojo and take part in the global contest to climb the ranks online!. . .", + "about_the_game": "Broken Edge is a VR multiplayer fantasy dueling game where you embody historical swordfighters. Use their unique techniques and powers combined with cutting-edge fencing mechanics to claim victory against online opponents and climb the ranks!All characters are equipped with unique weapons, coupled with their own distinctive martial arts style. Learn to master these ancient fighting patterns to awaken the energy of your blade and dominate your foes online.Move and swing your sword freely as you would in real life, then apply tactical skills to block incoming blows and break your opponents' weapon at the point of impact!Whether you\u2019re a swashbuckling duellist or a feeble grunt, Broken Edge caters to players from all skill levels. Hone your skills in the dojo and take part in the global contest to climb the ranks online!", + "short_description": "Broken Edge is a VR multiplayer fantasy dueling game where you embody historical swordfighters. Use their unique techniques and powers combined with cutting-edge fencing mechanics to claim victory against online opponents and climb the ranks!", + "genres": "Action", + "recommendations": 239, + "score": 3.6130001958876474 + }, + { + "type": "game", + "name": "Inside the Backrooms", + "detailed_description": "DESCRIPTIONInside the Backrooms is a Co-op online horror game up to 4 players, where you and your friends will fight to escape from the different levels of the backrooms, solving different puzzles with different mechanics in each one. This game is based on the famous creepypasta with many real references implemented such as iconic entities and important elements. You will have to explore each room, look for elements that help you to continue advancing throughout the game and unlock new areas, but the further you go, more dangerous it will be, you must pay close attention in the area, identify each entity and know how to avoid them if you want to survive. Look for supplies, store them in your inventory, explore all the rooms, solve puzzles, unlock areas of the map, interact, try to collect everything you find. The main objective of Inside the Backrooms is to engage players with its gameplay, difficulty and atmosphere. There are countless identical rooms with an old, dirty carpet and pale yellowish walls, where at first glance it gives you a gloomy and bad feeling where you realize that it is not a safe place.LEVELSThe game currently has 5 levels, each level is huge and is designed to be more difficult than the previous one and each one with different puzzles and mechanics. . There are also 2 secret mini levels that will lead you to a secret ending. . VIRTUAL REALITYThe game is compatible with VR for those who want to live the most terrifying experience in the backrooms, If you have an Oculus Quest device you can't miss the experience of being trapped in the backrooms in virtual reality. . IMPORTANT: At the moment, VR support is still very poor and you will likely run into issues regarding controls, comfort and compatability. Please do not buy the game for the VR-only experience. We are working hard on improving this and fully include VR support!. ENTITIESIn this game you will find several entities, currently 6 entities, all based on the original creepypasta, each entity will have different ways of attacking and manifesting, so it will be important to know it's behavior of each of these and avoid at all costs that several entities finds you at the same time, if this happens, you will have a bad time. PUZZLESInside the Backrooms has a lot of diverse, interesting and entertaining puzzles, from simple ones to the complex and laborious, they are carefully elaborated with the purpouse of being solved both individually and cooperatively, in addition to this, to make the puzzles more dynamic and attractive, in each new game the solution of all of them changes, which means that it wont be always the same answer! so test your puzzle resolution skills and try to escape from this terrifying place full of mysteries. ITEMSIf you want to survive in the backrooms you will need to look for essential items and manage them properly, because if you get short of any of them, it could mean your death. These are some of the items you can find on your journey through the backrooms:. Almond Water: Regenerate part of life. . Pills: Eliminate Anxiety. Radios: Allows communication at a distance with your team. Flashlight: Allows you to see in dark areas. . Protection Suit: Allows you to prevent getting radiation on some areas. . Documents and Notes: Provides relevant information. FEATURESHere are some of the current features of the game:. Proximity Voice Chat: Talk to the nearest people using the voice chat, but be careful, some entities could hear you. . Stamina: The player will have limited stamina that you will need to manage correctly, if an entity is close to you, it will be your best ally to escape. . Inventory: You will be able to take various items and store them in your inventory, however, space is limited. . Anxiety: When you see an entity, your state of anxiety will increase, going through a disorder of fear and poor visibility. . Entities: Each entity has its own attack modes, learn their techniques to evade them. . Respawn: The game incorpore a creative and dynamic way to respawn, you will able to respawn up to 3 times. DEVELOPMENT ROADMAPWe want to keep improving the game, to the point where it becomes one of the best games that represent backroom creepypasta. For this reason we will continue to polishing and adding new content to the game, these are some features that are planned to be added throughout the final development of the game:. New Entities. More Levels. New Puzzles and Mechanics. Procedural Levels. New Items. Improve Gameplay. Language Localization.", + "about_the_game": "DESCRIPTIONInside the Backrooms is a Co-op online horror game up to 4 players, where you and your friends will fight to escape from the different levels of the backrooms, solving different puzzles with different mechanics in each one.This game is based on the famous creepypasta with many real references implemented such as iconic entities and important elements. You will have to explore each room, look for elements that help you to continue advancing throughout the game and unlock new areas, but the further you go, more dangerous it will be, you must pay close attention in the area, identify each entity and know how to avoid them if you want to survive. Look for supplies, store them in your inventory, explore all the rooms, solve puzzles, unlock areas of the map, interact, try to collect everything you find.The main objective of Inside the Backrooms is to engage players with its gameplay, difficulty and atmosphere. There are countless identical rooms with an old, dirty carpet and pale yellowish walls, where at first glance it gives you a gloomy and bad feeling where you realize that it is not a safe place.LEVELSThe game currently has 5 levels, each level is huge and is designed to be more difficult than the previous one and each one with different puzzles and mechanics.There are also 2 secret mini levels that will lead you to a secret ending..VIRTUAL REALITYThe game is compatible with VR for those who want to live the most terrifying experience in the backrooms, If you have an Oculus Quest device you can't miss the experience of being trapped in the backrooms in virtual reality.IMPORTANT: At the moment, VR support is still very poor and you will likely run into issues regarding controls, comfort and compatability. Please do not buy the game for the VR-only experience. We are working hard on improving this and fully include VR support!ENTITIESIn this game you will find several entities, currently 6 entities, all based on the original creepypasta, each entity will have different ways of attacking and manifesting, so it will be important to know it's behavior of each of these and avoid at all costs that several entities finds you at the same time, if this happens, you will have a bad time.PUZZLESInside the Backrooms has a lot of diverse, interesting and entertaining puzzles, from simple ones to the complex and laborious, they are carefully elaborated with the purpouse of being solved both individually and cooperatively, in addition to this, to make the puzzles more dynamic and attractive, in each new game the solution of all of them changes, which means that it wont be always the same answer! so test your puzzle resolution skills and try to escape from this terrifying place full of mysteries.ITEMSIf you want to survive in the backrooms you will need to look for essential items and manage them properly, because if you get short of any of them, it could mean your death.These are some of the items you can find on your journey through the backrooms: Almond Water: Regenerate part of life. Pills: Eliminate Anxiety Radios: Allows communication at a distance with your team Flashlight: Allows you to see in dark areas. Protection Suit: Allows you to prevent getting radiation on some areas. Documents and Notes: Provides relevant information.FEATURESHere are some of the current features of the game:Proximity Voice Chat: Talk to the nearest people using the voice chat, but be careful, some entities could hear you...Stamina: The player will have limited stamina that you will need to manage correctly, if an entity is close to you, it will be your best ally to escape.Inventory: You will be able to take various items and store them in your inventory, however, space is limited.Anxiety: When you see an entity, your state of anxiety will increase, going through a disorder of fear and poor visibility.Entities: Each entity has its own attack modes, learn their techniques to evade them.Respawn: The game incorpore a creative and dynamic way to respawn, you will able to respawn up to 3 times.DEVELOPMENT ROADMAPWe want to keep improving the game, to the point where it becomes one of the best games that represent backroom creepypasta. For this reason we will continue to polishing and adding new content to the game, these are some features that are planned to be added throughout the final development of the game:New EntitiesMore LevelsNew Puzzles and MechanicsProcedural LevelsNew ItemsImprove GameplayLanguage Localization", + "short_description": "Inside the Backrooms is a horror multiplayer game mixed with different mechanics that will make you spend an intense night with friends. Explore, think, interact, but be careful, it is rumored that there are several entities wishing to find you...", + "genres": "Adventure", + "recommendations": 29745, + "score": 6.79036298521792 + }, + { + "type": "game", + "name": "Resident Evil 4", + "detailed_description": "Digital Deluxe Edition. The Deluxe Edition contains the main game and the Extra DLC Pack which includes the following items:. - Leon & Ashley Costumes: 'Casual'. - Leon & Ashley Costumes: 'Romantic'. - Leon Costume & Filter: 'Hero'. - Leon Costume & Filter: 'Villain'. - Leon Accessory: 'Sunglasses (Sporty)'. - Deluxe Weapon: 'Sentinel Nine'. - Deluxe Weapon: 'Skull Shaker'. - 'Original Ver.' Soundtrack Swap. - Treasure Map: Expansion. About the GameSurvival is just the beginning. . Six years have passed since the biological disaster in Raccoon City. Agent Leon S. Kennedy, one of the survivors of the incident, has been sent to rescue the president's kidnapped daughter. He tracks her to a secluded European village, where there is something terribly wrong with the locals. And the curtain rises on this story of daring rescue and grueling horror where life and death, terror and catharsis intersect. . Featuring modernized gameplay, a reimagined storyline, and vividly detailed graphics,. Resident Evil 4 marks the rebirth of an industry juggernaut. . Relive the nightmare that revolutionized survival horror.", + "about_the_game": "Survival is just the beginning.\r\n\r\nSix years have passed since the biological disaster in Raccoon City.\r\nAgent Leon S. Kennedy, one of the survivors of the incident, has been sent to rescue the president's kidnapped daughter.\r\nHe tracks her to a secluded European village, where there is something terribly wrong with the locals.\r\nAnd the curtain rises on this story of daring rescue and grueling horror where life and death, terror and catharsis intersect.\r\n\r\nFeaturing modernized gameplay, a reimagined storyline, and vividly detailed graphics,\r\nResident Evil 4 marks the rebirth of an industry juggernaut.\r\n\r\nRelive the nightmare that revolutionized survival horror.", + "short_description": "Survival is just the beginning. Six years have passed since the biological disaster in Raccoon City. Leon S. Kennedy, one of the survivors, tracks the president's kidnapped daughter to a secluded European village, where there is something terribly wrong with the locals.", + "genres": "Action", + "recommendations": 53998, + "score": 7.183442470918749 + } +] \ No newline at end of file diff --git a/backend/helpers/data/movies.json b/backend/helpers/data/movies.json new file mode 100644 index 00000000..e7aa4911 --- /dev/null +++ b/backend/helpers/data/movies.json @@ -0,0 +1,18002 @@ +[ + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMDFkYTc0MGEtZmNhMC00ZDIzLWFmNTEtODM1ZmRlYWMwMWFmXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Shawshank Redemption", + "Released_Year":"1994", + "Certificate":"A", + "Runtime":"142 min", + "Genre":"Drama", + "IMDB_Rating":9.3, + "Overview":"Two imprisoned men bond over a number of years, finding solace and eventual redemption through acts of common decency.", + "Meta_score":80.0, + "Director":"Frank Darabont", + "Star1":"Tim Robbins", + "Star2":"Morgan Freeman", + "Star3":"Bob Gunton", + "Star4":"William Sadler", + "No_of_Votes":2343110, + "Gross":"28,341,469" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BM2MyNjYxNmUtYTAwNi00MTYxLWJmNWYtYzZlODY3ZTk3OTFlXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"The Godfather", + "Released_Year":"1972", + "Certificate":"A", + "Runtime":"175 min", + "Genre":"Crime, Drama", + "IMDB_Rating":9.2, + "Overview":"An organized crime dynasty's aging patriarch transfers control of his clandestine empire to his reluctant son.", + "Meta_score":100.0, + "Director":"Francis Ford Coppola", + "Star1":"Marlon Brando", + "Star2":"Al Pacino", + "Star3":"James Caan", + "Star4":"Diane Keaton", + "No_of_Votes":1620367, + "Gross":"134,966,411" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTMxNTMwODM0NF5BMl5BanBnXkFtZTcwODAyMTk2Mw@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Dark Knight", + "Released_Year":"2008", + "Certificate":"UA", + "Runtime":"152 min", + "Genre":"Action, Crime, Drama", + "IMDB_Rating":9.0, + "Overview":"When the menace known as the Joker wreaks havoc and chaos on the people of Gotham, Batman must accept one of the greatest psychological and physical tests of his ability to fight injustice.", + "Meta_score":84.0, + "Director":"Christopher Nolan", + "Star1":"Christian Bale", + "Star2":"Heath Ledger", + "Star3":"Aaron Eckhart", + "Star4":"Michael Caine", + "No_of_Votes":2303232, + "Gross":"534,858,444" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMWMwMGQzZTItY2JlNC00OWZiLWIyMDctNDk2ZDQ2YjRjMWQ0XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"The Godfather: Part II", + "Released_Year":"1974", + "Certificate":"A", + "Runtime":"202 min", + "Genre":"Crime, Drama", + "IMDB_Rating":9.0, + "Overview":"The early life and career of Vito Corleone in 1920s New York City is portrayed, while his son, Michael, expands and tightens his grip on the family crime syndicate.", + "Meta_score":90.0, + "Director":"Francis Ford Coppola", + "Star1":"Al Pacino", + "Star2":"Robert De Niro", + "Star3":"Robert Duvall", + "Star4":"Diane Keaton", + "No_of_Votes":1129952, + "Gross":"57,300,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMWU4N2FjNzYtNTVkNC00NzQ0LTg0MjAtYTJlMjFhNGUxZDFmXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"12 Angry Men", + "Released_Year":"1957", + "Certificate":"U", + "Runtime":"96 min", + "Genre":"Crime, Drama", + "IMDB_Rating":9.0, + "Overview":"A jury holdout attempts to prevent a miscarriage of justice by forcing his colleagues to reconsider the evidence.", + "Meta_score":96.0, + "Director":"Sidney Lumet", + "Star1":"Henry Fonda", + "Star2":"Lee J. Cobb", + "Star3":"Martin Balsam", + "Star4":"John Fiedler", + "No_of_Votes":689845, + "Gross":"4,360,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNzA5ZDNlZWMtM2NhNS00NDJjLTk4NDItYTRmY2EwMWZlMTY3XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Lord of the Rings: The Return of the King", + "Released_Year":"2003", + "Certificate":"U", + "Runtime":"201 min", + "Genre":"Action, Adventure, Drama", + "IMDB_Rating":8.9, + "Overview":"Gandalf and Aragorn lead the World of Men against Sauron's army to draw his gaze from Frodo and Sam as they approach Mount Doom with the One Ring.", + "Meta_score":94.0, + "Director":"Peter Jackson", + "Star1":"Elijah Wood", + "Star2":"Viggo Mortensen", + "Star3":"Ian McKellen", + "Star4":"Orlando Bloom", + "No_of_Votes":1642758, + "Gross":"377,845,905" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNGNhMDIzZTUtNTBlZi00MTRlLWFjM2ItYzViMjE3YzI5MjljXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Pulp Fiction", + "Released_Year":"1994", + "Certificate":"A", + "Runtime":"154 min", + "Genre":"Crime, Drama", + "IMDB_Rating":8.9, + "Overview":"The lives of two mob hitmen, a boxer, a gangster and his wife, and a pair of diner bandits intertwine in four tales of violence and redemption.", + "Meta_score":94.0, + "Director":"Quentin Tarantino", + "Star1":"John Travolta", + "Star2":"Uma Thurman", + "Star3":"Samuel L. Jackson", + "Star4":"Bruce Willis", + "No_of_Votes":1826188, + "Gross":"107,928,762" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNDE4OTMxMTctNmRhYy00NWE2LTg3YzItYTk3M2UwOTU5Njg4XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Schindler's List", + "Released_Year":"1993", + "Certificate":"A", + "Runtime":"195 min", + "Genre":"Biography, Drama, History", + "IMDB_Rating":8.9, + "Overview":"In German-occupied Poland during World War II, industrialist Oskar Schindler gradually becomes concerned for his Jewish workforce after witnessing their persecution by the Nazis.", + "Meta_score":94.0, + "Director":"Steven Spielberg", + "Star1":"Liam Neeson", + "Star2":"Ralph Fiennes", + "Star3":"Ben Kingsley", + "Star4":"Caroline Goodall", + "No_of_Votes":1213505, + "Gross":"96,898,818" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjAxMzY3NjcxNF5BMl5BanBnXkFtZTcwNTI5OTM0Mw@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Inception", + "Released_Year":"2010", + "Certificate":"UA", + "Runtime":"148 min", + "Genre":"Action, Adventure, Sci-Fi", + "IMDB_Rating":8.8, + "Overview":"A thief who steals corporate secrets through the use of dream-sharing technology is given the inverse task of planting an idea into the mind of a C.E.O.", + "Meta_score":74.0, + "Director":"Christopher Nolan", + "Star1":"Leonardo DiCaprio", + "Star2":"Joseph Gordon-Levitt", + "Star3":"Elliot Page", + "Star4":"Ken Watanabe", + "No_of_Votes":2067042, + "Gross":"292,576,195" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMmEzNTkxYjQtZTc0MC00YTVjLTg5ZTEtZWMwOWVlYzY0NWIwXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Fight Club", + "Released_Year":"1999", + "Certificate":"A", + "Runtime":"139 min", + "Genre":"Drama", + "IMDB_Rating":8.8, + "Overview":"An insomniac office worker and a devil-may-care soapmaker form an underground fight club that evolves into something much, much more.", + "Meta_score":66.0, + "Director":"David Fincher", + "Star1":"Brad Pitt", + "Star2":"Edward Norton", + "Star3":"Meat Loaf", + "Star4":"Zach Grenier", + "No_of_Votes":1854740, + "Gross":"37,030,102" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BN2EyZjM3NzUtNWUzMi00MTgxLWI0NTctMzY4M2VlOTdjZWRiXkEyXkFqcGdeQXVyNDUzOTQ5MjY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Lord of the Rings: The Fellowship of the Ring", + "Released_Year":"2001", + "Certificate":"U", + "Runtime":"178 min", + "Genre":"Action, Adventure, Drama", + "IMDB_Rating":8.8, + "Overview":"A meek Hobbit from the Shire and eight companions set out on a journey to destroy the powerful One Ring and save Middle-earth from the Dark Lord Sauron.", + "Meta_score":92.0, + "Director":"Peter Jackson", + "Star1":"Elijah Wood", + "Star2":"Ian McKellen", + "Star3":"Orlando Bloom", + "Star4":"Sean Bean", + "No_of_Votes":1661481, + "Gross":"315,544,750" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNWIwODRlZTUtY2U3ZS00Yzg1LWJhNzYtMmZiYmEyNmU1NjMzXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Forrest Gump", + "Released_Year":"1994", + "Certificate":"UA", + "Runtime":"142 min", + "Genre":"Drama, Romance", + "IMDB_Rating":8.8, + "Overview":"The presidencies of Kennedy and Johnson, the events of Vietnam, Watergate and other historical events unfold through the perspective of an Alabama man with an IQ of 75, whose only desire is to be reunited with his childhood sweetheart.", + "Meta_score":82.0, + "Director":"Robert Zemeckis", + "Star1":"Tom Hanks", + "Star2":"Robin Wright", + "Star3":"Gary Sinise", + "Star4":"Sally Field", + "No_of_Votes":1809221, + "Gross":"330,252,182" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTQ5NDI3MTI4MF5BMl5BanBnXkFtZTgwNDQ4ODE5MDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Il buono, il brutto, il cattivo", + "Released_Year":"1966", + "Certificate":"A", + "Runtime":"161 min", + "Genre":"Western", + "IMDB_Rating":8.8, + "Overview":"A bounty hunting scam joins two men in an uneasy alliance against a third in a race to find a fortune in gold buried in a remote cemetery.", + "Meta_score":90.0, + "Director":"Sergio Leone", + "Star1":"Clint Eastwood", + "Star2":"Eli Wallach", + "Star3":"Lee Van Cleef", + "Star4":"Aldo Giuffr\u00e8", + "No_of_Votes":688390, + "Gross":"6,100,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZGMxZTdjZmYtMmE2Ni00ZTdkLWI5NTgtNjlmMjBiNzU2MmI5XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Lord of the Rings: The Two Towers", + "Released_Year":"2002", + "Certificate":"UA", + "Runtime":"179 min", + "Genre":"Action, Adventure, Drama", + "IMDB_Rating":8.7, + "Overview":"While Frodo and Sam edge closer to Mordor with the help of the shifty Gollum, the divided fellowship makes a stand against Sauron's new ally, Saruman, and his hordes of Isengard.", + "Meta_score":87.0, + "Director":"Peter Jackson", + "Star1":"Elijah Wood", + "Star2":"Ian McKellen", + "Star3":"Viggo Mortensen", + "Star4":"Orlando Bloom", + "No_of_Votes":1485555, + "Gross":"342,551,365" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNzQzOTk3OTAtNDQ0Zi00ZTVkLWI0MTEtMDllZjNkYzNjNTc4L2ltYWdlXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Matrix", + "Released_Year":"1999", + "Certificate":"A", + "Runtime":"136 min", + "Genre":"Action, Sci-Fi", + "IMDB_Rating":8.7, + "Overview":"When a beautiful stranger leads computer hacker Neo to a forbidding underworld, he discovers the shocking truth--the life he knows is the elaborate deception of an evil cyber-intelligence.", + "Meta_score":73.0, + "Director":"Lana Wachowski", + "Star1":"Lilly Wachowski", + "Star2":"Keanu Reeves", + "Star3":"Laurence Fishburne", + "Star4":"Carrie-Anne Moss", + "No_of_Votes":1676426, + "Gross":"171,479,930" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BY2NkZjEzMDgtN2RjYy00YzM1LWI4ZmQtMjIwYjFjNmI3ZGEwXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Goodfellas", + "Released_Year":"1990", + "Certificate":"A", + "Runtime":"146 min", + "Genre":"Biography, Crime, Drama", + "IMDB_Rating":8.7, + "Overview":"The story of Henry Hill and his life in the mob, covering his relationship with his wife Karen Hill and his mob partners Jimmy Conway and Tommy DeVito in the Italian-American crime syndicate.", + "Meta_score":90.0, + "Director":"Martin Scorsese", + "Star1":"Robert De Niro", + "Star2":"Ray Liotta", + "Star3":"Joe Pesci", + "Star4":"Lorraine Bracco", + "No_of_Votes":1020727, + "Gross":"46,836,394" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYmU1NDRjNDgtMzhiMi00NjZmLTg5NGItZDNiZjU5NTU4OTE0XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Star Wars: Episode V - The Empire Strikes Back", + "Released_Year":"1980", + "Certificate":"UA", + "Runtime":"124 min", + "Genre":"Action, Adventure, Fantasy", + "IMDB_Rating":8.7, + "Overview":"After the Rebels are brutally overpowered by the Empire on the ice planet Hoth, Luke Skywalker begins Jedi training with Yoda, while his friends are pursued by Darth Vader and a bounty hunter named Boba Fett all over the galaxy.", + "Meta_score":82.0, + "Director":"Irvin Kershner", + "Star1":"Mark Hamill", + "Star2":"Harrison Ford", + "Star3":"Carrie Fisher", + "Star4":"Billy Dee Williams", + "No_of_Votes":1159315, + "Gross":"290,475,067" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZjA0OWVhOTAtYWQxNi00YzNhLWI4ZjYtNjFjZTEyYjJlNDVlL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"One Flew Over the Cuckoo's Nest", + "Released_Year":"1975", + "Certificate":"A", + "Runtime":"133 min", + "Genre":"Drama", + "IMDB_Rating":8.7, + "Overview":"A criminal pleads insanity and is admitted to a mental institution, where he rebels against the oppressive nurse and rallies up the scared patients.", + "Meta_score":83.0, + "Director":"Milos Forman", + "Star1":"Jack Nicholson", + "Star2":"Louise Fletcher", + "Star3":"Michael Berryman", + "Star4":"Peter Brocco", + "No_of_Votes":918088, + "Gross":"112,000,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjViNWRjYWEtZTI0NC00N2E3LTk0NGQtMjY4NTM3OGNkZjY0XkEyXkFqcGdeQXVyMjUxMTY3ODM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Hamilton", + "Released_Year":"2020", + "Certificate":"PG-13", + "Runtime":"160 min", + "Genre":"Biography, Drama, History", + "IMDB_Rating":8.6, + "Overview":"The real life of one of America's foremost founding fathers and first Secretary of the Treasury, Alexander Hamilton. Captured live on Broadway from the Richard Rodgers Theater with the original Broadway cast.", + "Meta_score":90.0, + "Director":"Thomas Kail", + "Star1":"Lin-Manuel Miranda", + "Star2":"Phillipa Soo", + "Star3":"Leslie Odom Jr.", + "Star4":"Ren\u00e9e Elise Goldsberry", + "No_of_Votes":55291, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYWZjMjk3ZTItODQ2ZC00NTY5LWE0ZDYtZTI3MjcwN2Q5NTVkXkEyXkFqcGdeQXVyODk4OTc3MTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Gisaengchung", + "Released_Year":"2019", + "Certificate":"A", + "Runtime":"132 min", + "Genre":"Comedy, Drama, Thriller", + "IMDB_Rating":8.6, + "Overview":"Greed and class discrimination threaten the newly formed symbiotic relationship between the wealthy Park family and the destitute Kim clan.", + "Meta_score":96.0, + "Director":"Bong Joon Ho", + "Star1":"Kang-ho Song", + "Star2":"Lee Sun-kyun", + "Star3":"Cho Yeo-jeong", + "Star4":"Choi Woo-sik", + "No_of_Votes":552778, + "Gross":"53,367,844" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTc2ZTlmYmItMDBhYS00YmMzLWI4ZjAtMTI5YTBjOTFiMGEwXkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Soorarai Pottru", + "Released_Year":"2020", + "Certificate":"U", + "Runtime":"153 min", + "Genre":"Drama", + "IMDB_Rating":8.6, + "Overview":"Nedumaaran Rajangam \"Maara\" sets out to make the common man fly and in the process takes on the world's most capital intensive industry and several enemies who stand in his way.", + "Meta_score":null, + "Director":"Sudha Kongara", + "Star1":"Suriya", + "Star2":"Madhavan", + "Star3":"Paresh Rawal", + "Star4":"Aparna Balamurali", + "No_of_Votes":54995, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZjdkOTU3MDktN2IxOS00OGEyLWFmMjktY2FiMmZkNWIyODZiXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Interstellar", + "Released_Year":"2014", + "Certificate":"UA", + "Runtime":"169 min", + "Genre":"Adventure, Drama, Sci-Fi", + "IMDB_Rating":8.6, + "Overview":"A team of explorers travel through a wormhole in space in an attempt to ensure humanity's survival.", + "Meta_score":74.0, + "Director":"Christopher Nolan", + "Star1":"Matthew McConaughey", + "Star2":"Anne Hathaway", + "Star3":"Jessica Chastain", + "Star4":"Mackenzie Foy", + "No_of_Votes":1512360, + "Gross":"188,020,017" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTMwYjc5ZmItYTFjZC00ZGQ3LTlkNTMtMjZiNTZlMWQzNzI5XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Cidade de Deus", + "Released_Year":"2002", + "Certificate":"A", + "Runtime":"130 min", + "Genre":"Crime, Drama", + "IMDB_Rating":8.6, + "Overview":"In the slums of Rio, two kids' paths diverge as one struggles to become a photographer and the other a kingpin.", + "Meta_score":79.0, + "Director":"Fernando Meirelles", + "Star1":"K\u00e1tia Lund", + "Star2":"Alexandre Rodrigues", + "Star3":"Leandro Firmino", + "Star4":"Matheus Nachtergaele", + "No_of_Votes":699256, + "Gross":"7,563,397" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjlmZmI5MDctNDE2YS00YWE0LWE5ZWItZDBhYWQ0NTcxNWRhXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Sen to Chihiro no kamikakushi", + "Released_Year":"2001", + "Certificate":"U", + "Runtime":"125 min", + "Genre":"Animation, Adventure, Family", + "IMDB_Rating":8.6, + "Overview":"During her family's move to the suburbs, a sullen 10-year-old girl wanders into a world ruled by gods, witches, and spirits, and where humans are changed into beasts.", + "Meta_score":96.0, + "Director":"Hayao Miyazaki", + "Star1":"Daveigh Chase", + "Star2":"Suzanne Pleshette", + "Star3":"Miyu Irino", + "Star4":"Rumi Hiiragi", + "No_of_Votes":651376, + "Gross":"10,055,859" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZjhkMDM4MWItZTVjOC00ZDRhLThmYTAtM2I5NzBmNmNlMzI1XkEyXkFqcGdeQXVyNDYyMDk5MTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Saving Private Ryan", + "Released_Year":"1998", + "Certificate":"R", + "Runtime":"169 min", + "Genre":"Drama, War", + "IMDB_Rating":8.6, + "Overview":"Following the Normandy Landings, a group of U.S. soldiers go behind enemy lines to retrieve a paratrooper whose brothers have been killed in action.", + "Meta_score":91.0, + "Director":"Steven Spielberg", + "Star1":"Tom Hanks", + "Star2":"Matt Damon", + "Star3":"Tom Sizemore", + "Star4":"Edward Burns", + "No_of_Votes":1235804, + "Gross":"216,540,909" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTUxMzQyNjA5MF5BMl5BanBnXkFtZTYwOTU2NTY3._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Green Mile", + "Released_Year":"1999", + "Certificate":"A", + "Runtime":"189 min", + "Genre":"Crime, Drama, Fantasy", + "IMDB_Rating":8.6, + "Overview":"The lives of guards on Death Row are affected by one of their charges: a black man accused of child murder and rape, yet who has a mysterious gift.", + "Meta_score":61.0, + "Director":"Frank Darabont", + "Star1":"Tom Hanks", + "Star2":"Michael Clarke Duncan", + "Star3":"David Morse", + "Star4":"Bonnie Hunt", + "No_of_Votes":1147794, + "Gross":"136,801,374" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYmJmM2Q4NmMtYThmNC00ZjRlLWEyZmItZTIwOTBlZDQ3NTQ1XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"La vita \u00e8 bella", + "Released_Year":"1997", + "Certificate":"U", + "Runtime":"116 min", + "Genre":"Comedy, Drama, Romance", + "IMDB_Rating":8.6, + "Overview":"When an open-minded Jewish librarian and his son become victims of the Holocaust, he uses a perfect mixture of will, humor, and imagination to protect his son from the dangers around their camp.", + "Meta_score":59.0, + "Director":"Roberto Benigni", + "Star1":"Roberto Benigni", + "Star2":"Nicoletta Braschi", + "Star3":"Giorgio Cantarini", + "Star4":"Giustino Durano", + "No_of_Votes":623629, + "Gross":"57,598,247" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTUwODM5MTctZjczMi00OTk4LTg3NWUtNmVhMTAzNTNjYjcyXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Se7en", + "Released_Year":"1995", + "Certificate":"A", + "Runtime":"127 min", + "Genre":"Crime, Drama, Mystery", + "IMDB_Rating":8.6, + "Overview":"Two detectives, a rookie and a veteran, hunt a serial killer who uses the seven deadly sins as his motives.", + "Meta_score":65.0, + "Director":"David Fincher", + "Star1":"Morgan Freeman", + "Star2":"Brad Pitt", + "Star3":"Kevin Spacey", + "Star4":"Andrew Kevin Walker", + "No_of_Votes":1445096, + "Gross":"100,125,643" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjNhZTk0ZmEtNjJhMi00YzFlLWE1MmEtYzM1M2ZmMGMwMTU4XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Silence of the Lambs", + "Released_Year":"1991", + "Certificate":"A", + "Runtime":"118 min", + "Genre":"Crime, Drama, Thriller", + "IMDB_Rating":8.6, + "Overview":"A young F.B.I. cadet must receive the help of an incarcerated and manipulative cannibal killer to help catch another serial killer, a madman who skins his victims.", + "Meta_score":85.0, + "Director":"Jonathan Demme", + "Star1":"Jodie Foster", + "Star2":"Anthony Hopkins", + "Star3":"Lawrence A. Bonney", + "Star4":"Kasi Lemmons", + "No_of_Votes":1270197, + "Gross":"130,742,922" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNzVlY2MwMjktM2E4OS00Y2Y3LWE3ZjctYzhkZGM3YzA1ZWM2XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Star Wars", + "Released_Year":"1977", + "Certificate":"UA", + "Runtime":"121 min", + "Genre":"Action, Adventure, Fantasy", + "IMDB_Rating":8.6, + "Overview":"Luke Skywalker joins forces with a Jedi Knight, a cocky pilot, a Wookiee and two droids to save the galaxy from the Empire's world-destroying battle station, while also attempting to rescue Princess Leia from the mysterious Darth Vader.", + "Meta_score":90.0, + "Director":"George Lucas", + "Star1":"Mark Hamill", + "Star2":"Harrison Ford", + "Star3":"Carrie Fisher", + "Star4":"Alec Guinness", + "No_of_Votes":1231473, + "Gross":"322,740,140" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYjBmYTQ1NjItZWU5MS00YjI0LTg2OTYtYmFkN2JkMmNiNWVkXkEyXkFqcGdeQXVyMTMxMTY0OTQ@._V1_UY98_CR2,0,67,98_AL_.jpg", + "Series_Title":"Seppuku", + "Released_Year":"1962", + "Certificate":null, + "Runtime":"133 min", + "Genre":"Action, Drama, Mystery", + "IMDB_Rating":8.6, + "Overview":"When a ronin requesting seppuku at a feudal lord's palace is told of the brutal suicide of another ronin who previously visited, he reveals how their pasts are intertwined - and in doing so challenges the clan's integrity.", + "Meta_score":85.0, + "Director":"Masaki Kobayashi", + "Star1":"Tatsuya Nakadai", + "Star2":"Akira Ishihama", + "Star3":"Shima Iwashita", + "Star4":"Tetsur\u00f4 Tanba", + "No_of_Votes":42004, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOWE4ZDdhNmMtNzE5ZC00NzExLTlhNGMtY2ZhYjYzODEzODA1XkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Shichinin no samurai", + "Released_Year":"1954", + "Certificate":"U", + "Runtime":"207 min", + "Genre":"Action, Adventure, Drama", + "IMDB_Rating":8.6, + "Overview":"A poor village under attack by bandits recruits seven unemployed samurai to help them defend themselves.", + "Meta_score":98.0, + "Director":"Akira Kurosawa", + "Star1":"Toshir\u00f4 Mifune", + "Star2":"Takashi Shimura", + "Star3":"Keiko Tsushima", + "Star4":"Yukiko Shimazaki", + "No_of_Votes":315744, + "Gross":"269,061" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZjc4NDZhZWMtNGEzYS00ZWU2LThlM2ItNTA0YzQ0OTExMTE2XkEyXkFqcGdeQXVyNjUwMzI2NzU@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"It's a Wonderful Life", + "Released_Year":"1946", + "Certificate":"PG", + "Runtime":"130 min", + "Genre":"Drama, Family, Fantasy", + "IMDB_Rating":8.6, + "Overview":"An angel is sent from Heaven to help a desperately frustrated businessman by showing him what life would have been like if he had never existed.", + "Meta_score":89.0, + "Director":"Frank Capra", + "Star1":"James Stewart", + "Star2":"Donna Reed", + "Star3":"Lionel Barrymore", + "Star4":"Thomas Mitchell", + "No_of_Votes":405801, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNGVjNWI4ZGUtNzE0MS00YTJmLWE0ZDctN2ZiYTk2YmI3NTYyXkEyXkFqcGdeQXVyMTkxNjUyNQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Joker", + "Released_Year":"2019", + "Certificate":"A", + "Runtime":"122 min", + "Genre":"Crime, Drama, Thriller", + "IMDB_Rating":8.5, + "Overview":"In Gotham City, mentally troubled comedian Arthur Fleck is disregarded and mistreated by society. He then embarks on a downward spiral of revolution and bloody crime. This path brings him face-to-face with his alter-ego: the Joker.", + "Meta_score":59.0, + "Director":"Todd Phillips", + "Star1":"Joaquin Phoenix", + "Star2":"Robert De Niro", + "Star3":"Zazie Beetz", + "Star4":"Frances Conroy", + "No_of_Votes":939252, + "Gross":"335,451,311" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTA5NDZlZGUtMjAxOS00YTRkLTkwYmMtYWQ0NWEwZDZiNjEzXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Whiplash", + "Released_Year":"2014", + "Certificate":"A", + "Runtime":"106 min", + "Genre":"Drama, Music", + "IMDB_Rating":8.5, + "Overview":"A promising young drummer enrolls at a cut-throat music conservatory where his dreams of greatness are mentored by an instructor who will stop at nothing to realize a student's potential.", + "Meta_score":88.0, + "Director":"Damien Chazelle", + "Star1":"Miles Teller", + "Star2":"J.K. Simmons", + "Star3":"Melissa Benoist", + "Star4":"Paul Reiser", + "No_of_Votes":717585, + "Gross":"13,092,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTYxNDA3MDQwNl5BMl5BanBnXkFtZTcwNTU4Mzc1Nw@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Intouchables", + "Released_Year":"2011", + "Certificate":"UA", + "Runtime":"112 min", + "Genre":"Biography, Comedy, Drama", + "IMDB_Rating":8.5, + "Overview":"After he becomes a quadriplegic from a paragliding accident, an aristocrat hires a young man from the projects to be his caregiver.", + "Meta_score":57.0, + "Director":"Olivier Nakache", + "Star1":"\u00c9ric Toledano", + "Star2":"Fran\u00e7ois Cluzet", + "Star3":"Omar Sy", + "Star4":"Anne Le Ny", + "No_of_Votes":760360, + "Gross":"13,182,281" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjA4NDI0MTIxNF5BMl5BanBnXkFtZTYwNTM0MzY2._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Prestige", + "Released_Year":"2006", + "Certificate":"U", + "Runtime":"130 min", + "Genre":"Drama, Mystery, Sci-Fi", + "IMDB_Rating":8.5, + "Overview":"After a tragic accident, two stage magicians engage in a battle to create the ultimate illusion while sacrificing everything they have to outwit each other.", + "Meta_score":66.0, + "Director":"Christopher Nolan", + "Star1":"Christian Bale", + "Star2":"Hugh Jackman", + "Star3":"Scarlett Johansson", + "Star4":"Michael Caine", + "No_of_Votes":1190259, + "Gross":"53,089,891" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTI1MTY2OTIxNV5BMl5BanBnXkFtZTYwNjQ4NjY3._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Departed", + "Released_Year":"2006", + "Certificate":"A", + "Runtime":"151 min", + "Genre":"Crime, Drama, Thriller", + "IMDB_Rating":8.5, + "Overview":"An undercover cop and a mole in the police attempt to identify each other while infiltrating an Irish gang in South Boston.", + "Meta_score":85.0, + "Director":"Martin Scorsese", + "Star1":"Leonardo DiCaprio", + "Star2":"Matt Damon", + "Star3":"Jack Nicholson", + "Star4":"Mark Wahlberg", + "No_of_Votes":1189773, + "Gross":"132,384,315" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOWRiZDIxZjktMTA1NC00MDQ2LWEzMjUtMTliZmY3NjQ3ODJiXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UY98_CR2,0,67,98_AL_.jpg", + "Series_Title":"The Pianist", + "Released_Year":"2002", + "Certificate":"R", + "Runtime":"150 min", + "Genre":"Biography, Drama, Music", + "IMDB_Rating":8.5, + "Overview":"A Polish Jewish musician struggles to survive the destruction of the Warsaw ghetto of World War II.", + "Meta_score":85.0, + "Director":"Roman Polanski", + "Star1":"Adrien Brody", + "Star2":"Thomas Kretschmann", + "Star3":"Frank Finlay", + "Star4":"Emilia Fox", + "No_of_Votes":729603, + "Gross":"32,572,577" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMDliMmNhNDEtODUyOS00MjNlLTgxODEtN2U3NzIxMGVkZTA1L2ltYWdlXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Gladiator", + "Released_Year":"2000", + "Certificate":"UA", + "Runtime":"155 min", + "Genre":"Action, Adventure, Drama", + "IMDB_Rating":8.5, + "Overview":"A former Roman General sets out to exact vengeance against the corrupt emperor who murdered his family and sent him into slavery.", + "Meta_score":67.0, + "Director":"Ridley Scott", + "Star1":"Russell Crowe", + "Star2":"Joaquin Phoenix", + "Star3":"Connie Nielsen", + "Star4":"Oliver Reed", + "No_of_Votes":1341460, + "Gross":"187,705,427" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZjA0MTM4MTQtNzY5MC00NzY3LWI1ZTgtYzcxMjkyMzU4MDZiXkEyXkFqcGdeQXVyNDYyMDk5MTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"American History X", + "Released_Year":"1998", + "Certificate":"R", + "Runtime":"119 min", + "Genre":"Drama", + "IMDB_Rating":8.5, + "Overview":"A former neo-nazi skinhead tries to prevent his younger brother from going down the same wrong path that he did.", + "Meta_score":62.0, + "Director":"Tony Kaye", + "Star1":"Edward Norton", + "Star2":"Edward Furlong", + "Star3":"Beverly D'Angelo", + "Star4":"Jennifer Lien", + "No_of_Votes":1034705, + "Gross":"6,719,864" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYTViNjMyNmUtNDFkNC00ZDRlLThmMDUtZDU2YWE4NGI2ZjVmXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Usual Suspects", + "Released_Year":"1995", + "Certificate":"A", + "Runtime":"106 min", + "Genre":"Crime, Mystery, Thriller", + "IMDB_Rating":8.5, + "Overview":"A sole survivor tells of the twisty events leading up to a horrific gun battle on a boat, which began when five criminals met at a seemingly random police lineup.", + "Meta_score":77.0, + "Director":"Bryan Singer", + "Star1":"Kevin Spacey", + "Star2":"Gabriel Byrne", + "Star3":"Chazz Palminteri", + "Star4":"Stephen Baldwin", + "No_of_Votes":991208, + "Gross":"23,341,568" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODllNWE0MmEtYjUwZi00ZjY3LThmNmQtZjZlMjI2YTZjYmQ0XkEyXkFqcGdeQXVyNTc1NTQxODI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"L\u00e9on", + "Released_Year":"1994", + "Certificate":"A", + "Runtime":"110 min", + "Genre":"Action, Crime, Drama", + "IMDB_Rating":8.5, + "Overview":"Mathilda, a 12-year-old girl, is reluctantly taken in by L\u00e9on, a professional assassin, after her family is murdered. An unusual relationship forms as she becomes his prot\u00e9g\u00e9e and learns the assassin's trade.", + "Meta_score":64.0, + "Director":"Luc Besson", + "Star1":"Jean Reno", + "Star2":"Gary Oldman", + "Star3":"Natalie Portman", + "Star4":"Danny Aiello", + "No_of_Votes":1035236, + "Gross":"19,501,238" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYTYxNGMyZTYtMjE3MS00MzNjLWFjNmYtMDk3N2FmM2JiM2M1XkEyXkFqcGdeQXVyNjY5NDU4NzI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Lion King", + "Released_Year":"1994", + "Certificate":"U", + "Runtime":"88 min", + "Genre":"Animation, Adventure, Drama", + "IMDB_Rating":8.5, + "Overview":"Lion prince Simba and his father are targeted by his bitter uncle, who wants to ascend the throne himself.", + "Meta_score":88.0, + "Director":"Roger Allers", + "Star1":"Rob Minkoff", + "Star2":"Matthew Broderick", + "Star3":"Jeremy Irons", + "Star4":"James Earl Jones", + "No_of_Votes":942045, + "Gross":"422,783,777" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMGU2NzRmZjUtOGUxYS00ZjdjLWEwZWItY2NlM2JhNjkxNTFmXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Terminator 2: Judgment Day", + "Released_Year":"1991", + "Certificate":"U", + "Runtime":"137 min", + "Genre":"Action, Sci-Fi", + "IMDB_Rating":8.5, + "Overview":"A cyborg, identical to the one who failed to kill Sarah Connor, must now protect her teenage son, John Connor, from a more advanced and powerful cyborg.", + "Meta_score":75.0, + "Director":"James Cameron", + "Star1":"Arnold Schwarzenegger", + "Star2":"Linda Hamilton", + "Star3":"Edward Furlong", + "Star4":"Robert Patrick", + "No_of_Votes":995506, + "Gross":"204,843,350" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BM2FhYjEyYmYtMDI1Yy00YTdlLWI2NWQtYmEzNzAxOGY1NjY2XkEyXkFqcGdeQXVyNTA3NTIyNDg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Nuovo Cinema Paradiso", + "Released_Year":"1988", + "Certificate":"U", + "Runtime":"155 min", + "Genre":"Drama, Romance", + "IMDB_Rating":8.5, + "Overview":"A filmmaker recalls his childhood when falling in love with the pictures at the cinema of his home village and forms a deep friendship with the cinema's projectionist.", + "Meta_score":80.0, + "Director":"Giuseppe Tornatore", + "Star1":"Philippe Noiret", + "Star2":"Enzo Cannavale", + "Star3":"Antonella Attili", + "Star4":"Isa Danieli", + "No_of_Votes":230763, + "Gross":"11,990,401" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZmY2NjUzNDQtNTgxNC00M2Q4LTljOWQtMjNjNDBjNWUxNmJlXkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Hotaru no haka", + "Released_Year":"1988", + "Certificate":"U", + "Runtime":"89 min", + "Genre":"Animation, Drama, War", + "IMDB_Rating":8.5, + "Overview":"A young boy and his little sister struggle to survive in Japan during World War II.", + "Meta_score":94.0, + "Director":"Isao Takahata", + "Star1":"Tsutomu Tatsumi", + "Star2":"Ayano Shiraishi", + "Star3":"Akemi Yamaguchi", + "Star4":"Yoshiko Shinohara", + "No_of_Votes":235231, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZmU0M2Y1OGUtZjIxNi00ZjBkLTg1MjgtOWIyNThiZWIwYjRiXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Back to the Future", + "Released_Year":"1985", + "Certificate":"U", + "Runtime":"116 min", + "Genre":"Adventure, Comedy, Sci-Fi", + "IMDB_Rating":8.5, + "Overview":"Marty McFly, a 17-year-old high school student, is accidentally sent thirty years into the past in a time-traveling DeLorean invented by his close friend, the eccentric scientist Doc Brown.", + "Meta_score":87.0, + "Director":"Robert Zemeckis", + "Star1":"Michael J. Fox", + "Star2":"Christopher Lloyd", + "Star3":"Lea Thompson", + "Star4":"Crispin Glover", + "No_of_Votes":1058081, + "Gross":"210,609,762" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZGI5MjBmYzYtMzJhZi00NGI1LTk3MzItYjBjMzcxM2U3MDdiXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Once Upon a Time in the West", + "Released_Year":"1968", + "Certificate":"U", + "Runtime":"165 min", + "Genre":"Western", + "IMDB_Rating":8.5, + "Overview":"A mysterious stranger with a harmonica joins forces with a notorious desperado to protect a beautiful widow from a ruthless assassin working for the railroad.", + "Meta_score":80.0, + "Director":"Sergio Leone", + "Star1":"Henry Fonda", + "Star2":"Charles Bronson", + "Star3":"Claudia Cardinale", + "Star4":"Jason Robards", + "No_of_Votes":302844, + "Gross":"5,321,508" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNTQwNDM1YzItNDAxZC00NWY2LTk0M2UtNDIwNWI5OGUyNWUxXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Psycho", + "Released_Year":"1960", + "Certificate":"A", + "Runtime":"109 min", + "Genre":"Horror, Mystery, Thriller", + "IMDB_Rating":8.5, + "Overview":"A Phoenix secretary embezzles $40,000 from her employer's client, goes on the run, and checks into a remote motel run by a young man under the domination of his mother.", + "Meta_score":97.0, + "Director":"Alfred Hitchcock", + "Star1":"Anthony Perkins", + "Star2":"Janet Leigh", + "Star3":"Vera Miles", + "Star4":"John Gavin", + "No_of_Votes":604211, + "Gross":"32,000,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BY2IzZGY2YmEtYzljNS00NTM5LTgwMzUtMzM1NjQ4NGI0OTk0XkEyXkFqcGdeQXVyNDYyMDk5MTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Casablanca", + "Released_Year":"1942", + "Certificate":"U", + "Runtime":"102 min", + "Genre":"Drama, Romance, War", + "IMDB_Rating":8.5, + "Overview":"A cynical expatriate American cafe owner struggles to decide whether or not to help his former lover and her fugitive husband escape the Nazis in French Morocco.", + "Meta_score":100.0, + "Director":"Michael Curtiz", + "Star1":"Humphrey Bogart", + "Star2":"Ingrid Bergman", + "Star3":"Paul Henreid", + "Star4":"Claude Rains", + "No_of_Votes":522093, + "Gross":"1,024,560" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYjJiZjMzYzktNjU0NS00OTkxLWEwYzItYzdhYWJjN2QzMTRlL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Modern Times", + "Released_Year":"1936", + "Certificate":"G", + "Runtime":"87 min", + "Genre":"Comedy, Drama, Family", + "IMDB_Rating":8.5, + "Overview":"The Tramp struggles to live in modern industrial society with the help of a young homeless woman.", + "Meta_score":96.0, + "Director":"Charles Chaplin", + "Star1":"Charles Chaplin", + "Star2":"Paulette Goddard", + "Star3":"Henry Bergman", + "Star4":"Tiny Sandford", + "No_of_Votes":217881, + "Gross":"163,245" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BY2I4MmM1N2EtM2YzOS00OWUzLTkzYzctNDc5NDg2N2IyODJmXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"City Lights", + "Released_Year":"1931", + "Certificate":"G", + "Runtime":"87 min", + "Genre":"Comedy, Drama, Romance", + "IMDB_Rating":8.5, + "Overview":"With the aid of a wealthy erratic tippler, a dewy-eyed tramp who has fallen in love with a sightless flower girl accumulates money to be able to help her medically.", + "Meta_score":99.0, + "Director":"Charles Chaplin", + "Star1":"Charles Chaplin", + "Star2":"Virginia Cherrill", + "Star3":"Florence Lee", + "Star4":"Harry Myers", + "No_of_Votes":167839, + "Gross":"19,181" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMmExNzU2ZWMtYzUwYi00YmM2LTkxZTQtNmVhNjY0NTMyMWI2XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Capharna\u00fcm", + "Released_Year":"2018", + "Certificate":"A", + "Runtime":"126 min", + "Genre":"Drama", + "IMDB_Rating":8.4, + "Overview":"While serving a five-year sentence for a violent crime, a 12-year-old boy sues his parents for neglect.", + "Meta_score":75.0, + "Director":"Nadine Labaki", + "Star1":"Zain Al Rafeea", + "Star2":"Yordanos Shiferaw", + "Star3":"Boluwatife Treasure Bankole", + "Star4":"Kawsar Al Haddad", + "No_of_Votes":62635, + "Gross":"1,661,096" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNWJhMDlmZGUtYzcxNS00NDRiLWIwNjktNDY1Mjg3ZjBkYzY0XkEyXkFqcGdeQXVyMTU4MjUwMjI@._V1_UY98_CR2,0,67,98_AL_.jpg", + "Series_Title":"Ayla: The Daughter of War", + "Released_Year":"2017", + "Certificate":null, + "Runtime":"125 min", + "Genre":"Biography, Drama, History", + "IMDB_Rating":8.4, + "Overview":"In 1950, amid-st the ravages of the Korean War, Sergeant S\u00fcleyman stumbles upon a half-frozen little girl, with no parents and no help in sight. Frantic, scared and on the verge of death, ... See full summary\u00a0\u00bb", + "Meta_score":null, + "Director":"Can Ulkay", + "Star1":"Erdem Can", + "Star2":"\u00c7etin Tekindor", + "Star3":"Ismail Hacioglu", + "Star4":"Kyung-jin Lee", + "No_of_Votes":34112, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BY2FiMTFmMzMtZDI2ZC00NDQyLWExYTUtOWNmZWM1ZDg5YjVjXkEyXkFqcGdeQXVyODIwMDI1NjM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Vikram Vedha", + "Released_Year":"2017", + "Certificate":"UA", + "Runtime":"147 min", + "Genre":"Action, Crime, Drama", + "IMDB_Rating":8.4, + "Overview":"Vikram, a no-nonsense police officer, accompanied by Simon, his partner, is on the hunt to capture Vedha, a smuggler and a murderer. Vedha tries to change Vikram's life, which leads to a conflict.", + "Meta_score":null, + "Director":"Gayatri", + "Star1":"Pushkar", + "Star2":"Madhavan", + "Star3":"Vijay Sethupathi", + "Star4":"Shraddha Srinath", + "No_of_Votes":28401, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODRmZDVmNzUtZDA4ZC00NjhkLWI2M2UtN2M0ZDIzNDcxYThjL2ltYWdlXkEyXkFqcGdeQXVyNTk0MzMzODA@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Kimi no na wa.", + "Released_Year":"2016", + "Certificate":"U", + "Runtime":"106 min", + "Genre":"Animation, Drama, Fantasy", + "IMDB_Rating":8.4, + "Overview":"Two strangers find themselves linked in a bizarre way. When a connection forms, will distance be the only thing to keep them apart?", + "Meta_score":79.0, + "Director":"Makoto Shinkai", + "Star1":"Ry\u00fbnosuke Kamiki", + "Star2":"Mone Kamishiraishi", + "Star3":"Ry\u00f4 Narita", + "Star4":"Aoi Y\u00fbki", + "No_of_Votes":194838, + "Gross":"5,017,246" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTQ4MzQzMzM2Nl5BMl5BanBnXkFtZTgwMTQ1NzU3MDI@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Dangal", + "Released_Year":"2016", + "Certificate":"U", + "Runtime":"161 min", + "Genre":"Action, Biography, Drama", + "IMDB_Rating":8.4, + "Overview":"Former wrestler Mahavir Singh Phogat and his two wrestler daughters struggle towards glory at the Commonwealth Games in the face of societal oppression.", + "Meta_score":null, + "Director":"Nitesh Tiwari", + "Star1":"Aamir Khan", + "Star2":"Sakshi Tanwar", + "Star3":"Fatima Sana Shaikh", + "Star4":"Sanya Malhotra", + "No_of_Votes":156479, + "Gross":"12,391,761" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjMwNDkxMTgzOF5BMl5BanBnXkFtZTgwNTkwNTQ3NjM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Spider-Man: Into the Spider-Verse", + "Released_Year":"2018", + "Certificate":"U", + "Runtime":"117 min", + "Genre":"Animation, Action, Adventure", + "IMDB_Rating":8.4, + "Overview":"Teen Miles Morales becomes the Spider-Man of his universe, and must join with five spider-powered individuals from other dimensions to stop a threat for all realities.", + "Meta_score":87.0, + "Director":"Bob Persichetti", + "Star1":"Peter Ramsey", + "Star2":"Rodney Rothman", + "Star3":"Shameik Moore", + "Star4":"Jake Johnson", + "No_of_Votes":375110, + "Gross":"190,241,310" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTc5MDE2ODcwNV5BMl5BanBnXkFtZTgwMzI2NzQ2NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Avengers: Endgame", + "Released_Year":"2019", + "Certificate":"UA", + "Runtime":"181 min", + "Genre":"Action, Adventure, Drama", + "IMDB_Rating":8.4, + "Overview":"After the devastating events of Avengers: Infinity War (2018), the universe is in ruins. With the help of remaining allies, the Avengers assemble once more in order to reverse Thanos' actions and restore balance to the universe.", + "Meta_score":78.0, + "Director":"Anthony Russo", + "Star1":"Joe Russo", + "Star2":"Robert Downey Jr.", + "Star3":"Chris Evans", + "Star4":"Mark Ruffalo", + "No_of_Votes":809955, + "Gross":"858,373,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjMxNjY2MDU1OV5BMl5BanBnXkFtZTgwNzY1MTUwNTM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Avengers: Infinity War", + "Released_Year":"2018", + "Certificate":"UA", + "Runtime":"149 min", + "Genre":"Action, Adventure, Sci-Fi", + "IMDB_Rating":8.4, + "Overview":"The Avengers and their allies must be willing to sacrifice all in an attempt to defeat the powerful Thanos before his blitz of devastation and ruin puts an end to the universe.", + "Meta_score":68.0, + "Director":"Anthony Russo", + "Star1":"Joe Russo", + "Star2":"Robert Downey Jr.", + "Star3":"Chris Hemsworth", + "Star4":"Mark Ruffalo", + "No_of_Votes":834477, + "Gross":"678,815,482" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYjQ5NjM0Y2YtNjZkNC00ZDhkLWJjMWItN2QyNzFkMDE3ZjAxXkEyXkFqcGdeQXVyODIxMzk5NjA@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Coco", + "Released_Year":"2017", + "Certificate":"U", + "Runtime":"105 min", + "Genre":"Animation, Adventure, Family", + "IMDB_Rating":8.4, + "Overview":"Aspiring musician Miguel, confronted with his family's ancestral ban on music, enters the Land of the Dead to find his great-great-grandfather, a legendary singer.", + "Meta_score":81.0, + "Director":"Lee Unkrich", + "Star1":"Adrian Molina", + "Star2":"Anthony Gonzalez", + "Star3":"Gael Garc\u00eda Bernal", + "Star4":"Benjamin Bratt", + "No_of_Votes":384171, + "Gross":"209,726,015" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjIyNTQ5NjQ1OV5BMl5BanBnXkFtZTcwODg1MDU4OA@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Django Unchained", + "Released_Year":"2012", + "Certificate":"A", + "Runtime":"165 min", + "Genre":"Drama, Western", + "IMDB_Rating":8.4, + "Overview":"With the help of a German bounty hunter, a freed slave sets out to rescue his wife from a brutal Mississippi plantation owner.", + "Meta_score":81.0, + "Director":"Quentin Tarantino", + "Star1":"Jamie Foxx", + "Star2":"Christoph Waltz", + "Star3":"Leonardo DiCaprio", + "Star4":"Kerry Washington", + "No_of_Votes":1357682, + "Gross":"162,805,434" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTk4ODQzNDY3Ml5BMl5BanBnXkFtZTcwODA0NTM4Nw@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Dark Knight Rises", + "Released_Year":"2012", + "Certificate":"UA", + "Runtime":"164 min", + "Genre":"Action, Adventure", + "IMDB_Rating":8.4, + "Overview":"Eight years after the Joker's reign of anarchy, Batman, with the help of the enigmatic Catwoman, is forced from his exile to save Gotham City from the brutal guerrilla terrorist Bane.", + "Meta_score":78.0, + "Director":"Christopher Nolan", + "Star1":"Christian Bale", + "Star2":"Tom Hardy", + "Star3":"Anne Hathaway", + "Star4":"Gary Oldman", + "No_of_Votes":1516346, + "Gross":"448,139,099" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNTkyOGVjMGEtNmQzZi00NzFlLTlhOWQtODYyMDc2ZGJmYzFhXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"3 Idiots", + "Released_Year":"2009", + "Certificate":"UA", + "Runtime":"170 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":8.4, + "Overview":"Two friends are searching for their long lost companion. They revisit their college days and recall the memories of their friend who inspired them to think differently, even as the rest of the world called them \"idiots\".", + "Meta_score":67.0, + "Director":"Rajkumar Hirani", + "Star1":"Aamir Khan", + "Star2":"Madhavan", + "Star3":"Mona Singh", + "Star4":"Sharman Joshi", + "No_of_Votes":344445, + "Gross":"6,532,908" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMDhjZWViN2MtNzgxOS00NmI4LThiZDQtZDI3MzM4MDE4NTc0XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Taare Zameen Par", + "Released_Year":"2007", + "Certificate":"U", + "Runtime":"165 min", + "Genre":"Drama, Family", + "IMDB_Rating":8.4, + "Overview":"An eight-year-old boy is thought to be a lazy trouble-maker, until the new art teacher has the patience and compassion to discover the real problem behind his struggles in school.", + "Meta_score":null, + "Director":"Aamir Khan", + "Star1":"Amole Gupte", + "Star2":"Darsheel Safary", + "Star3":"Aamir Khan", + "Star4":"Tisca Chopra", + "No_of_Votes":168895, + "Gross":"1,223,869" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjExMTg5OTU0NF5BMl5BanBnXkFtZTcwMjMxMzMzMw@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"WALL\u00b7E", + "Released_Year":"2008", + "Certificate":"U", + "Runtime":"98 min", + "Genre":"Animation, Adventure, Family", + "IMDB_Rating":8.4, + "Overview":"In the distant future, a small waste-collecting robot inadvertently embarks on a space journey that will ultimately decide the fate of mankind.", + "Meta_score":95.0, + "Director":"Andrew Stanton", + "Star1":"Ben Burtt", + "Star2":"Elissa Knight", + "Star3":"Jeff Garlin", + "Star4":"Fred Willard", + "No_of_Votes":999790, + "Gross":"223,808,164" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOThkM2EzYmMtNDE3NS00NjlhLTg4YzktYTdhNzgyOWY3ZDYzXkEyXkFqcGdeQXVyNzQzNzQxNzI@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"The Lives of Others", + "Released_Year":"2006", + "Certificate":"A", + "Runtime":"137 min", + "Genre":"Drama, Mystery, Thriller", + "IMDB_Rating":8.4, + "Overview":"In 1984 East Berlin, an agent of the secret police, conducting surveillance on a writer and his lover, finds himself becoming increasingly absorbed by their lives.", + "Meta_score":89.0, + "Director":"Florian Henckel von Donnersmarck", + "Star1":"Ulrich M\u00fche", + "Star2":"Martina Gedeck", + "Star3":"Sebastian Koch", + "Star4":"Ulrich Tukur", + "No_of_Votes":358685, + "Gross":"11,286,112" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTI3NTQyMzU5M15BMl5BanBnXkFtZTcwMTM2MjgyMQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Oldeuboi", + "Released_Year":"2003", + "Certificate":"A", + "Runtime":"101 min", + "Genre":"Action, Drama, Mystery", + "IMDB_Rating":8.4, + "Overview":"After being kidnapped and imprisoned for fifteen years, Oh Dae-Su is released, only to find that he must find his captor in five days.", + "Meta_score":77.0, + "Director":"Chan-wook Park", + "Star1":"Choi Min-sik", + "Star2":"Yoo Ji-Tae", + "Star3":"Kang Hye-jeong", + "Star4":"Kim Byeong-Ok", + "No_of_Votes":515451, + "Gross":"707,481" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZTcyNjk1MjgtOWI3Mi00YzQwLWI5MTktMzY4ZmI2NDAyNzYzXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Memento", + "Released_Year":"2000", + "Certificate":"UA", + "Runtime":"113 min", + "Genre":"Mystery, Thriller", + "IMDB_Rating":8.4, + "Overview":"A man with short-term memory loss attempts to track down his wife's murderer.", + "Meta_score":80.0, + "Director":"Christopher Nolan", + "Star1":"Guy Pearce", + "Star2":"Carrie-Anne Moss", + "Star3":"Joe Pantoliano", + "Star4":"Mark Boone Junior", + "No_of_Votes":1125712, + "Gross":"25,544,867" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNGIzY2IzODQtNThmMi00ZDE4LWI5YzAtNzNlZTM1ZjYyYjUyXkEyXkFqcGdeQXVyODEzNjM5OTQ@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Mononoke-hime", + "Released_Year":"1997", + "Certificate":"U", + "Runtime":"134 min", + "Genre":"Animation, Action, Adventure", + "IMDB_Rating":8.4, + "Overview":"On a journey to find the cure for a Tatarigami's curse, Ashitaka finds himself in the middle of a war between the forest gods and Tatara, a mining colony. In this quest he also meets San, the Mononoke Hime.", + "Meta_score":76.0, + "Director":"Hayao Miyazaki", + "Star1":"Y\u00f4ji Matsuda", + "Star2":"Yuriko Ishida", + "Star3":"Y\u00fbko Tanaka", + "Star4":"Billy Crudup", + "No_of_Votes":343171, + "Gross":"2,375,308" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMGFkNWI4MTMtNGQ0OC00MWVmLTk3MTktOGYxN2Y2YWVkZWE2XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Once Upon a Time in America", + "Released_Year":"1984", + "Certificate":"A", + "Runtime":"229 min", + "Genre":"Crime, Drama", + "IMDB_Rating":8.4, + "Overview":"A former Prohibition-era Jewish gangster returns to the Lower East Side of Manhattan over thirty years later, where he once again must confront the ghosts and regrets of his old life.", + "Meta_score":null, + "Director":"Sergio Leone", + "Star1":"Robert De Niro", + "Star2":"James Woods", + "Star3":"Elizabeth McGovern", + "Star4":"Treat Williams", + "No_of_Votes":311365, + "Gross":"5,321,508" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjA0ODEzMTc1Nl5BMl5BanBnXkFtZTcwODM2MjAxNA@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Raiders of the Lost Ark", + "Released_Year":"1981", + "Certificate":"A", + "Runtime":"115 min", + "Genre":"Action, Adventure", + "IMDB_Rating":8.4, + "Overview":"In 1936, archaeologist and adventurer Indiana Jones is hired by the U.S. government to find the Ark of the Covenant before Adolf Hitler's Nazis can obtain its awesome powers.", + "Meta_score":85.0, + "Director":"Steven Spielberg", + "Star1":"Harrison Ford", + "Star2":"Karen Allen", + "Star3":"Paul Freeman", + "Star4":"John Rhys-Davies", + "No_of_Votes":884112, + "Gross":"248,159,971" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZWFlYmY2MGEtZjVkYS00YzU4LTg0YjQtYzY1ZGE3NTA5NGQxXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Shining", + "Released_Year":"1980", + "Certificate":"A", + "Runtime":"146 min", + "Genre":"Drama, Horror", + "IMDB_Rating":8.4, + "Overview":"A family heads to an isolated hotel for the winter where a sinister presence influences the father into violence, while his psychic son sees horrific forebodings from both past and future.", + "Meta_score":66.0, + "Director":"Stanley Kubrick", + "Star1":"Jack Nicholson", + "Star2":"Shelley Duvall", + "Star3":"Danny Lloyd", + "Star4":"Scatman Crothers", + "No_of_Votes":898237, + "Gross":"44,017,374" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMDdhODg0MjYtYzBiOS00ZmI5LWEwZGYtZDEyNDU4MmQyNzFkXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Apocalypse Now", + "Released_Year":"1979", + "Certificate":"R", + "Runtime":"147 min", + "Genre":"Drama, Mystery, War", + "IMDB_Rating":8.4, + "Overview":"A U.S. Army officer serving in Vietnam is tasked with assassinating a renegade Special Forces Colonel who sees himself as a god.", + "Meta_score":94.0, + "Director":"Francis Ford Coppola", + "Star1":"Martin Sheen", + "Star2":"Marlon Brando", + "Star3":"Robert Duvall", + "Star4":"Frederic Forrest", + "No_of_Votes":606398, + "Gross":"83,471,511" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMmQ2MmU3NzktZjAxOC00ZDZhLTk4YzEtMDMyMzcxY2IwMDAyXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Alien", + "Released_Year":"1979", + "Certificate":"R", + "Runtime":"117 min", + "Genre":"Horror, Sci-Fi", + "IMDB_Rating":8.4, + "Overview":"After a space merchant vessel receives an unknown transmission as a distress call, one of the crew is attacked by a mysterious life form and they soon realize that its life cycle has merely begun.", + "Meta_score":89.0, + "Director":"Ridley Scott", + "Star1":"Sigourney Weaver", + "Star2":"Tom Skerritt", + "Star3":"John Hurt", + "Star4":"Veronica Cartwright", + "No_of_Votes":787806, + "Gross":"78,900,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYmYzNmM2MDctZGY3Yi00NjRiLWIxZjctYjgzYTcxYTNhYTMyXkEyXkFqcGdeQXVyMjUxMTY3ODM@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Anand", + "Released_Year":"1971", + "Certificate":"U", + "Runtime":"122 min", + "Genre":"Drama, Musical", + "IMDB_Rating":8.4, + "Overview":"The story of a terminally ill man who wishes to live life to the fullest before the inevitable occurs, as told by his best friend.", + "Meta_score":null, + "Director":"Hrishikesh Mukherjee", + "Star1":"Rajesh Khanna", + "Star2":"Amitabh Bachchan", + "Star3":"Sumita Sanyal", + "Star4":"Ramesh Deo", + "No_of_Votes":30273, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTI4NTNhZDMtMWNkZi00MTRmLWJmZDQtMmJkMGVmZTEzODlhXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Tengoku to jigoku", + "Released_Year":"1963", + "Certificate":null, + "Runtime":"143 min", + "Genre":"Crime, Drama, Mystery", + "IMDB_Rating":8.4, + "Overview":"An executive of a shoe company becomes a victim of extortion when his chauffeur's son is kidnapped and held for ransom.", + "Meta_score":null, + "Director":"Akira Kurosawa", + "Star1":"Toshir\u00f4 Mifune", + "Star2":"Yutaka Sada", + "Star3":"Tatsuya Nakadai", + "Star4":"Ky\u00f4ko Kagawa", + "No_of_Votes":34357, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZWI3ZTMxNjctMjdlNS00NmUwLWFiM2YtZDUyY2I3N2MxYTE0XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Dr. Strangelove or: How I Learned to Stop Worrying and Love the Bomb", + "Released_Year":"1964", + "Certificate":"A", + "Runtime":"95 min", + "Genre":"Comedy", + "IMDB_Rating":8.4, + "Overview":"An insane general triggers a path to nuclear holocaust that a War Room full of politicians and generals frantically tries to stop.", + "Meta_score":97.0, + "Director":"Stanley Kubrick", + "Star1":"Peter Sellers", + "Star2":"George C. Scott", + "Star3":"Sterling Hayden", + "Star4":"Keenan Wynn", + "No_of_Votes":450474, + "Gross":"275,902" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNDQwODU5OWYtNDcyNi00MDQ1LThiOGMtZDkwNWJiM2Y3MDg0XkEyXkFqcGdeQXVyMDI2NDg0NQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Witness for the Prosecution", + "Released_Year":"1957", + "Certificate":"U", + "Runtime":"116 min", + "Genre":"Crime, Drama, Mystery", + "IMDB_Rating":8.4, + "Overview":"A veteran British barrister must defend his client in a murder trial that has surprise after surprise.", + "Meta_score":null, + "Director":"Billy Wilder", + "Star1":"Tyrone Power", + "Star2":"Marlene Dietrich", + "Star3":"Charles Laughton", + "Star4":"Elsa Lanchester", + "No_of_Votes":108862, + "Gross":"8,175,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjViMmRkOTEtM2ViOS00ODg0LWJhYWEtNTBlOGQxNDczOGY3XkEyXkFqcGdeQXVyMDI2NDg0NQ@@._V1_UY98_CR2,0,67,98_AL_.jpg", + "Series_Title":"Paths of Glory", + "Released_Year":"1957", + "Certificate":"A", + "Runtime":"88 min", + "Genre":"Drama, War", + "IMDB_Rating":8.4, + "Overview":"After refusing to attack an enemy position, a general accuses the soldiers of cowardice and their commanding officer must defend them.", + "Meta_score":90.0, + "Director":"Stanley Kubrick", + "Star1":"Kirk Douglas", + "Star2":"Ralph Meeker", + "Star3":"Adolphe Menjou", + "Star4":"George Macready", + "No_of_Votes":178092, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNGUxYWM3M2MtMGM3Mi00ZmRiLWE0NGQtZjE5ODI2OTJhNTU0XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Rear Window", + "Released_Year":"1954", + "Certificate":"U", + "Runtime":"112 min", + "Genre":"Mystery, Thriller", + "IMDB_Rating":8.4, + "Overview":"A wheelchair-bound photographer spies on his neighbors from his apartment window and becomes convinced one of them has committed murder.", + "Meta_score":100.0, + "Director":"Alfred Hitchcock", + "Star1":"James Stewart", + "Star2":"Grace Kelly", + "Star3":"Wendell Corey", + "Star4":"Thelma Ritter", + "No_of_Votes":444074, + "Gross":"36,764,313" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTU0NTkyNzYwMF5BMl5BanBnXkFtZTgwMDU0NDk5MTI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Sunset Blvd.", + "Released_Year":"1950", + "Certificate":"Passed", + "Runtime":"110 min", + "Genre":"Drama, Film-Noir", + "IMDB_Rating":8.4, + "Overview":"A screenwriter develops a dangerous relationship with a faded film star determined to make a triumphant return.", + "Meta_score":null, + "Director":"Billy Wilder", + "Star1":"William Holden", + "Star2":"Gloria Swanson", + "Star3":"Erich von Stroheim", + "Star4":"Nancy Olson", + "No_of_Votes":201632, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMmExYWJjNTktNGUyZS00ODhmLTkxYzAtNWIzOGEyMGNiMmUwXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Great Dictator", + "Released_Year":"1940", + "Certificate":"Passed", + "Runtime":"125 min", + "Genre":"Comedy, Drama, War", + "IMDB_Rating":8.4, + "Overview":"Dictator Adenoid Hynkel tries to expand his empire while a poor Jewish barber tries to avoid persecution from Hynkel's regime.", + "Meta_score":null, + "Director":"Charles Chaplin", + "Star1":"Charles Chaplin", + "Star2":"Paulette Goddard", + "Star3":"Jack Oakie", + "Star4":"Reginald Gardiner", + "No_of_Votes":203150, + "Gross":"288,475" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTdmNTFjNDEtNzg0My00ZjkxLTg1ZDAtZTdkMDc2ZmFiNWQ1XkEyXkFqcGdeQXVyNTAzNzgwNTg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"1917", + "Released_Year":"2019", + "Certificate":"R", + "Runtime":"119 min", + "Genre":"Drama, Thriller, War", + "IMDB_Rating":8.3, + "Overview":"April 6th, 1917. As a regiment assembles to wage war deep in enemy territory, two soldiers are assigned to race against time and deliver a message that will stop 1,600 men from walking straight into a deadly trap.", + "Meta_score":78.0, + "Director":"Sam Mendes", + "Star1":"Dean-Charles Chapman", + "Star2":"George MacKay", + "Star3":"Daniel Mays", + "Star4":"Colin Firth", + "No_of_Votes":425844, + "Gross":"159,227,644" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYmQxNmU4ZjgtYzE5Mi00ZDlhLTlhOTctMzJkNjk2ZGUyZGEwXkEyXkFqcGdeQXVyMzgxMDA0Nzk@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Tumbbad", + "Released_Year":"2018", + "Certificate":"A", + "Runtime":"104 min", + "Genre":"Drama, Fantasy, Horror", + "IMDB_Rating":8.3, + "Overview":"A mythological story about a goddess who created the entire universe. The plot revolves around the consequences when humans build a temple for her first-born.", + "Meta_score":null, + "Director":"Rahi Anil Barve", + "Star1":"Anand Gandhi", + "Star2":"Adesh Prasad", + "Star3":"Sohum Shah", + "Star4":"Jyoti Malshe", + "No_of_Votes":27793, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZWZhMjhhZmYtOTIzOC00MGYzLWI1OGYtM2ZkN2IxNTI4ZWI3XkEyXkFqcGdeQXVyNDAzNDk0MTQ@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Andhadhun", + "Released_Year":"2018", + "Certificate":"UA", + "Runtime":"139 min", + "Genre":"Crime, Drama, Music", + "IMDB_Rating":8.3, + "Overview":"A series of mysterious events change the life of a blind pianist, who must now report a crime that he should technically know nothing of.", + "Meta_score":null, + "Director":"Sriram Raghavan", + "Star1":"Ayushmann Khurrana", + "Star2":"Tabu", + "Star3":"Radhika Apte", + "Star4":"Anil Dhawan", + "No_of_Votes":71875, + "Gross":"1,373,943" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYmY3MzYwMGUtOWMxYS00OGVhLWFjNmUtYzlkNGVmY2ZkMjA3XkEyXkFqcGdeQXVyMTExNDQ2MTI@._V1_UY98_CR4,0,67,98_AL_.jpg", + "Series_Title":"Drishyam", + "Released_Year":"2013", + "Certificate":"U", + "Runtime":"160 min", + "Genre":"Crime, Drama, Thriller", + "IMDB_Rating":8.3, + "Overview":"A man goes to extreme lengths to save his family from punishment after the family commits an accidental crime.", + "Meta_score":null, + "Director":"Jeethu Joseph", + "Star1":"Mohanlal", + "Star2":"Meena", + "Star3":"Asha Sharath", + "Star4":"Ansiba", + "No_of_Votes":30722, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTg2NDg3ODg4NF5BMl5BanBnXkFtZTcwNzk3NTc3Nw@@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Jagten", + "Released_Year":"2012", + "Certificate":"R", + "Runtime":"115 min", + "Genre":"Drama", + "IMDB_Rating":8.3, + "Overview":"A teacher lives a lonely life, all the while struggling over his son's custody. His life slowly gets better as he finds love and receives good news from his son, but his new luck is about to be brutally shattered by an innocent little lie.", + "Meta_score":77.0, + "Director":"Thomas Vinterberg", + "Star1":"Mads Mikkelsen", + "Star2":"Thomas Bo Larsen", + "Star3":"Annika Wedderkopp", + "Star4":"Lasse Fogelstr\u00f8m", + "No_of_Votes":281623, + "Gross":"687,185" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BN2JmMjViMjMtZTM5Mi00ZGZkLTk5YzctZDg5MjFjZDE4NjNkXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Jodaeiye Nader az Simin", + "Released_Year":"2011", + "Certificate":"PG-13", + "Runtime":"123 min", + "Genre":"Drama", + "IMDB_Rating":8.3, + "Overview":"A married couple are faced with a difficult decision - to improve the life of their child by moving to another country or to stay in Iran and look after a deteriorating parent who has Alzheimer's disease.", + "Meta_score":95.0, + "Director":"Asghar Farhadi", + "Star1":"Payman Maadi", + "Star2":"Leila Hatami", + "Star3":"Sareh Bayat", + "Star4":"Shahab Hosseini", + "No_of_Votes":220002, + "Gross":"7,098,492" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMWE3MGYzZjktY2Q5Mi00Y2NiLWIyYWUtMmIyNzA3YmZlMGFhXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Incendies", + "Released_Year":"2010", + "Certificate":"R", + "Runtime":"131 min", + "Genre":"Drama, Mystery, War", + "IMDB_Rating":8.3, + "Overview":"Twins journey to the Middle East to discover their family history and fulfill their mother's last wishes.", + "Meta_score":80.0, + "Director":"Denis Villeneuve", + "Star1":"Lubna Azabal", + "Star2":"M\u00e9lissa D\u00e9sormeaux-Poulin", + "Star3":"Maxim Gaudette", + "Star4":"Mustafa Kamel", + "No_of_Votes":150023, + "Gross":"6,857,096" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOGE3N2QxN2YtM2ZlNS00MWIyLWE1NDAtYWFlN2FiYjY1MjczXkEyXkFqcGdeQXVyOTUwNzc0ODc@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Miracle in cell NO.7", + "Released_Year":"2019", + "Certificate":"TV-14", + "Runtime":"132 min", + "Genre":"Drama", + "IMDB_Rating":8.3, + "Overview":"A story of love between a mentally-ill father who was wrongly accused of murder and his lovely six years old daughter. The prison would be their home. Based on the 2013 Korean movie 7-beon-bang-ui seon-mul (2013).", + "Meta_score":null, + "Director":"Mehmet Ada \u00d6ztekin", + "Star1":"Aras Bulut Iynemli", + "Star2":"Nisa Sofiya Aksongur", + "Star3":"Deniz Baysal", + "Star4":"Celile Toyon Uysal", + "No_of_Votes":33935, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjAzMzEwYzctNjc1MC00Nzg5LWFmMGItMTgzYmMyNTY2OTQ4XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Babam ve Oglum", + "Released_Year":"2005", + "Certificate":null, + "Runtime":"112 min", + "Genre":"Drama, Family", + "IMDB_Rating":8.3, + "Overview":"The family of a left-wing journalist is torn apart after the military coup of Turkey in 1980.", + "Meta_score":null, + "Director":"\u00c7agan Irmak", + "Star1":"\u00c7etin Tekindor", + "Star2":"Fikret Kuskan", + "Star3":"H\u00fcmeyra", + "Star4":"Ege Tanman", + "No_of_Votes":78925, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTJiNDEzOWYtMTVjOC00ZjlmLWE0NGMtZmE1OWVmZDQ2OWJhXkEyXkFqcGdeQXVyNTIzOTk5ODM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Inglourious Basterds", + "Released_Year":"2009", + "Certificate":"A", + "Runtime":"153 min", + "Genre":"Adventure, Drama, War", + "IMDB_Rating":8.3, + "Overview":"In Nazi-occupied France during World War II, a plan to assassinate Nazi leaders by a group of Jewish U.S. soldiers coincides with a theatre owner's vengeful plans for the same.", + "Meta_score":69.0, + "Director":"Quentin Tarantino", + "Star1":"Brad Pitt", + "Star2":"Diane Kruger", + "Star3":"Eli Roth", + "Star4":"M\u00e9lanie Laurent", + "No_of_Votes":1267869, + "Gross":"120,540,719" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTY4NzcwODg3Nl5BMl5BanBnXkFtZTcwNTEwOTMyMw@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Eternal Sunshine of the Spotless Mind", + "Released_Year":"2004", + "Certificate":"UA", + "Runtime":"108 min", + "Genre":"Drama, Romance, Sci-Fi", + "IMDB_Rating":8.3, + "Overview":"When their relationship turns sour, a couple undergoes a medical procedure to have each other erased from their memories.", + "Meta_score":89.0, + "Director":"Michel Gondry", + "Star1":"Jim Carrey", + "Star2":"Kate Winslet", + "Star3":"Tom Wilkinson", + "Star4":"Gerry Robert Byrne", + "No_of_Votes":911664, + "Gross":"34,400,301" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNDg4NjM1YjMtYmNhZC00MjM0LWFiZmYtNGY1YjA3MzZmODc5XkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Am\u00e9lie", + "Released_Year":"2001", + "Certificate":"U", + "Runtime":"122 min", + "Genre":"Comedy, Romance", + "IMDB_Rating":8.3, + "Overview":"Am\u00e9lie is an innocent and naive girl in Paris with her own sense of justice. She decides to help those around her and, along the way, discovers love.", + "Meta_score":69.0, + "Director":"Jean-Pierre Jeunet", + "Star1":"Audrey Tautou", + "Star2":"Mathieu Kassovitz", + "Star3":"Rufus", + "Star4":"Lorella Cravotta", + "No_of_Votes":703810, + "Gross":"33,225,499" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTA2NDYxOGYtYjU1Mi00Y2QzLTgxMTQtMWI1MGI0ZGQ5MmU4XkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Snatch", + "Released_Year":"2000", + "Certificate":"UA", + "Runtime":"104 min", + "Genre":"Comedy, Crime", + "IMDB_Rating":8.3, + "Overview":"Unscrupulous boxing promoters, violent bookmakers, a Russian gangster, incompetent amateur robbers and supposedly Jewish jewelers fight to track down a priceless stolen diamond.", + "Meta_score":55.0, + "Director":"Guy Ritchie", + "Star1":"Jason Statham", + "Star2":"Brad Pitt", + "Star3":"Benicio Del Toro", + "Star4":"Dennis Farina", + "No_of_Votes":782001, + "Gross":"30,328,156" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTdiNzJlOWUtNWMwNS00NmFlLWI0YTEtZmI3YjIzZWUyY2Y3XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Requiem for a Dream", + "Released_Year":"2000", + "Certificate":"A", + "Runtime":"102 min", + "Genre":"Drama", + "IMDB_Rating":8.3, + "Overview":"The drug-induced utopias of four Coney Island people are shattered when their addictions run deep.", + "Meta_score":68.0, + "Director":"Darren Aronofsky", + "Star1":"Ellen Burstyn", + "Star2":"Jared Leto", + "Star3":"Jennifer Connelly", + "Star4":"Marlon Wayans", + "No_of_Votes":766870, + "Gross":"3,635,482" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNTBmZWJkNjctNDhiNC00MGE2LWEwOTctZTk5OGVhMWMyNmVhXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"American Beauty", + "Released_Year":"1999", + "Certificate":"UA", + "Runtime":"122 min", + "Genre":"Drama", + "IMDB_Rating":8.3, + "Overview":"A sexually frustrated suburban father has a mid-life crisis after becoming infatuated with his daughter's best friend.", + "Meta_score":84.0, + "Director":"Sam Mendes", + "Star1":"Kevin Spacey", + "Star2":"Annette Bening", + "Star3":"Thora Birch", + "Star4":"Wes Bentley", + "No_of_Votes":1069738, + "Gross":"130,096,601" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTI0MzcxMTYtZDVkMy00NjY1LTgyMTYtZmUxN2M3NmQ2NWJhXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Good Will Hunting", + "Released_Year":"1997", + "Certificate":"U", + "Runtime":"126 min", + "Genre":"Drama, Romance", + "IMDB_Rating":8.3, + "Overview":"Will Hunting, a janitor at M.I.T., has a gift for mathematics, but needs help from a psychologist to find direction in his life.", + "Meta_score":70.0, + "Director":"Gus Van Sant", + "Star1":"Robin Williams", + "Star2":"Matt Damon", + "Star3":"Ben Affleck", + "Star4":"Stellan Skarsg\u00e5rd", + "No_of_Votes":861606, + "Gross":"138,433,435" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZTYwZWQ4ZTQtZWU0MS00N2YwLWEzMDItZWFkZWY0MWVjODVhXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Bacheha-Ye aseman", + "Released_Year":"1997", + "Certificate":"PG", + "Runtime":"89 min", + "Genre":"Drama, Family, Sport", + "IMDB_Rating":8.3, + "Overview":"After a boy loses his sister's pair of shoes, he goes on a series of adventures in order to find them. When he can't, he tries a new way to \"win\" a new pair.", + "Meta_score":77.0, + "Director":"Majid Majidi", + "Star1":"Mohammad Amir Naji", + "Star2":"Amir Farrokh Hashemian", + "Star3":"Bahare Seddiqi", + "Star4":"Nafise Jafar-Mohammadi", + "No_of_Votes":65341, + "Gross":"933,933" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMDU2ZWJlMjktMTRhMy00ZTA5LWEzNDgtYmNmZTEwZTViZWJkXkEyXkFqcGdeQXVyNDQ2OTk4MzI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Toy Story", + "Released_Year":"1995", + "Certificate":"U", + "Runtime":"81 min", + "Genre":"Animation, Adventure, Comedy", + "IMDB_Rating":8.3, + "Overview":"A cowboy doll is profoundly threatened and jealous when a new spaceman figure supplants him as top toy in a boy's room.", + "Meta_score":95.0, + "Director":"John Lasseter", + "Star1":"Tom Hanks", + "Star2":"Tim Allen", + "Star3":"Don Rickles", + "Star4":"Jim Varney", + "No_of_Votes":887429, + "Gross":"191,796,233" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzkzMmU0YTYtOWM3My00YzBmLWI0YzctOGYyNTkwMWE5MTJkXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Braveheart", + "Released_Year":"1995", + "Certificate":"A", + "Runtime":"178 min", + "Genre":"Biography, Drama, History", + "IMDB_Rating":8.3, + "Overview":"Scottish warrior William Wallace leads his countrymen in a rebellion to free his homeland from the tyranny of King Edward I of England.", + "Meta_score":68.0, + "Director":"Mel Gibson", + "Star1":"Mel Gibson", + "Star2":"Sophie Marceau", + "Star3":"Patrick McGoohan", + "Star4":"Angus Macfadyen", + "No_of_Votes":959181, + "Gross":"75,600,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZmExNmEwYWItYmQzOS00YjA5LTk2MjktZjEyZDE1Y2QxNjA1XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Reservoir Dogs", + "Released_Year":"1992", + "Certificate":"R", + "Runtime":"99 min", + "Genre":"Crime, Drama, Thriller", + "IMDB_Rating":8.3, + "Overview":"When a simple jewelry heist goes horribly wrong, the surviving criminals begin to suspect that one of them is a police informant.", + "Meta_score":79.0, + "Director":"Quentin Tarantino", + "Star1":"Harvey Keitel", + "Star2":"Tim Roth", + "Star3":"Michael Madsen", + "Star4":"Chris Penn", + "No_of_Votes":918562, + "Gross":"2,832,029" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNzkxODk0NjEtYjc4Mi00ZDI0LTgyYjEtYzc1NDkxY2YzYTgyXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Full Metal Jacket", + "Released_Year":"1987", + "Certificate":"UA", + "Runtime":"116 min", + "Genre":"Drama, War", + "IMDB_Rating":8.3, + "Overview":"A pragmatic U.S. Marine observes the dehumanizing effects the Vietnam War has on his fellow recruits from their brutal boot camp training to the bloody street fighting in Hue.", + "Meta_score":76.0, + "Director":"Stanley Kubrick", + "Star1":"Matthew Modine", + "Star2":"R. Lee Ermey", + "Star3":"Vincent D'Onofrio", + "Star4":"Adam Baldwin", + "No_of_Votes":675146, + "Gross":"46,357,676" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODM4Njg0NTAtYjI5Ny00ZjAxLTkwNmItZTMxMWU5M2U3M2RjXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Idi i smotri", + "Released_Year":"1985", + "Certificate":"A", + "Runtime":"142 min", + "Genre":"Drama, Thriller, War", + "IMDB_Rating":8.3, + "Overview":"After finding an old rifle, a young boy joins the Soviet resistance movement against ruthless German forces and experiences the horrors of World War II.", + "Meta_score":null, + "Director":"Elem Klimov", + "Star1":"Aleksey Kravchenko", + "Star2":"Olga Mironova", + "Star3":"Liubomiras Laucevicius", + "Star4":"Vladas Bagdonas", + "No_of_Votes":59056, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZGU2OGY5ZTYtMWNhYy00NjZiLWI0NjUtZmNhY2JhNDRmODU3XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Aliens", + "Released_Year":"1986", + "Certificate":"U", + "Runtime":"137 min", + "Genre":"Action, Adventure, Sci-Fi", + "IMDB_Rating":8.3, + "Overview":"Fifty-seven years after surviving an apocalyptic attack aboard her space vessel by merciless space creatures, Officer Ripley awakens from hyper-sleep and tries to warn anyone who will listen about the predators.", + "Meta_score":84.0, + "Director":"James Cameron", + "Star1":"Sigourney Weaver", + "Star2":"Michael Biehn", + "Star3":"Carrie Henn", + "Star4":"Paul Reiser", + "No_of_Votes":652719, + "Gross":"85,160,248" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNWJlNzUzNGMtYTAwMS00ZjI2LWFmNWQtODcxNWUxODA5YmU1XkEyXkFqcGdeQXVyNTIzOTk5ODM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Amadeus", + "Released_Year":"1984", + "Certificate":"R", + "Runtime":"160 min", + "Genre":"Biography, Drama, History", + "IMDB_Rating":8.3, + "Overview":"The life, success and troubles of Wolfgang Amadeus Mozart, as told by Antonio Salieri, the contemporaneous composer who was insanely jealous of Mozart's talent and claimed to have murdered him.", + "Meta_score":88.0, + "Director":"Milos Forman", + "Star1":"F. Murray Abraham", + "Star2":"Tom Hulce", + "Star3":"Elizabeth Berridge", + "Star4":"Roy Dotrice", + "No_of_Votes":369007, + "Gross":"51,973,029" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjdjNGQ4NDEtNTEwYS00MTgxLTliYzQtYzE2ZDRiZjFhZmNlXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Scarface", + "Released_Year":"1983", + "Certificate":"A", + "Runtime":"170 min", + "Genre":"Crime, Drama", + "IMDB_Rating":8.3, + "Overview":"In 1980 Miami, a determined Cuban immigrant takes over a drug cartel and succumbs to greed.", + "Meta_score":65.0, + "Director":"Brian De Palma", + "Star1":"Al Pacino", + "Star2":"Michelle Pfeiffer", + "Star3":"Steven Bauer", + "Star4":"Mary Elizabeth Mastrantonio", + "No_of_Votes":740911, + "Gross":"45,598,982" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOWZlMjFiYzgtMTUzNC00Y2IzLTk1NTMtZmNhMTczNTk0ODk1XkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Star Wars: Episode VI - Return of the Jedi", + "Released_Year":"1983", + "Certificate":"U", + "Runtime":"131 min", + "Genre":"Action, Adventure, Fantasy", + "IMDB_Rating":8.3, + "Overview":"After a daring mission to rescue Han Solo from Jabba the Hutt, the Rebels dispatch to Endor to destroy the second Death Star. Meanwhile, Luke struggles to help Darth Vader back from the dark side without falling into the Emperor's trap.", + "Meta_score":58.0, + "Director":"Richard Marquand", + "Star1":"Mark Hamill", + "Star2":"Harrison Ford", + "Star3":"Carrie Fisher", + "Star4":"Billy Dee Williams", + "No_of_Votes":950470, + "Gross":"309,125,409" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOGZhZDIzNWMtNjkxMS00MDQ1LThkMTYtZWQzYWU3MWMxMGU5XkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Das Boot", + "Released_Year":"1981", + "Certificate":"R", + "Runtime":"149 min", + "Genre":"Adventure, Drama, Thriller", + "IMDB_Rating":8.3, + "Overview":"The claustrophobic world of a WWII German U-boat; boredom, filth and sheer terror.", + "Meta_score":86.0, + "Director":"Wolfgang Petersen", + "Star1":"J\u00fcrgen Prochnow", + "Star2":"Herbert Gr\u00f6nemeyer", + "Star3":"Klaus Wennemann", + "Star4":"Hubertus Bengsch", + "No_of_Votes":231855, + "Gross":"11,487,676" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BM2M1MmVhNDgtNmI0YS00ZDNmLTkyNjctNTJiYTQ2N2NmYzc2XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Taxi Driver", + "Released_Year":"1976", + "Certificate":"A", + "Runtime":"114 min", + "Genre":"Crime, Drama", + "IMDB_Rating":8.3, + "Overview":"A mentally unstable veteran works as a nighttime taxi driver in New York City, where the perceived decadence and sleaze fuels his urge for violent action by attempting to liberate a presidential campaign worker and an underage prostitute.", + "Meta_score":94.0, + "Director":"Martin Scorsese", + "Star1":"Robert De Niro", + "Star2":"Jodie Foster", + "Star3":"Cybill Shepherd", + "Star4":"Albert Brooks", + "No_of_Votes":724636, + "Gross":"28,262,574" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNGU3NjQ4YTMtZGJjOS00YTQ3LThmNmItMTI5MDE2ODI3NzY3XkEyXkFqcGdeQXVyMjUzOTY1NTc@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Sting", + "Released_Year":"1973", + "Certificate":"U", + "Runtime":"129 min", + "Genre":"Comedy, Crime, Drama", + "IMDB_Rating":8.3, + "Overview":"Two grifters team up to pull off the ultimate con.", + "Meta_score":83.0, + "Director":"George Roy Hill", + "Star1":"Paul Newman", + "Star2":"Robert Redford", + "Star3":"Robert Shaw", + "Star4":"Charles Durning", + "No_of_Votes":241513, + "Gross":"159,600,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTY3MjM1Mzc4N15BMl5BanBnXkFtZTgwODM0NzAxMDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"A Clockwork Orange", + "Released_Year":"1971", + "Certificate":"A", + "Runtime":"136 min", + "Genre":"Crime, Drama, Sci-Fi", + "IMDB_Rating":8.3, + "Overview":"In the future, a sadistic gang leader is imprisoned and volunteers for a conduct-aversion experiment, but it doesn't go as planned.", + "Meta_score":77.0, + "Director":"Stanley Kubrick", + "Star1":"Malcolm McDowell", + "Star2":"Patrick Magee", + "Star3":"Michael Bates", + "Star4":"Warren Clarke", + "No_of_Votes":757904, + "Gross":"6,207,725" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMmNlYzRiNDctZWNhMi00MzI4LThkZTctMTUzMmZkMmFmNThmXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"2001: A Space Odyssey", + "Released_Year":"1968", + "Certificate":"U", + "Runtime":"149 min", + "Genre":"Adventure, Sci-Fi", + "IMDB_Rating":8.3, + "Overview":"After discovering a mysterious artifact buried beneath the Lunar surface, mankind sets off on a quest to find its origins with help from intelligent supercomputer H.A.L. 9000.", + "Meta_score":84.0, + "Director":"Stanley Kubrick", + "Star1":"Keir Dullea", + "Star2":"Gary Lockwood", + "Star3":"William Sylvester", + "Star4":"Daniel Richter", + "No_of_Votes":603517, + "Gross":"56,954,992" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNWM1NmYyM2ItMTFhNy00NDU0LThlYWUtYjQyYTJmOTY0ZmM0XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Per qualche dollaro in pi\u00f9", + "Released_Year":"1965", + "Certificate":"U", + "Runtime":"132 min", + "Genre":"Western", + "IMDB_Rating":8.3, + "Overview":"Two bounty hunters with the same intentions team up to track down a Western outlaw.", + "Meta_score":74.0, + "Director":"Sergio Leone", + "Star1":"Clint Eastwood", + "Star2":"Lee Van Cleef", + "Star3":"Gian Maria Volont\u00e8", + "Star4":"Mara Krupp", + "No_of_Votes":232772, + "Gross":"15,000,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYWY5ZjhjNGYtZmI2Ny00ODM0LWFkNzgtZmI1YzA2N2MxMzA0XkEyXkFqcGdeQXVyNjUwNzk3NDc@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Lawrence of Arabia", + "Released_Year":"1962", + "Certificate":"U", + "Runtime":"228 min", + "Genre":"Adventure, Biography, Drama", + "IMDB_Rating":8.3, + "Overview":"The story of T.E. Lawrence, the English officer who successfully united and led the diverse, often warring, Arab tribes during World War I in order to fight the Turks.", + "Meta_score":100.0, + "Director":"David Lean", + "Star1":"Peter O'Toole", + "Star2":"Alec Guinness", + "Star3":"Anthony Quinn", + "Star4":"Jack Hawkins", + "No_of_Votes":268085, + "Gross":"44,824,144" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNzkwODFjNzItMmMwNi00MTU5LWE2MzktM2M4ZDczZGM1MmViXkEyXkFqcGdeQXVyNDY2MTk1ODk@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Apartment", + "Released_Year":"1960", + "Certificate":"U", + "Runtime":"125 min", + "Genre":"Comedy, Drama, Romance", + "IMDB_Rating":8.3, + "Overview":"A man tries to rise in his company by letting its executives use his apartment for trysts, but complications and a romance of his own ensue.", + "Meta_score":94.0, + "Director":"Billy Wilder", + "Star1":"Jack Lemmon", + "Star2":"Shirley MacLaine", + "Star3":"Fred MacMurray", + "Star4":"Ray Walston", + "No_of_Votes":164363, + "Gross":"18,600,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZDA3NDExMTUtMDlhOC00MmQ5LWExZGUtYmI1NGVlZWI4OWNiXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"North by Northwest", + "Released_Year":"1959", + "Certificate":"U", + "Runtime":"136 min", + "Genre":"Adventure, Mystery, Thriller", + "IMDB_Rating":8.3, + "Overview":"A New York City advertising executive goes on the run after being mistaken for a government agent by a group of foreign spies.", + "Meta_score":98.0, + "Director":"Alfred Hitchcock", + "Star1":"Cary Grant", + "Star2":"Eva Marie Saint", + "Star3":"James Mason", + "Star4":"Jessie Royce Landis", + "No_of_Votes":299198, + "Gross":"13,275,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYTE4ODEwZDUtNDFjOC00NjAxLWEzYTQtYTI1NGVmZmFlNjdiL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Vertigo", + "Released_Year":"1958", + "Certificate":"A", + "Runtime":"128 min", + "Genre":"Mystery, Romance, Thriller", + "IMDB_Rating":8.3, + "Overview":"A former police detective juggles wrestling with his personal demons and becoming obsessed with a hauntingly beautiful woman.", + "Meta_score":100.0, + "Director":"Alfred Hitchcock", + "Star1":"James Stewart", + "Star2":"Kim Novak", + "Star3":"Barbara Bel Geddes", + "Star4":"Tom Helmore", + "No_of_Votes":364368, + "Gross":"3,200,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZDRjNGViMjQtOThlMi00MTA3LThkYzQtNzJkYjBkMGE0YzE1XkEyXkFqcGdeQXVyNDYyMDk5MTU@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Singin' in the Rain", + "Released_Year":"1952", + "Certificate":"G", + "Runtime":"103 min", + "Genre":"Comedy, Musical, Romance", + "IMDB_Rating":8.3, + "Overview":"A silent film production company and cast make a difficult transition to sound.", + "Meta_score":99.0, + "Director":"Stanley Donen", + "Star1":"Gene Kelly", + "Star2":"Gene Kelly", + "Star3":"Donald O'Connor", + "Star4":"Debbie Reynolds", + "No_of_Votes":218957, + "Gross":"8,819,028" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZmM0NGY3Y2MtMTA1YS00YmQzLTk2YTctYWFhMDkzMDRjZWQzXkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Ikiru", + "Released_Year":"1952", + "Certificate":null, + "Runtime":"143 min", + "Genre":"Drama", + "IMDB_Rating":8.3, + "Overview":"A bureaucrat tries to find a meaning in his life after he discovers he has terminal cancer.", + "Meta_score":null, + "Director":"Akira Kurosawa", + "Star1":"Takashi Shimura", + "Star2":"Nobuo Kaneko", + "Star3":"Shin'ichi Himori", + "Star4":"Haruo Tanaka", + "No_of_Votes":68463, + "Gross":"55,240" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNmI1ODdjODctMDlmMC00ZWViLWI5MzYtYzRhNDdjYmM3MzFjXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Ladri di biciclette", + "Released_Year":"1948", + "Certificate":null, + "Runtime":"89 min", + "Genre":"Drama", + "IMDB_Rating":8.3, + "Overview":"In post-war Italy, a working-class man's bicycle is stolen. He and his son set out to find it.", + "Meta_score":null, + "Director":"Vittorio De Sica", + "Star1":"Lamberto Maggiorani", + "Star2":"Enzo Staiola", + "Star3":"Lianella Carell", + "Star4":"Elena Altieri", + "No_of_Votes":146427, + "Gross":"332,930" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTdlNjgyZGUtOTczYi00MDdhLTljZmMtYTEwZmRiOWFkYjRhXkEyXkFqcGdeQXVyNDY2MTk1ODk@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Double Indemnity", + "Released_Year":"1944", + "Certificate":"Passed", + "Runtime":"107 min", + "Genre":"Crime, Drama, Film-Noir", + "IMDB_Rating":8.3, + "Overview":"An insurance representative lets himself be talked by a seductive housewife into a murder\/insurance fraud scheme that arouses the suspicion of an insurance investigator.", + "Meta_score":95.0, + "Director":"Billy Wilder", + "Star1":"Fred MacMurray", + "Star2":"Barbara Stanwyck", + "Star3":"Edward G. Robinson", + "Star4":"Byron Barr", + "No_of_Votes":143525, + "Gross":"5,720,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYjBiOTYxZWItMzdiZi00NjlkLWIzZTYtYmFhZjhiMTljOTdkXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Citizen Kane", + "Released_Year":"1941", + "Certificate":"UA", + "Runtime":"119 min", + "Genre":"Drama, Mystery", + "IMDB_Rating":8.3, + "Overview":"Following the death of publishing tycoon Charles Foster Kane, reporters scramble to uncover the meaning of his final utterance; 'Rosebud'.", + "Meta_score":100.0, + "Director":"Orson Welles", + "Star1":"Orson Welles", + "Star2":"Joseph Cotten", + "Star3":"Dorothy Comingore", + "Star4":"Agnes Moorehead", + "No_of_Votes":403351, + "Gross":"1,585,634" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODA4ODk3OTEzMF5BMl5BanBnXkFtZTgwMTQ2ODMwMzE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"M - Eine Stadt sucht einen M\u00f6rder", + "Released_Year":"1931", + "Certificate":"Passed", + "Runtime":"117 min", + "Genre":"Crime, Mystery, Thriller", + "IMDB_Rating":8.3, + "Overview":"When the police in a German city are unable to catch a child-murderer, other criminals join in the manhunt.", + "Meta_score":null, + "Director":"Fritz Lang", + "Star1":"Peter Lorre", + "Star2":"Ellen Widmann", + "Star3":"Inge Landgut", + "Star4":"Otto Wernicke", + "No_of_Votes":143434, + "Gross":"28,877" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTg5YWIyMWUtZDY5My00Zjc1LTljOTctYmI0MWRmY2M2NmRkXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Metropolis", + "Released_Year":"1927", + "Certificate":null, + "Runtime":"153 min", + "Genre":"Drama, Sci-Fi", + "IMDB_Rating":8.3, + "Overview":"In a futuristic city sharply divided between the working class and the city planners, the son of the city's mastermind falls in love with a working-class prophet who predicts the coming of a savior to mediate their differences.", + "Meta_score":98.0, + "Director":"Fritz Lang", + "Star1":"Brigitte Helm", + "Star2":"Alfred Abel", + "Star3":"Gustav Fr\u00f6hlich", + "Star4":"Rudolf Klein-Rogge", + "No_of_Votes":159992, + "Gross":"1,236,166" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZjhhMThhNDItNTY2MC00MmU1LTliNDEtNDdhZjdlNTY5ZDQ1XkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Kid", + "Released_Year":"1921", + "Certificate":"Passed", + "Runtime":"68 min", + "Genre":"Comedy, Drama, Family", + "IMDB_Rating":8.3, + "Overview":"The Tramp cares for an abandoned child, but events put that relationship in jeopardy.", + "Meta_score":null, + "Director":"Charles Chaplin", + "Star1":"Charles Chaplin", + "Star2":"Edna Purviance", + "Star3":"Jackie Coogan", + "Star4":"Carl Miller", + "No_of_Votes":113314, + "Gross":"5,450,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYjg2ZDI2YTYtN2EwYi00YWI5LTgyMWQtMWFkYmE3NmJkOGVhXkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Chhichhore", + "Released_Year":"2019", + "Certificate":"UA", + "Runtime":"143 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":8.2, + "Overview":"A tragic incident forces Anirudh, a middle-aged man, to take a trip down memory lane and reminisce his college days along with his friends, who were labelled as losers.", + "Meta_score":null, + "Director":"Nitesh Tiwari", + "Star1":"Sushant Singh Rajput", + "Star2":"Shraddha Kapoor", + "Star3":"Varun Sharma", + "Star4":"Prateik", + "No_of_Votes":33893, + "Gross":"898,575" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMWU4ZjNlNTQtOGE2MS00NDI0LWFlYjMtMmY3ZWVkMjJkNGRmXkEyXkFqcGdeQXVyNjE1OTQ0NjA@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Uri: The Surgical Strike", + "Released_Year":"2018", + "Certificate":"UA", + "Runtime":"138 min", + "Genre":"Action, Drama, War", + "IMDB_Rating":8.2, + "Overview":"Indian army special forces execute a covert operation, avenging the killing of fellow army men at their base by a terrorist group.", + "Meta_score":null, + "Director":"Aditya Dhar", + "Star1":"Vicky Kaushal", + "Star2":"Paresh Rawal", + "Star3":"Mohit Raina", + "Star4":"Yami Gautam", + "No_of_Votes":43444, + "Gross":"4,186,168" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZDNlNzBjMGUtYTA0Yy00OTI2LWJmZjMtODliYmUyYTI0OGFmXkEyXkFqcGdeQXVyODIwMDI1NjM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"K.G.F: Chapter 1", + "Released_Year":"2018", + "Certificate":"UA", + "Runtime":"156 min", + "Genre":"Action, Drama", + "IMDB_Rating":8.2, + "Overview":"In the 1970s, a fierce rebel rises against brutal oppression and becomes the symbol of hope to legions of downtrodden people.", + "Meta_score":null, + "Director":"Prashanth Neel", + "Star1":"Yash", + "Star2":"Srinidhi Shetty", + "Star3":"Ramachandra Raju", + "Star4":"Archana Jois", + "No_of_Votes":36680, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYzIzYmJlYTYtNGNiYy00N2EwLTk4ZjItMGYyZTJiOTVkM2RlXkEyXkFqcGdeQXVyODY1NDk1NjE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Green Book", + "Released_Year":"2018", + "Certificate":"UA", + "Runtime":"130 min", + "Genre":"Biography, Comedy, Drama", + "IMDB_Rating":8.2, + "Overview":"A working-class Italian-American bouncer becomes the driver of an African-American classical pianist on a tour of venues through the 1960s American South.", + "Meta_score":69.0, + "Director":"Peter Farrelly", + "Star1":"Viggo Mortensen", + "Star2":"Mahershala Ali", + "Star3":"Linda Cardellini", + "Star4":"Sebastian Maniscalco", + "No_of_Votes":377884, + "Gross":"85,080,171" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjI0ODcxNzM1N15BMl5BanBnXkFtZTgwMzIwMTEwNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Three Billboards Outside Ebbing, Missouri", + "Released_Year":"2017", + "Certificate":"A", + "Runtime":"115 min", + "Genre":"Comedy, Crime, Drama", + "IMDB_Rating":8.2, + "Overview":"A mother personally challenges the local authorities to solve her daughter's murder when they fail to catch the culprit.", + "Meta_score":88.0, + "Director":"Martin McDonagh", + "Star1":"Frances McDormand", + "Star2":"Woody Harrelson", + "Star3":"Sam Rockwell", + "Star4":"Caleb Landry Jones", + "No_of_Votes":432610, + "Gross":"54,513,740" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTYzODg0Mjc4M15BMl5BanBnXkFtZTgwNzY4Mzc3NjE@._V1_UY98_CR2,0,67,98_AL_.jpg", + "Series_Title":"Talvar", + "Released_Year":"2015", + "Certificate":"UA", + "Runtime":"132 min", + "Genre":"Crime, Drama, Mystery", + "IMDB_Rating":8.2, + "Overview":"An experienced investigator confronts several conflicting theories about the perpetrators of a violent double homicide.", + "Meta_score":null, + "Director":"Meghna Gulzar", + "Star1":"Irrfan Khan", + "Star2":"Konkona Sen Sharma", + "Star3":"Neeraj Kabi", + "Star4":"Sohum Shah", + "No_of_Votes":31142, + "Gross":"342,370" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOGNlNmRkMjctNDgxMC00NzFhLWIzY2YtZDk3ZDE0NWZhZDBlXkEyXkFqcGdeQXVyODIwMDI1NjM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Baahubali 2: The Conclusion", + "Released_Year":"2017", + "Certificate":"UA", + "Runtime":"167 min", + "Genre":"Action, Drama", + "IMDB_Rating":8.2, + "Overview":"When Shiva, the son of Bahubali, learns about his heritage, he begins to look for answers. His story is juxtaposed with past events that unfolded in the Mahishmati Kingdom.", + "Meta_score":null, + "Director":"S.S. Rajamouli", + "Star1":"Prabhas", + "Star2":"Rana Daggubati", + "Star3":"Anushka Shetty", + "Star4":"Tamannaah Bhatia", + "No_of_Votes":75348, + "Gross":"20,186,659" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMWYwOThjM2ItZGYxNy00NTQwLWFlZWEtM2MzM2Q5MmY3NDU5XkEyXkFqcGdeQXVyMTkxNjUyNQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Klaus", + "Released_Year":"2019", + "Certificate":"PG", + "Runtime":"96 min", + "Genre":"Animation, Adventure, Comedy", + "IMDB_Rating":8.2, + "Overview":"A simple act of kindness always sparks another, even in a frozen, faraway place. When Smeerensburg's new postman, Jesper, befriends toymaker Klaus, their gifts melt an age-old feud and deliver a sleigh full of holiday traditions.", + "Meta_score":65.0, + "Director":"Sergio Pablos", + "Star1":"Carlos Mart\u00ednez L\u00f3pez", + "Star2":"Jason Schwartzman", + "Star3":"J.K. Simmons", + "Star4":"Rashida Jones", + "No_of_Votes":104761, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYmJhZmJlYTItZmZlNy00MGY0LTg0ZGMtNWFkYWU5NTA1YTNhXkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Drishyam", + "Released_Year":"2015", + "Certificate":"UA", + "Runtime":"163 min", + "Genre":"Crime, Drama, Mystery", + "IMDB_Rating":8.2, + "Overview":"Desperate measures are taken by a man who tries to save his family from the dark side of the law, after they commit an unexpected crime.", + "Meta_score":null, + "Director":"Nishikant Kamat", + "Star1":"Ajay Devgn", + "Star2":"Shriya Saran", + "Star3":"Tabu", + "Star4":"Rajat Kapoor", + "No_of_Votes":70367, + "Gross":"739,478" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNWYyOWRlOWItZWM5MS00ZjJkLWI0MTUtYTE3NTI5MDAwYjgyXkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Queen", + "Released_Year":"2013", + "Certificate":"UA", + "Runtime":"146 min", + "Genre":"Adventure, Comedy, Drama", + "IMDB_Rating":8.2, + "Overview":"A Delhi girl from a traditional family sets out on a solo honeymoon after her marriage gets cancelled.", + "Meta_score":null, + "Director":"Vikas Bahl", + "Star1":"Kangana Ranaut", + "Star2":"Rajkummar Rao", + "Star3":"Lisa Haydon", + "Star4":"Jeffrey Ho", + "No_of_Votes":60701, + "Gross":"1,429,534" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTgwNzA3MDQzOV5BMl5BanBnXkFtZTgwNTE5MDE5NDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Mandariinid", + "Released_Year":"2013", + "Certificate":null, + "Runtime":"87 min", + "Genre":"Drama, War", + "IMDB_Rating":8.2, + "Overview":"In 1992, war rages in Abkhazia, a breakaway region of Georgia. An Estonian man Ivo has decided to stay behind and harvest his crops of tangerines. In a bloody conflict at his door, a wounded man is left behind, and Ivo takes him in.", + "Meta_score":73.0, + "Director":"Zaza Urushadze", + "Star1":"Lembit Ulfsak", + "Star2":"Elmo N\u00fcganen", + "Star3":"Giorgi Nakashidze", + "Star4":"Misha Meskhi", + "No_of_Votes":40382, + "Gross":"144,501" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTY1Nzg4MjcwN15BMl5BanBnXkFtZTcwOTc1NTk1OQ@@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Bhaag Milkha Bhaag", + "Released_Year":"2013", + "Certificate":"U", + "Runtime":"186 min", + "Genre":"Biography, Drama, Sport", + "IMDB_Rating":8.2, + "Overview":"The truth behind the ascension of Milkha Singh who was scarred because of the India-Pakistan partition.", + "Meta_score":null, + "Director":"Rakeysh Omprakash Mehra", + "Star1":"Farhan Akhtar", + "Star2":"Sonam Kapoor", + "Star3":"Pawan Malhotra", + "Star4":"Art Malik", + "No_of_Votes":61137, + "Gross":"1,626,289" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTc5NjY4MjUwNF5BMl5BanBnXkFtZTgwODM3NzM5MzE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Gangs of Wasseypur", + "Released_Year":"2012", + "Certificate":"A", + "Runtime":"321 min", + "Genre":"Action, Comedy, Crime", + "IMDB_Rating":8.2, + "Overview":"A clash between Sultan and Shahid Khan leads to the expulsion of Khan from Wasseypur, and ignites a deadly blood feud spanning three generations.", + "Meta_score":89.0, + "Director":"Anurag Kashyap", + "Star1":"Manoj Bajpayee", + "Star2":"Richa Chadha", + "Star3":"Nawazuddin Siddiqui", + "Star4":"Tigmanshu Dhulia", + "No_of_Votes":82365, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNzgxMzExMzUwNV5BMl5BanBnXkFtZTcwMDc2MjUwNA@@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Udaan", + "Released_Year":"2010", + "Certificate":"UA", + "Runtime":"134 min", + "Genre":"Drama", + "IMDB_Rating":8.2, + "Overview":"Expelled from his school, a 16-year old boy returns home to his abusive and oppressive father.", + "Meta_score":null, + "Director":"Vikramaditya Motwane", + "Star1":"Rajat Barmecha", + "Star2":"Ronit Roy", + "Star3":"Manjot Singh", + "Star4":"Ram Kapoor", + "No_of_Votes":42341, + "Gross":"7,461" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNTgwODM5OTMzN15BMl5BanBnXkFtZTcwMTA3NzI1Nw@@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Paan Singh Tomar", + "Released_Year":"2012", + "Certificate":"UA", + "Runtime":"135 min", + "Genre":"Action, Biography, Crime", + "IMDB_Rating":8.2, + "Overview":"The story of Paan Singh Tomar, an Indian athlete and seven-time national steeplechase champion who becomes one of the most feared dacoits in Chambal Valley after his retirement.", + "Meta_score":null, + "Director":"Tigmanshu Dhulia", + "Star1":"Irrfan Khan", + "Star2":"Mahie Gill", + "Star3":"Rajesh Abhay", + "Star4":"Hemendra Dandotiya", + "No_of_Votes":33237, + "Gross":"39,567" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BY2FhZGI5M2QtZWFiZS00NjkwLWE4NWQtMzg3ZDZjNjdkYTJiXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"El secreto de sus ojos", + "Released_Year":"2009", + "Certificate":"R", + "Runtime":"129 min", + "Genre":"Drama, Mystery, Romance", + "IMDB_Rating":8.2, + "Overview":"A retired legal counselor writes a novel hoping to find closure for one of his past unresolved homicide cases and for his unreciprocated love with his superior - both of which still haunt him decades later.", + "Meta_score":80.0, + "Director":"Juan Jos\u00e9 Campanella", + "Star1":"Ricardo Dar\u00edn", + "Star2":"Soledad Villamil", + "Star3":"Pablo Rago", + "Star4":"Carla Quevedo", + "No_of_Votes":193217, + "Gross":"6,391,436" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTk4ODk5MTMyNV5BMl5BanBnXkFtZTcwMDMyNTg0Ng@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Warrior", + "Released_Year":"2011", + "Certificate":"UA", + "Runtime":"140 min", + "Genre":"Action, Drama, Sport", + "IMDB_Rating":8.2, + "Overview":"The youngest son of an alcoholic former boxer returns home, where he's trained by his father for competition in a mixed martial arts tournament - a path that puts the fighter on a collision course with his estranged, older brother.", + "Meta_score":71.0, + "Director":"Gavin O'Connor", + "Star1":"Tom Hardy", + "Star2":"Nick Nolte", + "Star3":"Joel Edgerton", + "Star4":"Jennifer Morrison", + "No_of_Votes":435950, + "Gross":"13,657,115" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYzhiNDkyNzktNTZmYS00ZTBkLTk2MDAtM2U0YjU1MzgxZjgzXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Shutter Island", + "Released_Year":"2010", + "Certificate":"A", + "Runtime":"138 min", + "Genre":"Mystery, Thriller", + "IMDB_Rating":8.2, + "Overview":"In 1954, a U.S. Marshal investigates the disappearance of a murderer who escaped from a hospital for the criminally insane.", + "Meta_score":63.0, + "Director":"Martin Scorsese", + "Star1":"Leonardo DiCaprio", + "Star2":"Emily Mortimer", + "Star3":"Mark Ruffalo", + "Star4":"Ben Kingsley", + "No_of_Votes":1129894, + "Gross":"128,012,934" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTk3NDE2NzI4NF5BMl5BanBnXkFtZTgwNzE1MzEyMTE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Up", + "Released_Year":"2009", + "Certificate":"U", + "Runtime":"96 min", + "Genre":"Animation, Adventure, Comedy", + "IMDB_Rating":8.2, + "Overview":"78-year-old Carl Fredricksen travels to Paradise Falls in his house equipped with balloons, inadvertently taking a young stowaway.", + "Meta_score":88.0, + "Director":"Pete Docter", + "Star1":"Bob Peterson", + "Star2":"Edward Asner", + "Star3":"Jordan Nagai", + "Star4":"John Ratzenberger", + "No_of_Votes":935507, + "Gross":"293,004,164" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjIxMjgxNTk0MF5BMl5BanBnXkFtZTgwNjIyOTg2MDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Wolf of Wall Street", + "Released_Year":"2013", + "Certificate":"A", + "Runtime":"180 min", + "Genre":"Biography, Crime, Drama", + "IMDB_Rating":8.2, + "Overview":"Based on the true story of Jordan Belfort, from his rise to a wealthy stock-broker living the high life to his fall involving crime, corruption and the federal government.", + "Meta_score":75.0, + "Director":"Martin Scorsese", + "Star1":"Leonardo DiCaprio", + "Star2":"Jonah Hill", + "Star3":"Margot Robbie", + "Star4":"Matthew McConaughey", + "No_of_Votes":1187498, + "Gross":"116,900,694" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTUzODMyNzk4NV5BMl5BanBnXkFtZTgwNTk1NTYyNTM@._V1_UY98_CR3,0,67,98_AL_.jpg", + "Series_Title":"Chak De! India", + "Released_Year":"2007", + "Certificate":"U", + "Runtime":"153 min", + "Genre":"Drama, Family, Sport", + "IMDB_Rating":8.2, + "Overview":"Kabir Khan is the coach of the Indian Women's National Hockey Team and his dream is to make his all girls team emerge victorious against all odds.", + "Meta_score":68.0, + "Director":"Shimit Amin", + "Star1":"Shah Rukh Khan", + "Star2":"Vidya Malvade", + "Star3":"Sagarika Ghatge", + "Star4":"Shilpa Shukla", + "No_of_Votes":74129, + "Gross":"1,113,541" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjAxODQ4MDU5NV5BMl5BanBnXkFtZTcwMDU4MjU1MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"There Will Be Blood", + "Released_Year":"2007", + "Certificate":"A", + "Runtime":"158 min", + "Genre":"Drama", + "IMDB_Rating":8.2, + "Overview":"A story of family, religion, hatred, oil and madness, focusing on a turn-of-the-century prospector in the early days of the business.", + "Meta_score":93.0, + "Director":"Paul Thomas Anderson", + "Star1":"Daniel Day-Lewis", + "Star2":"Paul Dano", + "Star3":"Ciar\u00e1n Hinds", + "Star4":"Martin Stringer", + "No_of_Votes":517359, + "Gross":"40,222,514" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTU3ODg2NjQ5NF5BMl5BanBnXkFtZTcwMDEwODgzMQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Pan's Labyrinth", + "Released_Year":"2006", + "Certificate":"UA", + "Runtime":"118 min", + "Genre":"Drama, Fantasy, War", + "IMDB_Rating":8.2, + "Overview":"In the Falangist Spain of 1944, the bookish young stepdaughter of a sadistic army officer escapes into an eerie but captivating fantasy world.", + "Meta_score":98.0, + "Director":"Guillermo del Toro", + "Star1":"Ivana Baquero", + "Star2":"Ariadna Gil", + "Star3":"Sergi L\u00f3pez", + "Star4":"Maribel Verd\u00fa", + "No_of_Votes":618623, + "Gross":"37,634,615" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTgxOTY4Mjc0MF5BMl5BanBnXkFtZTcwNTA4MDQyMw@@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Toy Story 3", + "Released_Year":"2010", + "Certificate":"U", + "Runtime":"103 min", + "Genre":"Animation, Adventure, Comedy", + "IMDB_Rating":8.2, + "Overview":"The toys are mistakenly delivered to a day-care center instead of the attic right before Andy leaves for college, and it's up to Woody to convince the other toys that they weren't abandoned and to return home.", + "Meta_score":92.0, + "Director":"Lee Unkrich", + "Star1":"Tom Hanks", + "Star2":"Tim Allen", + "Star3":"Joan Cusack", + "Star4":"Ned Beatty", + "No_of_Votes":757032, + "Gross":"415,004,880" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTI5ODc3NzExNV5BMl5BanBnXkFtZTcwNzYxNzQzMw@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"V for Vendetta", + "Released_Year":"2005", + "Certificate":"A", + "Runtime":"132 min", + "Genre":"Action, Drama, Sci-Fi", + "IMDB_Rating":8.2, + "Overview":"In a future British tyranny, a shadowy freedom fighter, known only by the alias of \"V\", plots to overthrow it with the help of a young woman.", + "Meta_score":62.0, + "Director":"James McTeigue", + "Star1":"Hugo Weaving", + "Star2":"Natalie Portman", + "Star3":"Rupert Graves", + "Star4":"Stephen Rea", + "No_of_Votes":1032749, + "Gross":"70,511,035" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYThmZDA0YmQtMWJhNy00MDQwLTk0Y2YtMDhmZTE5ZjhlNjliXkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Rang De Basanti", + "Released_Year":"2006", + "Certificate":"UA", + "Runtime":"167 min", + "Genre":"Comedy, Crime, Drama", + "IMDB_Rating":8.2, + "Overview":"The story of six young Indians who assist an English woman to film a documentary on the freedom fighters from their past, and the events that lead them to relive the long-forgotten saga of freedom.", + "Meta_score":null, + "Director":"Rakeysh Omprakash Mehra", + "Star1":"Aamir Khan", + "Star2":"Soha Ali Khan", + "Star3":"Siddharth", + "Star4":"Sharman Joshi", + "No_of_Votes":111937, + "Gross":"2,197,331" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNTI5MmE5M2UtZjIzYS00M2JjLWIwNDItYTY2ZWNiODBmYTBiXkEyXkFqcGdeQXVyNjQ2MjQ5NzM@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Black", + "Released_Year":"2005", + "Certificate":"U", + "Runtime":"122 min", + "Genre":"Drama", + "IMDB_Rating":8.2, + "Overview":"The cathartic tale of a young woman who can't see, hear or talk and the teacher who brings a ray of light into her dark world.", + "Meta_score":null, + "Director":"Sanjay Leela Bhansali", + "Star1":"Amitabh Bachchan", + "Star2":"Rani Mukerji", + "Star3":"Shernaz Patel", + "Star4":"Ayesha Kapoor", + "No_of_Votes":33354, + "Gross":"733,094" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTY4YjI2N2MtYmFlMC00ZjcyLTg3YjEtMDQyM2ZjYzQ5YWFkXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Batman Begins", + "Released_Year":"2005", + "Certificate":"UA", + "Runtime":"140 min", + "Genre":"Action, Adventure", + "IMDB_Rating":8.2, + "Overview":"After training with his mentor, Batman begins his fight to free crime-ridden Gotham City from corruption.", + "Meta_score":70.0, + "Director":"Christopher Nolan", + "Star1":"Christian Bale", + "Star2":"Michael Caine", + "Star3":"Ken Watanabe", + "Star4":"Liam Neeson", + "No_of_Votes":1308302, + "Gross":"206,852,432" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYzExOTcwNjYtZTljMC00YTQ2LWI2YjYtNWFlYzQ0YTJhNzJmXkEyXkFqcGdeQXVyNjQ2MjQ5NzM@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Swades: We, the People", + "Released_Year":"2004", + "Certificate":"U", + "Runtime":"210 min", + "Genre":"Drama", + "IMDB_Rating":8.2, + "Overview":"A successful Indian scientist returns to an Indian village to take his nanny to America with him and in the process rediscovers his roots.", + "Meta_score":null, + "Director":"Ashutosh Gowariker", + "Star1":"Shah Rukh Khan", + "Star2":"Gayatri Joshi", + "Star3":"Kishori Ballal", + "Star4":"Smit Sheth", + "No_of_Votes":83005, + "Gross":"1,223,240" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTU0NTU5NTAyMl5BMl5BanBnXkFtZTYwNzYwMDg2._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Der Untergang", + "Released_Year":"2004", + "Certificate":"R", + "Runtime":"156 min", + "Genre":"Biography, Drama, History", + "IMDB_Rating":8.2, + "Overview":"Traudl Junge, the final secretary for Adolf Hitler, tells of the Nazi dictator's final days in his Berlin bunker at the end of WWII.", + "Meta_score":82.0, + "Director":"Oliver Hirschbiegel", + "Star1":"Bruno Ganz", + "Star2":"Alexandra Maria Lara", + "Star3":"Ulrich Matthes", + "Star4":"Juliane K\u00f6hler", + "No_of_Votes":331308, + "Gross":"5,509,040" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNmM4YTFmMmItMGE3Yy00MmRkLTlmZGEtMzZlOTQzYjk3MzA2XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Hauru no ugoku shiro", + "Released_Year":"2004", + "Certificate":"U", + "Runtime":"119 min", + "Genre":"Animation, Adventure, Family", + "IMDB_Rating":8.2, + "Overview":"When an unconfident young woman is cursed with an old body by a spiteful witch, her only chance of breaking the spell lies with a self-indulgent yet insecure young wizard and his companions in his legged, walking castle.", + "Meta_score":80.0, + "Director":"Hayao Miyazaki", + "Star1":"Chieko Baish\u00f4", + "Star2":"Takuya Kimura", + "Star3":"Tatsuya Gash\u00fbin", + "Star4":"Akihiro Miwa", + "No_of_Votes":333915, + "Gross":"4,711,096" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzcwYWFkYzktZjAzNC00OGY1LWI4YTgtNzc5MzVjMDVmNjY0XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"A Beautiful Mind", + "Released_Year":"2001", + "Certificate":"UA", + "Runtime":"135 min", + "Genre":"Biography, Drama", + "IMDB_Rating":8.2, + "Overview":"After John Nash, a brilliant but asocial mathematician, accepts secret work in cryptography, his life takes a turn for the nightmarish.", + "Meta_score":72.0, + "Director":"Ron Howard", + "Star1":"Russell Crowe", + "Star2":"Ed Harris", + "Star3":"Jennifer Connelly", + "Star4":"Christopher Plummer", + "No_of_Votes":848920, + "Gross":"170,742,341" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMGMzZjY2ZWQtZjQxYS00NWY3LThhNjItNWQzNTkzOTllODljXkEyXkFqcGdeQXVyNjY1MTg4Mzc@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Hera Pheri", + "Released_Year":"2000", + "Certificate":"U", + "Runtime":"156 min", + "Genre":"Action, Comedy, Crime", + "IMDB_Rating":8.2, + "Overview":"Three unemployed men look for answers to all their money problems - but when their opportunity arrives, will they know what to do with it?", + "Meta_score":null, + "Director":"Priyadarshan", + "Star1":"Akshay Kumar", + "Star2":"Sunil Shetty", + "Star3":"Paresh Rawal", + "Star4":"Tabu", + "No_of_Votes":57057, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTAyN2JmZmEtNjAyMy00NzYwLThmY2MtYWQ3OGNhNjExMmM4XkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Lock, Stock and Two Smoking Barrels", + "Released_Year":"1998", + "Certificate":"A", + "Runtime":"107 min", + "Genre":"Action, Comedy, Crime", + "IMDB_Rating":8.2, + "Overview":"A botched card game in London triggers four friends, thugs, weed-growers, hard gangsters, loan sharks and debt collectors to collide with each other in a series of unexpected events, all for the sake of weed, cash and two antique shotguns.", + "Meta_score":66.0, + "Director":"Guy Ritchie", + "Star1":"Jason Flemyng", + "Star2":"Dexter Fletcher", + "Star3":"Nick Moran", + "Star4":"Jason Statham", + "No_of_Votes":535216, + "Gross":"3,897,569" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMDQ2YzEyZGItYWRhOS00MjBmLTkzMDUtMTdjYzkyMmQxZTJlXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"L.A. Confidential", + "Released_Year":"1997", + "Certificate":"A", + "Runtime":"138 min", + "Genre":"Crime, Drama, Mystery", + "IMDB_Rating":8.2, + "Overview":"As corruption grows in 1950s Los Angeles, three policemen - one strait-laced, one brutal, and one sleazy - investigate a series of murders with their own brand of justice.", + "Meta_score":90.0, + "Director":"Curtis Hanson", + "Star1":"Kevin Spacey", + "Star2":"Russell Crowe", + "Star3":"Guy Pearce", + "Star4":"Kim Basinger", + "No_of_Votes":531967, + "Gross":"64,616,940" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOGQ4ZjFmYjktOGNkNS00OWYyLWIyZjgtMGJjM2U1ZTA0ZTlhXkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Eskiya", + "Released_Year":"1996", + "Certificate":null, + "Runtime":"128 min", + "Genre":"Crime, Drama, Thriller", + "IMDB_Rating":8.2, + "Overview":"Baran the Bandit, released from prison after 35 years, searches for vengeance and his lover.", + "Meta_score":null, + "Director":"Yavuz Turgul", + "Star1":"Sener Sen", + "Star2":"Ugur Y\u00fccel", + "Star3":"Sermin H\u00fcrmeri\u00e7", + "Star4":"Yesim Salkim", + "No_of_Votes":64118, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNGMwNzUwNjYtZWM5NS00YzMyLWI4NjAtNjM0ZDBiMzE1YWExXkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Heat", + "Released_Year":"1995", + "Certificate":"A", + "Runtime":"170 min", + "Genre":"Crime, Drama, Thriller", + "IMDB_Rating":8.2, + "Overview":"A group of professional bank robbers start to feel the heat from police when they unknowingly leave a clue at their latest heist.", + "Meta_score":76.0, + "Director":"Michael Mann", + "Star1":"Al Pacino", + "Star2":"Robert De Niro", + "Star3":"Val Kilmer", + "Star4":"Jon Voight", + "No_of_Votes":577113, + "Gross":"67,436,818" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTcxOWYzNDYtYmM4YS00N2NkLTk0NTAtNjg1ODgwZjAxYzI3XkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Casino", + "Released_Year":"1995", + "Certificate":"A", + "Runtime":"178 min", + "Genre":"Crime, Drama", + "IMDB_Rating":8.2, + "Overview":"A tale of greed, deception, money, power, and murder occur between two best friends: a mafia enforcer and a casino executive compete against each other over a gambling empire, and over a fast-living and fast-loving socialite.", + "Meta_score":73.0, + "Director":"Martin Scorsese", + "Star1":"Robert De Niro", + "Star2":"Sharon Stone", + "Star3":"Joe Pesci", + "Star4":"James Woods", + "No_of_Votes":466276, + "Gross":"42,438,300" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZTIwYzRjMGYtZWQ0Ni00NDZhLThhZDYtOGViZGJiZTkwMzk2XkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UY98_CR3,0,67,98_AL_.jpg", + "Series_Title":"Andaz Apna Apna", + "Released_Year":"1994", + "Certificate":"U", + "Runtime":"160 min", + "Genre":"Action, Comedy, Romance", + "IMDB_Rating":8.2, + "Overview":"Two slackers competing for the affections of an heiress inadvertently become her protectors from an evil criminal.", + "Meta_score":null, + "Director":"Rajkumar Santoshi", + "Star1":"Aamir Khan", + "Star2":"Salman Khan", + "Star3":"Raveena Tandon", + "Star4":"Karisma Kapoor", + "No_of_Votes":49300, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODM3YWY4NmQtN2Y3Ni00OTg0LWFhZGQtZWE3ZWY4MTJlOWU4XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Unforgiven", + "Released_Year":"1992", + "Certificate":"A", + "Runtime":"130 min", + "Genre":"Drama, Western", + "IMDB_Rating":8.2, + "Overview":"Retired Old West gunslinger William Munny reluctantly takes on one last job, with the help of his old partner Ned Logan and a young man, The \"Schofield Kid.\"", + "Meta_score":85.0, + "Director":"Clint Eastwood", + "Star1":"Clint Eastwood", + "Star2":"Gene Hackman", + "Star3":"Morgan Freeman", + "Star4":"Richard Harris", + "No_of_Votes":375935, + "Gross":"101,157,447" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjNkMzc2N2QtNjVlNS00ZTk5LTg0MTgtODY2MDAwNTMwZjBjXkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Indiana Jones and the Last Crusade", + "Released_Year":"1989", + "Certificate":"U", + "Runtime":"127 min", + "Genre":"Action, Adventure", + "IMDB_Rating":8.2, + "Overview":"In 1938, after his father Professor Henry Jones, Sr. goes missing while pursuing the Holy Grail, Professor Henry \"Indiana\" Jones, Jr. finds himself up against Adolf Hitler's Nazis again to stop them from obtaining its powers.", + "Meta_score":65.0, + "Director":"Steven Spielberg", + "Star1":"Harrison Ford", + "Star2":"Sean Connery", + "Star3":"Alison Doody", + "Star4":"Denholm Elliott", + "No_of_Votes":692366, + "Gross":"197,171,806" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODI2ZjVlMGQtMWE5ZS00MjJiLWIyMWYtMGU5NmIxNDc0OTMyXkEyXkFqcGdeQXVyMTQ3Njg3MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Dom za vesanje", + "Released_Year":"1988", + "Certificate":"R", + "Runtime":"142 min", + "Genre":"Comedy, Crime, Drama", + "IMDB_Rating":8.2, + "Overview":"In this luminous tale set in the area around Sarajevo and in Italy, Perhan, an engaging young Romany (gypsy) with telekinetic powers, is seduced by the quick-cash world of petty crime, which threatens to destroy him and those he loves.", + "Meta_score":null, + "Director":"Emir Kusturica", + "Star1":"Davor Dujmovic", + "Star2":"Bora Todorovic", + "Star3":"Ljubica Adzovic", + "Star4":"Husnija Hasimovic", + "No_of_Votes":26402, + "Gross":"280,015" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYzJjMTYyMjQtZDI0My00ZjE2LTkyNGYtOTllNGQxNDMyZjE0XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Tonari no Totoro", + "Released_Year":"1988", + "Certificate":"U", + "Runtime":"86 min", + "Genre":"Animation, Family, Fantasy", + "IMDB_Rating":8.2, + "Overview":"When two girls move to the country to be near their ailing mother, they have adventures with the wondrous forest spirits who live nearby.", + "Meta_score":86.0, + "Director":"Hayao Miyazaki", + "Star1":"Hitoshi Takagi", + "Star2":"Noriko Hidaka", + "Star3":"Chika Sakamoto", + "Star4":"Shigesato Itoi", + "No_of_Votes":291180, + "Gross":"1,105,564" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZjRlNDUxZjAtOGQ4OC00OTNlLTgxNmQtYTBmMDgwZmNmNjkxXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Die Hard", + "Released_Year":"1988", + "Certificate":"A", + "Runtime":"132 min", + "Genre":"Action, Thriller", + "IMDB_Rating":8.2, + "Overview":"An NYPD officer tries to save his wife and several others taken hostage by German terrorists during a Christmas party at the Nakatomi Plaza in Los Angeles.", + "Meta_score":72.0, + "Director":"John McTiernan", + "Star1":"Bruce Willis", + "Star2":"Alan Rickman", + "Star3":"Bonnie Bedelia", + "Star4":"Reginald VelJohnson", + "No_of_Votes":793164, + "Gross":"83,008,852" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZDBjZTM4ZmEtOTA5ZC00NTQzLTkyNzYtMmUxNGU2YjI5YjU5L2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Ran", + "Released_Year":"1985", + "Certificate":"U", + "Runtime":"162 min", + "Genre":"Action, Drama, War", + "IMDB_Rating":8.2, + "Overview":"In Medieval Japan, an elderly warlord retires, handing over his empire to his three sons. However, he vastly underestimates how the new-found power will corrupt them and cause them to turn on each other...and him.", + "Meta_score":96.0, + "Director":"Akira Kurosawa", + "Star1":"Tatsuya Nakadai", + "Star2":"Akira Terao", + "Star3":"Jinpachi Nezu", + "Star4":"Daisuke Ry\u00fb", + "No_of_Votes":112505, + "Gross":"4,135,750" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYjRmODkzNDItMTNhNi00YjJlLTg0ZjAtODlhZTM0YzgzYThlXkEyXkFqcGdeQXVyNzQ1ODk3MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Raging Bull", + "Released_Year":"1980", + "Certificate":"A", + "Runtime":"129 min", + "Genre":"Biography, Drama, Sport", + "IMDB_Rating":8.2, + "Overview":"The life of boxer Jake LaMotta, whose violence and temper that led him to the top in the ring destroyed his life outside of it.", + "Meta_score":89.0, + "Director":"Martin Scorsese", + "Star1":"Robert De Niro", + "Star2":"Cathy Moriarty", + "Star3":"Joe Pesci", + "Star4":"Frank Vincent", + "No_of_Votes":321860, + "Gross":"23,383,987" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMDgwODNmMGItMDcwYi00OWZjLTgyZjAtMGYwMmI4N2Q0NmJmXkEyXkFqcGdeQXVyNzY1MTU0Njk@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Stalker", + "Released_Year":"1979", + "Certificate":"U", + "Runtime":"162 min", + "Genre":"Drama, Sci-Fi", + "IMDB_Rating":8.2, + "Overview":"A guide leads two men through an area known as the Zone to find a room that grants wishes.", + "Meta_score":null, + "Director":"Andrei Tarkovsky", + "Star1":"Alisa Freyndlikh", + "Star2":"Aleksandr Kaydanovskiy", + "Star3":"Anatoliy Solonitsyn", + "Star4":"Nikolay Grinko", + "No_of_Votes":116945, + "Gross":"234,723" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNGIyMWRlYTctMWNlMi00ZGIzLThjOTgtZjQzZjRjNmRhMDdlXkEyXkFqcGdeQXVyMTAwMzUyOTc@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"H\u00f6stsonaten", + "Released_Year":"1978", + "Certificate":"U", + "Runtime":"99 min", + "Genre":"Drama, Music", + "IMDB_Rating":8.2, + "Overview":"A married daughter who longs for her mother's love is visited by the latter, a successful concert pianist.", + "Meta_score":null, + "Director":"Ingmar Bergman", + "Star1":"Ingrid Bergman", + "Star2":"Liv Ullmann", + "Star3":"Lena Nyman", + "Star4":"Halvar Bj\u00f6rk", + "No_of_Votes":26875, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjk3YjJmYTctMTAzZC00MzE4LWFlZGMtNDM5OTMyMDEzZWIxXkEyXkFqcGdeQXVyNTI4MjkwNjA@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Message", + "Released_Year":"1976", + "Certificate":"PG", + "Runtime":"177 min", + "Genre":"Biography, Drama, History", + "IMDB_Rating":8.2, + "Overview":"This epic historical drama chronicles the life and times of Prophet Muhammad and serves as an introduction to early Islamic history.", + "Meta_score":null, + "Director":"Moustapha Akkad", + "Star1":"Anthony Quinn", + "Star2":"Irene Papas", + "Star3":"Michael Ansara", + "Star4":"Johnny Sekka", + "No_of_Votes":43885, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOGZiM2IwODktNTdiMC00MGU1LWEyZTYtOTk4NTkwYmJkNmI1L2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UY98_CR2,0,67,98_AL_.jpg", + "Series_Title":"Sholay", + "Released_Year":"1975", + "Certificate":"U", + "Runtime":"204 min", + "Genre":"Action, Adventure, Comedy", + "IMDB_Rating":8.2, + "Overview":"After his family is murdered by a notorious and ruthless bandit, a former police officer enlists the services of two outlaws to capture the bandit.", + "Meta_score":null, + "Director":"Ramesh Sippy", + "Star1":"Sanjeev Kumar", + "Star2":"Dharmendra", + "Star3":"Amitabh Bachchan", + "Star4":"Amjad Khan", + "No_of_Votes":51284, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BN2IyNTE4YzUtZWU0Mi00MGIwLTgyMmQtMzQ4YzQxYWNlYWE2XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Monty Python and the Holy Grail", + "Released_Year":"1975", + "Certificate":"PG", + "Runtime":"91 min", + "Genre":"Adventure, Comedy, Fantasy", + "IMDB_Rating":8.2, + "Overview":"King Arthur and his Knights of the Round Table embark on a surreal, low-budget search for the Holy Grail, encountering many, very silly obstacles.", + "Meta_score":91.0, + "Director":"Terry Gilliam", + "Star1":"Terry Jones", + "Star2":"Graham Chapman", + "Star3":"John Cleese", + "Star4":"Eric Idle", + "No_of_Votes":500875, + "Gross":"1,229,197" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNzA2NmYxMWUtNzBlMC00MWM2LTkwNmQtYTFlZjQwODNhOWE0XkEyXkFqcGdeQXVyNTIzOTk5ODM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Great Escape", + "Released_Year":"1963", + "Certificate":"U", + "Runtime":"172 min", + "Genre":"Adventure, Drama, History", + "IMDB_Rating":8.2, + "Overview":"Allied prisoners of war plan for several hundred of their number to escape from a German camp during World War II.", + "Meta_score":86.0, + "Director":"John Sturges", + "Star1":"Steve McQueen", + "Star2":"James Garner", + "Star3":"Richard Attenborough", + "Star4":"Charles Bronson", + "No_of_Votes":224730, + "Gross":"12,100,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNmVmYzcwNzMtMWM1NS00MWIyLThlMDEtYzUwZDgzODE1NmE2XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"To Kill a Mockingbird", + "Released_Year":"1962", + "Certificate":"U", + "Runtime":"129 min", + "Genre":"Crime, Drama", + "IMDB_Rating":8.2, + "Overview":"Atticus Finch, a lawyer in the Depression-era South, defends a black man against an undeserved rape charge, and his children against prejudice.", + "Meta_score":88.0, + "Director":"Robert Mulligan", + "Star1":"Gregory Peck", + "Star2":"John Megna", + "Star3":"Frank Overton", + "Star4":"Rosemary Murphy", + "No_of_Votes":293811, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZThiZjAzZjgtNDU3MC00YThhLThjYWUtZGRkYjc2ZWZlOTVjXkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Y\u00f4jinb\u00f4", + "Released_Year":"1961", + "Certificate":null, + "Runtime":"110 min", + "Genre":"Action, Drama, Thriller", + "IMDB_Rating":8.2, + "Overview":"A crafty ronin comes to a town divided by two criminal gangs and decides to play them against each other to free the town.", + "Meta_score":null, + "Director":"Akira Kurosawa", + "Star1":"Toshir\u00f4 Mifune", + "Star2":"Eijir\u00f4 T\u00f4no", + "Star3":"Tatsuya Nakadai", + "Star4":"Y\u00f4ko Tsukasa", + "No_of_Votes":111244, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNDc2ODQ5NTE2MV5BMl5BanBnXkFtZTcwODExMjUyNA@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Judgment at Nuremberg", + "Released_Year":"1961", + "Certificate":"A", + "Runtime":"179 min", + "Genre":"Drama, War", + "IMDB_Rating":8.2, + "Overview":"In 1948, an American court in occupied Germany tries four Nazis judged for war crimes.", + "Meta_score":60.0, + "Director":"Stanley Kramer", + "Star1":"Spencer Tracy", + "Star2":"Burt Lancaster", + "Star3":"Richard Widmark", + "Star4":"Marlene Dietrich", + "No_of_Votes":69458, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNzAyOGIxYjAtMGY2NC00ZTgyLWIwMWEtYzY0OWQ4NDFjOTc5XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Some Like It Hot", + "Released_Year":"1959", + "Certificate":"U", + "Runtime":"121 min", + "Genre":"Comedy, Music, Romance", + "IMDB_Rating":8.2, + "Overview":"After two male musicians witness a mob hit, they flee the state in an all-female band disguised as women, but further complications set in.", + "Meta_score":98.0, + "Director":"Billy Wilder", + "Star1":"Marilyn Monroe", + "Star2":"Tony Curtis", + "Star3":"Jack Lemmon", + "Star4":"George Raft", + "No_of_Votes":243943, + "Gross":"25,000,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZjJhNTBmNTgtMDViOC00NDY2LWE4N2ItMDJiM2ZiYmQzYzliXkEyXkFqcGdeQXVyMzg1ODEwNQ@@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Smultronst\u00e4llet", + "Released_Year":"1957", + "Certificate":"U", + "Runtime":"91 min", + "Genre":"Drama, Romance", + "IMDB_Rating":8.2, + "Overview":"After living a life marked by coldness, an aging professor is forced to confront the emptiness of his existence.", + "Meta_score":88.0, + "Director":"Ingmar Bergman", + "Star1":"Victor Sj\u00f6str\u00f6m", + "Star2":"Bibi Andersson", + "Star3":"Ingrid Thulin", + "Star4":"Gunnar Bj\u00f6rnstrand", + "No_of_Votes":96381, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BM2I1ZWU4YjMtYzU0My00YmMzLWFmNTAtZDJhZGYwMmI3YWQ5XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Det sjunde inseglet", + "Released_Year":"1957", + "Certificate":"A", + "Runtime":"96 min", + "Genre":"Drama, Fantasy, History", + "IMDB_Rating":8.2, + "Overview":"A man seeks answers about life, death, and the existence of God as he plays chess against the Grim Reaper during the Black Plague.", + "Meta_score":88.0, + "Director":"Ingmar Bergman", + "Star1":"Max von Sydow", + "Star2":"Gunnar Bj\u00f6rnstrand", + "Star3":"Bengt Ekerot", + "Star4":"Nils Poppe", + "No_of_Votes":164939, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjZmZGRiMDgtNDkwNi00OTZhLWFhZmMtYTdkYjgyNThhOWY3XkEyXkFqcGdeQXVyMTA1NTM1NDI2._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Du rififi chez les hommes", + "Released_Year":"1955", + "Certificate":null, + "Runtime":"118 min", + "Genre":"Crime, Drama, Thriller", + "IMDB_Rating":8.2, + "Overview":"Four men plan a technically perfect crime, but the human element intervenes...", + "Meta_score":97.0, + "Director":"Jules Dassin", + "Star1":"Jean Servais", + "Star2":"Carl M\u00f6hner", + "Star3":"Robert Manuel", + "Star4":"Janine Darcey", + "No_of_Votes":28810, + "Gross":"57,226" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOWIwODIxYWItZDI4MS00YzhhLWE3MmYtMzlhZDIwOTMzZmE5L2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Dial M for Murder", + "Released_Year":"1954", + "Certificate":"A", + "Runtime":"105 min", + "Genre":"Crime, Thriller", + "IMDB_Rating":8.2, + "Overview":"A former tennis player tries to arrange his wife's murder after learning of her affair.", + "Meta_score":75.0, + "Director":"Alfred Hitchcock", + "Star1":"Ray Milland", + "Star2":"Grace Kelly", + "Star3":"Robert Cummings", + "Star4":"John Williams", + "No_of_Votes":158335, + "Gross":"12,562" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYWQ4ZTRiODktNjAzZC00Nzg1LTk1YWQtNDFmNDI0NmZiNGIwXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"T\u00f4ky\u00f4 monogatari", + "Released_Year":"1953", + "Certificate":"U", + "Runtime":"136 min", + "Genre":"Drama", + "IMDB_Rating":8.2, + "Overview":"An old couple visit their children and grandchildren in the city, but receive little attention.", + "Meta_score":null, + "Director":"Yasujir\u00f4 Ozu", + "Star1":"Chish\u00fb Ry\u00fb", + "Star2":"Chieko Higashiyama", + "Star3":"S\u00f4 Yamamura", + "Star4":"Setsuko Hara", + "No_of_Votes":53153, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjEzMzA4NDE2OF5BMl5BanBnXkFtZTcwNTc5MDI2NQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Rash\u00f4mon", + "Released_Year":"1950", + "Certificate":null, + "Runtime":"88 min", + "Genre":"Crime, Drama, Mystery", + "IMDB_Rating":8.2, + "Overview":"The rape of a bride and the murder of her samurai husband are recalled from the perspectives of a bandit, the bride, the samurai's ghost and a woodcutter.", + "Meta_score":98.0, + "Director":"Akira Kurosawa", + "Star1":"Toshir\u00f4 Mifune", + "Star2":"Machiko Ky\u00f4", + "Star3":"Masayuki Mori", + "Star4":"Takashi Shimura", + "No_of_Votes":152572, + "Gross":"96,568" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTY2MTAzODI5NV5BMl5BanBnXkFtZTgwMjM4NzQ0MjE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"All About Eve", + "Released_Year":"1950", + "Certificate":"Passed", + "Runtime":"138 min", + "Genre":"Drama", + "IMDB_Rating":8.2, + "Overview":"A seemingly timid but secretly ruthless ing\u00e9nue insinuates herself into the lives of an aging Broadway star and her circle of theater friends.", + "Meta_score":98.0, + "Director":"Joseph L. Mankiewicz", + "Star1":"Bette Davis", + "Star2":"Anne Baxter", + "Star3":"George Sanders", + "Star4":"Celeste Holm", + "No_of_Votes":120539, + "Gross":"10,177" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTJlZWMxYzEtMjlkMS00ODE0LThlM2ItMDI3NGQ2YjhmMzkxXkEyXkFqcGdeQXVyMDI2NDg0NQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Treasure of the Sierra Madre", + "Released_Year":"1948", + "Certificate":"Passed", + "Runtime":"126 min", + "Genre":"Adventure, Drama, Western", + "IMDB_Rating":8.2, + "Overview":"Two Americans searching for work in Mexico convince an old prospector to help them mine for gold in the Sierra Madre Mountains.", + "Meta_score":98.0, + "Director":"John Huston", + "Star1":"Humphrey Bogart", + "Star2":"Walter Huston", + "Star3":"Tim Holt", + "Star4":"Bruce Bennett", + "No_of_Votes":114304, + "Gross":"5,014,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYTIwNDcyMjktMTczMy00NDM5LTlhNDEtMmE3NGVjOTM2YjQ3XkEyXkFqcGdeQXVyNjc0MzMzNjA@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"To Be or Not to Be", + "Released_Year":"1942", + "Certificate":"Passed", + "Runtime":"99 min", + "Genre":"Comedy, War", + "IMDB_Rating":8.2, + "Overview":"During the Nazi occupation of Poland, an acting troupe becomes embroiled in a Polish soldier's efforts to track down a German spy.", + "Meta_score":86.0, + "Director":"Ernst Lubitsch", + "Star1":"Carole Lombard", + "Star2":"Jack Benny", + "Star3":"Robert Stack", + "Star4":"Felix Bressart", + "No_of_Votes":29915, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZjEyOTE4MzMtNmMzMy00Mzc3LWJlOTQtOGJiNDE0ZmJiOTU4L2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UY98_CR2,0,67,98_AL_.jpg", + "Series_Title":"The Gold Rush", + "Released_Year":"1925", + "Certificate":"Passed", + "Runtime":"95 min", + "Genre":"Adventure, Comedy, Drama", + "IMDB_Rating":8.2, + "Overview":"A prospector goes to the Klondike in search of gold and finds it and more.", + "Meta_score":null, + "Director":"Charles Chaplin", + "Star1":"Charles Chaplin", + "Star2":"Mack Swain", + "Star3":"Tom Murray", + "Star4":"Henry Bergman", + "No_of_Votes":101053, + "Gross":"5,450,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZWFhOGU5NDctY2Q3YS00Y2VlLWI1NzEtZmIwY2ZiZjY4OTA2XkEyXkFqcGdeQXVyMDI2NDg0NQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Sherlock Jr.", + "Released_Year":"1924", + "Certificate":"Passed", + "Runtime":"45 min", + "Genre":"Action, Comedy, Romance", + "IMDB_Rating":8.2, + "Overview":"A film projectionist longs to be a detective, and puts his meagre skills to work when he is framed by a rival for stealing his girlfriend's father's pocketwatch.", + "Meta_score":null, + "Director":"Buster Keaton", + "Star1":"Buster Keaton", + "Star2":"Kathryn McGuire", + "Star3":"Joe Keaton", + "Star4":"Erwin Connelly", + "No_of_Votes":41985, + "Gross":"977,375" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjgwNjkwOWYtYmM3My00NzI1LTk5OGItYWY0OTMyZTY4OTg2XkEyXkFqcGdeQXVyODk4OTc3MTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Portrait de la jeune fille en feu", + "Released_Year":"2019", + "Certificate":"R", + "Runtime":"122 min", + "Genre":"Drama, Romance", + "IMDB_Rating":8.1, + "Overview":"On an isolated island in Brittany at the end of the eighteenth century, a female painter is obliged to paint a wedding portrait of a young woman.", + "Meta_score":95.0, + "Director":"C\u00e9line Sciamma", + "Star1":"No\u00e9mie Merlant", + "Star2":"Ad\u00e8le Haenel", + "Star3":"Lu\u00e0na Bajrami", + "Star4":"Valeria Golino", + "No_of_Votes":63134, + "Gross":"3,759,854" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNGI1MTI1YTQtY2QwYi00YzUzLTg3NWYtNzExZDlhOTZmZWU0XkEyXkFqcGdeQXVyMDkwNTkwNg@@._V1_UY98_CR3,0,67,98_AL_.jpg", + "Series_Title":"Pink", + "Released_Year":"2016", + "Certificate":"UA", + "Runtime":"136 min", + "Genre":"Drama, Thriller", + "IMDB_Rating":8.1, + "Overview":"When three young women are implicated in a crime, a retired lawyer steps forward to help them clear their names.", + "Meta_score":null, + "Director":"Aniruddha Roy Chowdhury", + "Star1":"Taapsee Pannu", + "Star2":"Amitabh Bachchan", + "Star3":"Kirti Kulhari", + "Star4":"Andrea Tariang", + "No_of_Votes":39216, + "Gross":"1,241,223" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZGRkOGMxYTUtZTBhYS00NzI3LWEzMDQtOWRhMmNjNjJjMzM4XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Koe no katachi", + "Released_Year":"2016", + "Certificate":"16", + "Runtime":"130 min", + "Genre":"Animation, Drama, Family", + "IMDB_Rating":8.1, + "Overview":"A young man is ostracized by his classmates after he bullies a deaf girl to the point where she moves away. Years later, he sets off on a path for redemption.", + "Meta_score":78.0, + "Director":"Naoko Yamada", + "Star1":"Miyu Irino", + "Star2":"Saori Hayami", + "Star3":"Aoi Y\u00fbki", + "Star4":"Kensh\u00f4 Ono", + "No_of_Votes":47708, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMDk0YzAwYjktMWFiZi00Y2FmLWJmMmMtMzUyZDZmMmU5MjkzXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Contratiempo", + "Released_Year":"2016", + "Certificate":"TV-MA", + "Runtime":"106 min", + "Genre":"Crime, Drama, Mystery", + "IMDB_Rating":8.1, + "Overview":"A successful entrepreneur accused of murder and a witness preparation expert have less than three hours to come up with an impregnable defense.", + "Meta_score":null, + "Director":"Oriol Paulo", + "Star1":"Mario Casas", + "Star2":"Ana Wagener", + "Star3":"Jose Coronado", + "Star4":"B\u00e1rbara Lennie", + "No_of_Votes":141516, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNDJhYTk2MTctZmVmOS00OTViLTgxNjQtMzQxOTRiMDdmNGRjXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Ah-ga-ssi", + "Released_Year":"2016", + "Certificate":"A", + "Runtime":"145 min", + "Genre":"Drama, Romance, Thriller", + "IMDB_Rating":8.1, + "Overview":"A woman is hired as a handmaiden to a Japanese heiress, but secretly she is involved in a plot to defraud her.", + "Meta_score":84.0, + "Director":"Chan-wook Park", + "Star1":"Kim Min-hee", + "Star2":"Jung-woo Ha", + "Star3":"Cho Jin-woong", + "Star4":"Moon So-Ri", + "No_of_Votes":113649, + "Gross":"2,006,788" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMGI3YWFmNDQtNjc0Ny00ZDBjLThlNjYtZTc1ZTk5MzU2YTVjXkEyXkFqcGdeQXVyNzA4ODc3ODU@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Mommy", + "Released_Year":"2014", + "Certificate":"R", + "Runtime":"139 min", + "Genre":"Drama", + "IMDB_Rating":8.1, + "Overview":"A widowed single mother, raising her violent son alone, finds new hope when a mysterious neighbor inserts herself into their household.", + "Meta_score":74.0, + "Director":"Xavier Dolan", + "Star1":"Anne Dorval", + "Star2":"Antoine Olivier Pilon", + "Star3":"Suzanne Cl\u00e9ment", + "Star4":"Patrick Huard", + "No_of_Votes":50700, + "Gross":"3,492,754" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjA1NTEwMDMxMF5BMl5BanBnXkFtZTgwODkzMzI0MjE@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Haider", + "Released_Year":"2014", + "Certificate":"UA", + "Runtime":"160 min", + "Genre":"Action, Crime, Drama", + "IMDB_Rating":8.1, + "Overview":"A young man returns to Kashmir after his father's disappearance to confront his uncle, whom he suspects of playing a role in his father's fate.", + "Meta_score":null, + "Director":"Vishal Bhardwaj", + "Star1":"Shahid Kapoor", + "Star2":"Tabu", + "Star3":"Shraddha Kapoor", + "Star4":"Kay Kay Menon", + "No_of_Votes":50445, + "Gross":"901,610" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYzc5MTU4N2EtYTkyMi00NjdhLTg3NWEtMTY4OTEyMzJhZTAzXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Logan", + "Released_Year":"2017", + "Certificate":"A", + "Runtime":"137 min", + "Genre":"Action, Drama, Sci-Fi", + "IMDB_Rating":8.1, + "Overview":"In a future where mutants are nearly extinct, an elderly and weary Logan leads a quiet life. But when Laura, a mutant child pursued by scientists, comes to him for help, he must get her to safety.", + "Meta_score":77.0, + "Director":"James Mangold", + "Star1":"Hugh Jackman", + "Star2":"Patrick Stewart", + "Star3":"Dafne Keen", + "Star4":"Boyd Holbrook", + "No_of_Votes":647884, + "Gross":"226,277,068" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjE4NzgzNzEwMl5BMl5BanBnXkFtZTgwMTMzMDE0NjE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Room", + "Released_Year":"2015", + "Certificate":"R", + "Runtime":"118 min", + "Genre":"Drama, Thriller", + "IMDB_Rating":8.1, + "Overview":"Held captive for 7 years in an enclosed space, a woman and her young son finally gain their freedom, allowing the boy to experience the outside world for the first time.", + "Meta_score":86.0, + "Director":"Lenny Abrahamson", + "Star1":"Brie Larson", + "Star2":"Jacob Tremblay", + "Star3":"Sean Bridgers", + "Star4":"Wendy Crewson", + "No_of_Votes":371538, + "Gross":"14,677,674" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNGQzY2Y0MTgtMDA4OC00NjM3LWI0ZGQtNTJlM2UxZDQxZjI0XkEyXkFqcGdeQXVyNDUzOTQ5MjY@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Relatos salvajes", + "Released_Year":"2014", + "Certificate":"R", + "Runtime":"122 min", + "Genre":"Comedy, Drama, Thriller", + "IMDB_Rating":8.1, + "Overview":"Six short stories that explore the extremities of human behavior involving people in distress.", + "Meta_score":77.0, + "Director":"Dami\u00e1n Szifron", + "Star1":"Dar\u00edo Grandinetti", + "Star2":"Mar\u00eda Marull", + "Star3":"M\u00f3nica Villa", + "Star4":"Diego Starosta", + "No_of_Votes":177059, + "Gross":"3,107,072" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZGE1MDg5M2MtNTkyZS00MTY5LTg1YzUtZTlhZmM1Y2EwNmFmXkEyXkFqcGdeQXVyNjA3OTI0MDc@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Soul", + "Released_Year":"2020", + "Certificate":"U", + "Runtime":"100 min", + "Genre":"Animation, Adventure, Comedy", + "IMDB_Rating":8.1, + "Overview":"After landing the gig of a lifetime, a New York jazz pianist suddenly finds himself trapped in a strange land between Earth and the afterlife.", + "Meta_score":83.0, + "Director":"Pete Docter", + "Star1":"Kemp Powers", + "Star2":"Jamie Foxx", + "Star3":"Tina Fey", + "Star4":"Graham Norton", + "No_of_Votes":159171, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYzE2MjEwMTQtOTQ2Mi00ZWExLTkyMjUtNmJjMjBlYWFjZDdlXkEyXkFqcGdeQXVyMTI3ODAyMzE2._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Kis Uykusu", + "Released_Year":"2014", + "Certificate":null, + "Runtime":"196 min", + "Genre":"Drama", + "IMDB_Rating":8.1, + "Overview":"A hotel owner and landlord in a remote Turkish village deals with conflicts within his family and a tenant behind on his rent.", + "Meta_score":88.0, + "Director":"Nuri Bilge Ceylan", + "Star1":"Haluk Bilginer", + "Star2":"Melisa S\u00f6zen", + "Star3":"Demet Akbag", + "Star4":"Ayberk Pekcan", + "No_of_Votes":46547, + "Gross":"165,520" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTYzOTE2NjkxN15BMl5BanBnXkFtZTgwMDgzMTg0MzE@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"PK", + "Released_Year":"2014", + "Certificate":"UA", + "Runtime":"153 min", + "Genre":"Comedy, Drama, Musical", + "IMDB_Rating":8.1, + "Overview":"An alien on Earth loses the only device he can use to communicate with his spaceship. His innocent nature and child-like questions force the country to evaluate the impact of religion on its people.", + "Meta_score":null, + "Director":"Rajkumar Hirani", + "Star1":"Aamir Khan", + "Star2":"Anushka Sharma", + "Star3":"Sanjay Dutt", + "Star4":"Boman Irani", + "No_of_Votes":163061, + "Gross":"10,616,104" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMGNhYjUwNmYtNDQxNi00NDdmLTljMDAtZWM1NDQyZTk3ZDYwXkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"OMG: Oh My God!", + "Released_Year":"2012", + "Certificate":"U", + "Runtime":"125 min", + "Genre":"Comedy, Drama, Fantasy", + "IMDB_Rating":8.1, + "Overview":"A shopkeeper takes God to court when his shop is destroyed by an earthquake.", + "Meta_score":null, + "Director":"Umesh Shukla", + "Star1":"Paresh Rawal", + "Star2":"Akshay Kumar", + "Star3":"Mithun Chakraborty", + "Star4":"Mahesh Manjrekar", + "No_of_Votes":51739, + "Gross":"923,221" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzM5NjUxOTEyMl5BMl5BanBnXkFtZTgwNjEyMDM0MDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Grand Budapest Hotel", + "Released_Year":"2014", + "Certificate":"UA", + "Runtime":"99 min", + "Genre":"Adventure, Comedy, Crime", + "IMDB_Rating":8.1, + "Overview":"A writer encounters the owner of an aging high-class hotel, who tells him of his early years serving as a lobby boy in the hotel's glorious years under an exceptional concierge.", + "Meta_score":88.0, + "Director":"Wes Anderson", + "Star1":"Ralph Fiennes", + "Star2":"F. Murray Abraham", + "Star3":"Mathieu Amalric", + "Star4":"Adrien Brody", + "No_of_Votes":707630, + "Gross":"59,100,318" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTk0MDQ3MzAzOV5BMl5BanBnXkFtZTgwNzU1NzE3MjE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Gone Girl", + "Released_Year":"2014", + "Certificate":"A", + "Runtime":"149 min", + "Genre":"Drama, Mystery, Thriller", + "IMDB_Rating":8.1, + "Overview":"With his wife's disappearance having become the focus of an intense media circus, a man sees the spotlight turned on him when it's suspected that he may not be innocent.", + "Meta_score":79.0, + "Director":"David Fincher", + "Star1":"Ben Affleck", + "Star2":"Rosamund Pike", + "Star3":"Neil Patrick Harris", + "Star4":"Tyler Perry", + "No_of_Votes":859695, + "Gross":"167,767,189" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYzQxNDZhNDUtNDUwOC00NjQyLTg2OWUtZWVlYThjYjYyMTc2XkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"\u00d4kami kodomo no Ame to Yuki", + "Released_Year":"2012", + "Certificate":"U", + "Runtime":"117 min", + "Genre":"Animation, Drama, Fantasy", + "IMDB_Rating":8.1, + "Overview":"After her werewolf lover unexpectedly dies in an accident while hunting for food for their children, a young woman must find ways to raise the werewolf son and daughter that she had with him while keeping their trait hidden from society.", + "Meta_score":71.0, + "Director":"Mamoru Hosoda", + "Star1":"Aoi Miyazaki", + "Star2":"Takao Osawa", + "Star3":"Haru Kuroki", + "Star4":"Yukito Nishii", + "No_of_Votes":38803, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjQ1NjM3MTUxNV5BMl5BanBnXkFtZTgwMDc5MTY5OTE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Hacksaw Ridge", + "Released_Year":"2016", + "Certificate":"A", + "Runtime":"139 min", + "Genre":"Biography, Drama, History", + "IMDB_Rating":8.1, + "Overview":"World War II American Army Medic Desmond T. Doss, who served during the Battle of Okinawa, refuses to kill people, and becomes the first man in American history to receive the Medal of Honor without firing a shot.", + "Meta_score":71.0, + "Director":"Mel Gibson", + "Star1":"Andrew Garfield", + "Star2":"Sam Worthington", + "Star3":"Luke Bracey", + "Star4":"Teresa Palmer", + "No_of_Votes":435928, + "Gross":"67,209,615" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTgxMDQwMDk0OF5BMl5BanBnXkFtZTgwNjU5OTg2NDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Inside Out", + "Released_Year":"2015", + "Certificate":"U", + "Runtime":"95 min", + "Genre":"Animation, Adventure, Comedy", + "IMDB_Rating":8.1, + "Overview":"After young Riley is uprooted from her Midwest life and moved to San Francisco, her emotions - Joy, Fear, Anger, Disgust and Sadness - conflict on how best to navigate a new city, house, and school.", + "Meta_score":94.0, + "Director":"Pete Docter", + "Star1":"Ronnie Del Carmen", + "Star2":"Amy Poehler", + "Star3":"Bill Hader", + "Star4":"Lewis Black", + "No_of_Votes":616228, + "Gross":"356,461,711" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTQzMTEyODY2Ml5BMl5BanBnXkFtZTgwMjA0MDUyMjE@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Barfi!", + "Released_Year":"2012", + "Certificate":"U", + "Runtime":"151 min", + "Genre":"Comedy, Drama, Romance", + "IMDB_Rating":8.1, + "Overview":"Three young people learn that love can neither be defined nor contained by society's definition of normal and abnormal.", + "Meta_score":null, + "Director":"Anurag Basu", + "Star1":"Ranbir Kapoor", + "Star2":"Priyanka Chopra", + "Star3":"Ileana D'Cruz", + "Star4":"Saurabh Shukla", + "No_of_Votes":75721, + "Gross":"2,804,874" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjExMTEzODkyN15BMl5BanBnXkFtZTcwNTU4NTc4OQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"12 Years a Slave", + "Released_Year":"2013", + "Certificate":"A", + "Runtime":"134 min", + "Genre":"Biography, Drama, History", + "IMDB_Rating":8.1, + "Overview":"In the antebellum United States, Solomon Northup, a free black man from upstate New York, is abducted and sold into slavery.", + "Meta_score":96.0, + "Director":"Steve McQueen", + "Star1":"Chiwetel Ejiofor", + "Star2":"Michael Kenneth Williams", + "Star3":"Michael Fassbender", + "Star4":"Brad Pitt", + "No_of_Votes":640533, + "Gross":"56,671,993" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOWEwODJmZDItYTNmZC00OGM4LThlNDktOTQzZjIzMGQxODA4XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Rush", + "Released_Year":"2013", + "Certificate":"UA", + "Runtime":"123 min", + "Genre":"Action, Biography, Drama", + "IMDB_Rating":8.1, + "Overview":"The merciless 1970s rivalry between Formula One rivals James Hunt and Niki Lauda.", + "Meta_score":74.0, + "Director":"Ron Howard", + "Star1":"Daniel Br\u00fchl", + "Star2":"Chris Hemsworth", + "Star3":"Olivia Wilde", + "Star4":"Alexandra Maria Lara", + "No_of_Votes":432811, + "Gross":"26,947,624" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BM2UwMDVmMDItM2I2Yi00NGZmLTk4ZTUtY2JjNTQ3OGQ5ZjM2XkEyXkFqcGdeQXVyMTA1OTYzOTUx._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Ford v Ferrari", + "Released_Year":"2019", + "Certificate":"UA", + "Runtime":"152 min", + "Genre":"Action, Biography, Drama", + "IMDB_Rating":8.1, + "Overview":"American car designer Carroll Shelby and driver Ken Miles battle corporate interference and the laws of physics to build a revolutionary race car for Ford in order to defeat Ferrari at the 24 Hours of Le Mans in 1966.", + "Meta_score":81.0, + "Director":"James Mangold", + "Star1":"Matt Damon", + "Star2":"Christian Bale", + "Star3":"Jon Bernthal", + "Star4":"Caitriona Balfe", + "No_of_Votes":291289, + "Gross":"117,624,028" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjIyOTM5OTIzNV5BMl5BanBnXkFtZTgwMDkzODE2NjE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Spotlight", + "Released_Year":"2015", + "Certificate":"A", + "Runtime":"129 min", + "Genre":"Biography, Crime, Drama", + "IMDB_Rating":8.1, + "Overview":"The true story of how the Boston Globe uncovered the massive scandal of child molestation and cover-up within the local Catholic Archdiocese, shaking the entire Catholic Church to its core.", + "Meta_score":93.0, + "Director":"Tom McCarthy", + "Star1":"Mark Ruffalo", + "Star2":"Michael Keaton", + "Star3":"Rachel McAdams", + "Star4":"Liev Schreiber", + "No_of_Votes":420316, + "Gross":"45,055,776" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTQ2MDMwNjEwNV5BMl5BanBnXkFtZTgwOTkxMzI0MzE@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Song of the Sea", + "Released_Year":"2014", + "Certificate":"PG", + "Runtime":"93 min", + "Genre":"Animation, Adventure, Drama", + "IMDB_Rating":8.1, + "Overview":"Ben, a young Irish boy, and his little sister Saoirse, a girl who can turn into a seal, go on an adventure to free the fairies and save the spirit world.", + "Meta_score":85.0, + "Director":"Tomm Moore", + "Star1":"David Rawle", + "Star2":"Brendan Gleeson", + "Star3":"Lisa Hannigan", + "Star4":"Fionnula Flanagan", + "No_of_Votes":51679, + "Gross":"857,524" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTQ1NDI0NzkyOF5BMl5BanBnXkFtZTcwNzAyNzE2Nw@@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Kahaani", + "Released_Year":"2012", + "Certificate":"UA", + "Runtime":"122 min", + "Genre":"Mystery, Thriller", + "IMDB_Rating":8.1, + "Overview":"A pregnant woman's search for her missing husband takes her from London to Kolkata, but everyone she questions denies having ever met him.", + "Meta_score":null, + "Director":"Sujoy Ghosh", + "Star1":"Vidya Balan", + "Star2":"Parambrata Chattopadhyay", + "Star3":"Indraneil Sengupta", + "Star4":"Nawazuddin Siddiqui", + "No_of_Votes":57806, + "Gross":"1,035,953" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZGFmMjM5OWMtZTRiNC00ODhlLThlYTItYTcyZDMyYmMyYjFjXkEyXkFqcGdeQXVyNDUzOTQ5MjY@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Zindagi Na Milegi Dobara", + "Released_Year":"2011", + "Certificate":"U", + "Runtime":"155 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":8.1, + "Overview":"Three friends decide to turn their fantasy vacation into reality after one of their friends gets engaged.", + "Meta_score":null, + "Director":"Zoya Akhtar", + "Star1":"Hrithik Roshan", + "Star2":"Farhan Akhtar", + "Star3":"Abhay Deol", + "Star4":"Katrina Kaif", + "No_of_Votes":67927, + "Gross":"3,108,485" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTg0NTIzMjQ1NV5BMl5BanBnXkFtZTcwNDc3MzM5OQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Prisoners", + "Released_Year":"2013", + "Certificate":"A", + "Runtime":"153 min", + "Genre":"Crime, Drama, Mystery", + "IMDB_Rating":8.1, + "Overview":"When Keller Dover's daughter and her friend go missing, he takes matters into his own hands as the police pursue multiple leads and the pressure mounts.", + "Meta_score":70.0, + "Director":"Denis Villeneuve", + "Star1":"Hugh Jackman", + "Star2":"Jake Gyllenhaal", + "Star3":"Viola Davis", + "Star4":"Melissa Leo", + "No_of_Votes":601149, + "Gross":"61,002,302" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BN2EwM2I5OWMtMGQyMi00Zjg1LWJkNTctZTdjYTA4OGUwZjMyXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Mad Max: Fury Road", + "Released_Year":"2015", + "Certificate":"UA", + "Runtime":"120 min", + "Genre":"Action, Adventure, Sci-Fi", + "IMDB_Rating":8.1, + "Overview":"In a post-apocalyptic wasteland, a woman rebels against a tyrannical ruler in search for her homeland with the aid of a group of female prisoners, a psychotic worshiper, and a drifter named Max.", + "Meta_score":90.0, + "Director":"George Miller", + "Star1":"Tom Hardy", + "Star2":"Charlize Theron", + "Star3":"Nicholas Hoult", + "Star4":"Zo\u00eb Kravitz", + "No_of_Votes":882316, + "Gross":"154,058,340" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTcwMzdiMWItMjZlOS00MzAzLTg5OTItNTA4OGYyMjBhMmRiXkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"A Wednesday", + "Released_Year":"2008", + "Certificate":"UA", + "Runtime":"104 min", + "Genre":"Action, Crime, Drama", + "IMDB_Rating":8.1, + "Overview":"A retiring police officer reminisces about the most astounding day of his career. About a case that was never filed but continues to haunt him in his memories - the case of a man and a Wednesday.", + "Meta_score":null, + "Director":"Neeraj Pandey", + "Star1":"Anupam Kher", + "Star2":"Naseeruddin Shah", + "Star3":"Jimmy Sheirgill", + "Star4":"Aamir Bashir", + "No_of_Votes":73891, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTc5NTk2OTU1Nl5BMl5BanBnXkFtZTcwMDc3NjAwMg@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Gran Torino", + "Released_Year":"2008", + "Certificate":"R", + "Runtime":"116 min", + "Genre":"Drama", + "IMDB_Rating":8.1, + "Overview":"Disgruntled Korean War veteran Walt Kowalski sets out to reform his neighbor, Thao Lor, a Hmong teenager who tried to steal Kowalski's prized possession: a 1972 Gran Torino.", + "Meta_score":72.0, + "Director":"Clint Eastwood", + "Star1":"Clint Eastwood", + "Star2":"Bee Vang", + "Star3":"Christopher Carley", + "Star4":"Ahney Her", + "No_of_Votes":720450, + "Gross":"148,095,302" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMGVmMWNiMDktYjQ0Mi00MWIxLTk0N2UtN2ZlYTdkN2IzNDNlXkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Harry Potter and the Deathly Hallows: Part 2", + "Released_Year":"2011", + "Certificate":"UA", + "Runtime":"130 min", + "Genre":"Adventure, Drama, Fantasy", + "IMDB_Rating":8.1, + "Overview":"Harry, Ron, and Hermione search for Voldemort's remaining Horcruxes in their effort to destroy the Dark Lord as the final battle rages on at Hogwarts.", + "Meta_score":85.0, + "Director":"David Yates", + "Star1":"Daniel Radcliffe", + "Star2":"Emma Watson", + "Star3":"Rupert Grint", + "Star4":"Michael Gambon", + "No_of_Votes":764493, + "Gross":"381,011,219" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTUzOTcwOTA2NV5BMl5BanBnXkFtZTcwNDczMzczMg@@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Okuribito", + "Released_Year":"2008", + "Certificate":"PG-13", + "Runtime":"130 min", + "Genre":"Drama, Music", + "IMDB_Rating":8.1, + "Overview":"A newly unemployed cellist takes a job preparing the dead for funerals.", + "Meta_score":68.0, + "Director":"Y\u00f4jir\u00f4 Takita", + "Star1":"Masahiro Motoki", + "Star2":"Ry\u00f4ko Hirosue", + "Star3":"Tsutomu Yamazaki", + "Star4":"Kazuko Yoshiyuki", + "No_of_Votes":48582, + "Gross":"1,498,210" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNzE4NDg5OWMtMzg3NC00ZDRjLTllMDMtZTRjNWZmNjBmMGZlXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Hachi: A Dog's Tale", + "Released_Year":"2009", + "Certificate":"G", + "Runtime":"93 min", + "Genre":"Biography, Drama, Family", + "IMDB_Rating":8.1, + "Overview":"A college professor bonds with an abandoned dog he takes into his home.", + "Meta_score":null, + "Director":"Lasse Hallstr\u00f6m", + "Star1":"Richard Gere", + "Star2":"Joan Allen", + "Star3":"Cary-Hiroyuki Tagawa", + "Star4":"Sarah Roemer", + "No_of_Votes":253575, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMDgzYjQwMDMtNGUzYi00MTRmLWIyMGMtNjE1OGZkNzY2YWIzL2ltYWdlXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Mary and Max", + "Released_Year":"2009", + "Certificate":null, + "Runtime":"92 min", + "Genre":"Animation, Comedy, Drama", + "IMDB_Rating":8.1, + "Overview":"A tale of friendship between two unlikely pen pals: Mary, a lonely, eight-year-old girl living in the suburbs of Melbourne, and Max, a forty-four-year old, severely obese man living in New York.", + "Meta_score":null, + "Director":"Adam Elliot", + "Star1":"Toni Collette", + "Star2":"Philip Seymour Hoffman", + "Star3":"Eric Bana", + "Star4":"Barry Humphries", + "No_of_Votes":164462, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjA5NDQyMjc2NF5BMl5BanBnXkFtZTcwMjg5ODcyMw@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"How to Train Your Dragon", + "Released_Year":"2010", + "Certificate":"U", + "Runtime":"98 min", + "Genre":"Animation, Action, Adventure", + "IMDB_Rating":8.1, + "Overview":"A hapless young Viking who aspires to hunt dragons becomes the unlikely friend of a young dragon himself, and learns there may be more to the creatures than he assumed.", + "Meta_score":75.0, + "Director":"Dean DeBlois", + "Star1":"Chris Sanders", + "Star2":"Jay Baruchel", + "Star3":"Gerard Butler", + "Star4":"Christopher Mintz-Plasse", + "No_of_Votes":666773, + "Gross":"217,581,231" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTAwNDEyODU1MjheQTJeQWpwZ15BbWU2MDc3NDQwNw@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Into the Wild", + "Released_Year":"2007", + "Certificate":"R", + "Runtime":"148 min", + "Genre":"Adventure, Biography, Drama", + "IMDB_Rating":8.1, + "Overview":"After graduating from Emory University, top student and athlete Christopher McCandless abandons his possessions, gives his entire $24,000 savings account to charity and hitchhikes to Alaska to live in the wilderness. Along the way, Christopher encounters a series of characters that shape his life.", + "Meta_score":73.0, + "Director":"Sean Penn", + "Star1":"Emile Hirsch", + "Star2":"Vince Vaughn", + "Star3":"Catherine Keener", + "Star4":"Marcia Gay Harden", + "No_of_Votes":572921, + "Gross":"18,354,356" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjA5Njk3MjM4OV5BMl5BanBnXkFtZTcwMTc5MTE1MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"No Country for Old Men", + "Released_Year":"2007", + "Certificate":"R", + "Runtime":"122 min", + "Genre":"Crime, Drama, Thriller", + "IMDB_Rating":8.1, + "Overview":"Violence and mayhem ensue after a hunter stumbles upon a drug deal gone wrong and more than two million dollars in cash near the Rio Grande.", + "Meta_score":91.0, + "Director":"Ethan Coen", + "Star1":"Joel Coen", + "Star2":"Tommy Lee Jones", + "Star3":"Javier Bardem", + "Star4":"Josh Brolin", + "No_of_Votes":856916, + "Gross":"74,283,625" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BN2ZmMDMwODgtMzA5MS00MGU0LWEyYTgtYzQ5MmQzMzU2NTVkXkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Lage Raho Munna Bhai", + "Released_Year":"2006", + "Certificate":"U", + "Runtime":"144 min", + "Genre":"Comedy, Drama, Romance", + "IMDB_Rating":8.1, + "Overview":"Munna Bhai embarks on a journey with Mahatma Gandhi in order to fight against a corrupt property dealer.", + "Meta_score":null, + "Director":"Rajkumar Hirani", + "Star1":"Sanjay Dutt", + "Star2":"Arshad Warsi", + "Star3":"Vidya Balan", + "Star4":"Boman Irani", + "No_of_Votes":43137, + "Gross":"2,217,561" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTkxNzA1NDQxOV5BMl5BanBnXkFtZTcwNTkyMTIzMw@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Million Dollar Baby", + "Released_Year":"2004", + "Certificate":"UA", + "Runtime":"132 min", + "Genre":"Drama, Sport", + "IMDB_Rating":8.1, + "Overview":"A determined woman works with a hardened boxing trainer to become a professional.", + "Meta_score":86.0, + "Director":"Clint Eastwood", + "Star1":"Hilary Swank", + "Star2":"Clint Eastwood", + "Star3":"Morgan Freeman", + "Star4":"Jay Baruchel", + "No_of_Votes":635975, + "Gross":"100,492,203" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZGJjYmIzZmQtNWE4Yy00ZGVmLWJkZGEtMzUzNmQ4ZWFlMjRhXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Hotel Rwanda", + "Released_Year":"2004", + "Certificate":"PG-13", + "Runtime":"121 min", + "Genre":"Biography, Drama, History", + "IMDB_Rating":8.1, + "Overview":"Paul Rusesabagina, a hotel manager, houses over a thousand Tutsi refugees during their struggle against the Hutu militia in Rwanda, Africa.", + "Meta_score":79.0, + "Director":"Terry George", + "Star1":"Don Cheadle", + "Star2":"Sophie Okonedo", + "Star3":"Joaquin Phoenix", + "Star4":"Xolani Mali", + "No_of_Votes":334320, + "Gross":"23,530,892" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjAxZTEzNzQtYjdlNy00ZTJmLTkwZDUtOTAwNTM3YjI2MWUyL2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Taegukgi hwinalrimyeo", + "Released_Year":"2004", + "Certificate":"R", + "Runtime":"140 min", + "Genre":"Action, Drama, War", + "IMDB_Rating":8.1, + "Overview":"When two brothers are forced to fight in the Korean War, the elder decides to take the riskiest missions if it will help shield the younger from battle.", + "Meta_score":64.0, + "Director":"Je-kyu Kang", + "Star1":"Jang Dong-Gun", + "Star2":"Won Bin", + "Star3":"Eun-ju Lee", + "Star4":"Hyeong-jin Kong", + "No_of_Votes":37820, + "Gross":"1,111,061" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTQ1MjAwNTM5Ml5BMl5BanBnXkFtZTYwNDM0MTc3._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Before Sunset", + "Released_Year":"2004", + "Certificate":"R", + "Runtime":"80 min", + "Genre":"Drama, Romance", + "IMDB_Rating":8.1, + "Overview":"Nine years after Jesse and Celine first met, they encounter each other again on the French leg of Jesse's book tour.", + "Meta_score":90.0, + "Director":"Richard Linklater", + "Star1":"Ethan Hawke", + "Star2":"Julie Delpy", + "Star3":"Vernon Dobtcheff", + "Star4":"Louise Lemoine Torr\u00e8s", + "No_of_Votes":236311, + "Gross":"5,820,649" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzQ4MTBlYTQtMzJkYS00OGNjLTk1MWYtNzQ0OTQ0OWEyOWU1XkEyXkFqcGdeQXVyNDgyODgxNjE@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Munna Bhai M.B.B.S.", + "Released_Year":"2003", + "Certificate":"U", + "Runtime":"156 min", + "Genre":"Comedy, Drama, Musical", + "IMDB_Rating":8.1, + "Overview":"A gangster sets out to fulfill his father's dream of becoming a doctor.", + "Meta_score":null, + "Director":"Rajkumar Hirani", + "Star1":"Sanjay Dutt", + "Star2":"Arshad Warsi", + "Star3":"Gracy Singh", + "Star4":"Sunil Dutt", + "No_of_Votes":73992, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOGViNTg4YTktYTQ2Ni00MTU0LTk2NWUtMTI4OTc1YTM0NzQ2XkEyXkFqcGdeQXVyMDM2NDM2MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Salinui chueok", + "Released_Year":"2003", + "Certificate":"UA", + "Runtime":"131 min", + "Genre":"Crime, Drama, Mystery", + "IMDB_Rating":8.1, + "Overview":"In a small Korean province in 1986, two detectives struggle with the case of multiple young women being found raped and murdered by an unknown culprit.", + "Meta_score":82.0, + "Director":"Bong Joon Ho", + "Star1":"Kang-ho Song", + "Star2":"Kim Sang-kyung", + "Star3":"Roe-ha Kim", + "Star4":"Jae-ho Song", + "No_of_Votes":139558, + "Gross":"14,131" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjRjMTYwMTYtMmRkNi00MmVkLWE0MjQtNmM3YjI0NWFhZDNmXkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Dil Chahta Hai", + "Released_Year":"2001", + "Certificate":"Unrated", + "Runtime":"183 min", + "Genre":"Comedy, Drama, Romance", + "IMDB_Rating":8.1, + "Overview":"Three inseparable childhood friends are just out of college. Nothing comes between them - until they each fall in love, and their wildly different approaches to relationships creates tension.", + "Meta_score":null, + "Director":"Farhan Akhtar", + "Star1":"Aamir Khan", + "Star2":"Saif Ali Khan", + "Star3":"Akshaye Khanna", + "Star4":"Preity Zinta", + "No_of_Votes":66803, + "Gross":"300,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNzM3NDFhYTAtYmU5Mi00NGRmLTljYjgtMDkyODQ4MjNkMGY2XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Kill Bill: Vol. 1", + "Released_Year":"2003", + "Certificate":"R", + "Runtime":"111 min", + "Genre":"Action, Crime, Drama", + "IMDB_Rating":8.1, + "Overview":"After awakening from a four-year coma, a former assassin wreaks vengeance on the team of assassins who betrayed her.", + "Meta_score":69.0, + "Director":"Quentin Tarantino", + "Star1":"Uma Thurman", + "Star2":"David Carradine", + "Star3":"Daryl Hannah", + "Star4":"Michael Madsen", + "No_of_Votes":1000639, + "Gross":"70,099,045" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZTAzNWZlNmUtZDEzYi00ZjA5LWIwYjEtZGM1NWE1MjE4YWRhXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Finding Nemo", + "Released_Year":"2003", + "Certificate":"U", + "Runtime":"100 min", + "Genre":"Animation, Adventure, Comedy", + "IMDB_Rating":8.1, + "Overview":"After his son is captured in the Great Barrier Reef and taken to Sydney, a timid clownfish sets out on a journey to bring him home.", + "Meta_score":90.0, + "Director":"Andrew Stanton", + "Star1":"Lee Unkrich", + "Star2":"Albert Brooks", + "Star3":"Ellen DeGeneres", + "Star4":"Alexander Gould", + "No_of_Votes":949565, + "Gross":"380,843,261" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTY5MzYzNjc5NV5BMl5BanBnXkFtZTYwNTUyNTc2._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Catch Me If You Can", + "Released_Year":"2002", + "Certificate":"A", + "Runtime":"141 min", + "Genre":"Biography, Crime, Drama", + "IMDB_Rating":8.1, + "Overview":"Barely 21 yet, Frank is a skilled forger who has passed as a doctor, lawyer and pilot. FBI agent Carl becomes obsessed with tracking down the con man, who only revels in the pursuit.", + "Meta_score":75.0, + "Director":"Steven Spielberg", + "Star1":"Leonardo DiCaprio", + "Star2":"Tom Hanks", + "Star3":"Christopher Walken", + "Star4":"Martin Sheen", + "No_of_Votes":832846, + "Gross":"164,615,351" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjQxMWJhMzMtMzllZi00NzMwLTllYjktNTcwZmU4ZmU3NTA0XkEyXkFqcGdeQXVyMTAzMDM4MjM0._V1_UY98_CR3,0,67,98_AL_.jpg", + "Series_Title":"Amores perros", + "Released_Year":"2000", + "Certificate":"A", + "Runtime":"154 min", + "Genre":"Drama, Thriller", + "IMDB_Rating":8.1, + "Overview":"A horrific car accident connects three stories, each involving characters dealing with loss, regret, and life's harsh realities, all in the name of love.", + "Meta_score":83.0, + "Director":"Alejandro G. I\u00f1\u00e1rritu", + "Star1":"Emilio Echevarr\u00eda", + "Star2":"Gael Garc\u00eda Bernal", + "Star3":"Goya Toledo", + "Star4":"\u00c1lvaro Guerrero", + "No_of_Votes":223741, + "Gross":"5,383,834" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTY1NTI0ODUyOF5BMl5BanBnXkFtZTgwNTEyNjQ0MDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Monsters, Inc.", + "Released_Year":"2001", + "Certificate":"U", + "Runtime":"92 min", + "Genre":"Animation, Adventure, Comedy", + "IMDB_Rating":8.1, + "Overview":"In order to power the city, monsters have to scare children so that they scream. However, the children are toxic to the monsters, and after a child gets through, 2 monsters realize things may not be what they think.", + "Meta_score":79.0, + "Director":"Pete Docter", + "Star1":"David Silverman", + "Star2":"Lee Unkrich", + "Star3":"Billy Crystal", + "Star4":"John Goodman", + "No_of_Votes":815505, + "Gross":"289,916,256" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZjJhMThkNTQtNjkxNy00MDdjLTg4MWQtMTI2MmQ3MDVmODUzXkEyXkFqcGdeQXVyMTAwOTA3NzY3._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Shin seiki Evangelion Gekij\u00f4-ban: Air\/Magokoro wo, kimi ni", + "Released_Year":"1997", + "Certificate":"UA", + "Runtime":"87 min", + "Genre":"Animation, Action, Drama", + "IMDB_Rating":8.1, + "Overview":"Concurrent theatrical ending of the TV series Shin seiki evangerion (1995).", + "Meta_score":null, + "Director":"Hideaki Anno", + "Star1":"Kazuya Tsurumaki", + "Star2":"Megumi Ogata", + "Star3":"Megumi Hayashibara", + "Star4":"Y\u00fbko Miyamura", + "No_of_Votes":38847, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNDYxNWUzZmYtOGQxMC00MTdkLTkxOTctYzkyOGIwNWQxZjhmXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Lagaan: Once Upon a Time in India", + "Released_Year":"2001", + "Certificate":"U", + "Runtime":"224 min", + "Genre":"Adventure, Drama, Musical", + "IMDB_Rating":8.1, + "Overview":"The people of a small village in Victorian India stake their future on a game of cricket against their ruthless British rulers.", + "Meta_score":84.0, + "Director":"Ashutosh Gowariker", + "Star1":"Aamir Khan", + "Star2":"Raghuvir Yadav", + "Star3":"Gracy Singh", + "Star4":"Rachel Shelley", + "No_of_Votes":105036, + "Gross":"70,147" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMWM4NTFhYjctNzUyNi00NGMwLTk3NTYtMDIyNTZmMzRlYmQyXkEyXkFqcGdeQXVyMTAwMzUyOTc@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Sixth Sense", + "Released_Year":"1999", + "Certificate":"A", + "Runtime":"107 min", + "Genre":"Drama, Mystery, Thriller", + "IMDB_Rating":8.1, + "Overview":"A boy who communicates with spirits seeks the help of a disheartened child psychologist.", + "Meta_score":64.0, + "Director":"M. Night Shyamalan", + "Star1":"Bruce Willis", + "Star2":"Haley Joel Osment", + "Star3":"Toni Collette", + "Star4":"Olivia Williams", + "No_of_Votes":911573, + "Gross":"293,506,292" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzIwOTdmNjQtOWQ1ZS00ZWQ4LWIxYTMtOWFkM2NjODJiMGY4L2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNTI4MjkwNjA@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"La leggenda del pianista sull'oceano", + "Released_Year":"1998", + "Certificate":"U", + "Runtime":"169 min", + "Genre":"Drama, Music, Romance", + "IMDB_Rating":8.1, + "Overview":"A baby boy, discovered in 1900 on an ocean liner, grows into a musical prodigy, never setting foot on land.", + "Meta_score":58.0, + "Director":"Giuseppe Tornatore", + "Star1":"Tim Roth", + "Star2":"Pruitt Taylor Vince", + "Star3":"M\u00e9lanie Thierry", + "Star4":"Bill Nunn", + "No_of_Votes":59020, + "Gross":"259,127" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMDIzODcyY2EtMmY2MC00ZWVlLTgwMzAtMjQwOWUyNmJjNTYyXkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Truman Show", + "Released_Year":"1998", + "Certificate":"U", + "Runtime":"103 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":8.1, + "Overview":"An insurance salesman discovers his whole life is actually a reality TV show.", + "Meta_score":90.0, + "Director":"Peter Weir", + "Star1":"Jim Carrey", + "Star2":"Ed Harris", + "Star3":"Laura Linney", + "Star4":"Noah Emmerich", + "No_of_Votes":939631, + "Gross":"125,618,201" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMmExZTZhN2QtMzg5Mi00Y2M5LTlmMWYtNTUzMzUwMGM2OGQ3XkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Crna macka, beli macor", + "Released_Year":"1998", + "Certificate":"R", + "Runtime":"127 min", + "Genre":"Comedy, Crime, Romance", + "IMDB_Rating":8.1, + "Overview":"Matko and his son Zare live on the banks of the Danube river and get by through hustling and basically doing anything to make a living. In order to pay off a business debt Matko agrees to marry off Zare to the sister of a local gangster.", + "Meta_score":73.0, + "Director":"Emir Kusturica", + "Star1":"Bajram Severdzan", + "Star2":"Srdjan 'Zika' Todorovic", + "Star3":"Branka Katic", + "Star4":"Florijan Ajdini", + "No_of_Votes":50862, + "Gross":"348,660" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTQ0NjUzMDMyOF5BMl5BanBnXkFtZTgwODA1OTU0MDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Big Lebowski", + "Released_Year":"1998", + "Certificate":"R", + "Runtime":"117 min", + "Genre":"Comedy, Crime, Sport", + "IMDB_Rating":8.1, + "Overview":"Jeff \"The Dude\" Lebowski, mistaken for a millionaire of the same name, seeks restitution for his ruined rug and enlists his bowling buddies to help get it.", + "Meta_score":71.0, + "Director":"Joel Coen", + "Star1":"Ethan Coen", + "Star2":"Jeff Bridges", + "Star3":"John Goodman", + "Star4":"Julianne Moore", + "No_of_Votes":732620, + "Gross":"17,498,804" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYjZjODRlMjQtMjJlYy00ZDBjLTkyYTQtZGQxZTk5NzJhYmNmXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Fa yeung nin wah", + "Released_Year":"2000", + "Certificate":"U", + "Runtime":"98 min", + "Genre":"Drama, Romance", + "IMDB_Rating":8.1, + "Overview":"Two neighbors, a woman and a man, form a strong bond after both suspect extramarital activities of their spouses. However, they agree to keep their bond platonic so as not to commit similar wrongs.", + "Meta_score":85.0, + "Director":"Kar-Wai Wong", + "Star1":"Tony Chiu-Wai Leung", + "Star2":"Maggie Cheung", + "Star3":"Ping Lam Siu", + "Star4":"Tung Cho 'Joe' Cheung", + "No_of_Votes":124383, + "Gross":"2,734,044" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzA5Zjc3ZTMtMmU5YS00YTMwLWI4MWUtYTU0YTVmNjVmODZhXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Trainspotting", + "Released_Year":"1996", + "Certificate":"A", + "Runtime":"93 min", + "Genre":"Drama", + "IMDB_Rating":8.1, + "Overview":"Renton, deeply immersed in the Edinburgh drug scene, tries to clean up and get out, despite the allure of the drugs and influence of friends.", + "Meta_score":83.0, + "Director":"Danny Boyle", + "Star1":"Ewan McGregor", + "Star2":"Ewen Bremner", + "Star3":"Jonny Lee Miller", + "Star4":"Kevin McKidd", + "No_of_Votes":634716, + "Gross":"16,501,785" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNDJiZDgyZjctYmRjMS00ZjdkLTkwMTEtNGU1NDg3NDQ0Yzk1XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Fargo", + "Released_Year":"1996", + "Certificate":"A", + "Runtime":"98 min", + "Genre":"Crime, Drama, Thriller", + "IMDB_Rating":8.1, + "Overview":"Jerry Lundegaard's inept crime falls apart due to his and his henchmen's bungling and the persistent police work of the quite pregnant Marge Gunderson.", + "Meta_score":85.0, + "Director":"Joel Coen", + "Star1":"Ethan Coen", + "Star2":"William H. Macy", + "Star3":"Frances McDormand", + "Star4":"Steve Buscemi", + "No_of_Votes":617444, + "Gross":"24,611,975" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNzI4YTVmMWEtMWQ3MS00OGE1LWE5YjMtNjc4NWJmYjRmZTQyXkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Underground", + "Released_Year":"1995", + "Certificate":null, + "Runtime":"170 min", + "Genre":"Comedy, Drama, War", + "IMDB_Rating":8.1, + "Overview":"A group of Serbian socialists prepares for the war in a surreal underground filled by parties, tragedies, love and hate.", + "Meta_score":null, + "Director":"Emir Kusturica", + "Star1":"Predrag 'Miki' Manojlovic", + "Star2":"Lazar Ristovski", + "Star3":"Mirjana Jokovic", + "Star4":"Slavko Stimac", + "No_of_Votes":55220, + "Gross":"171,082" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNDNiOTA5YjktY2Q0Ni00ODgzLWE5MWItNGExOWRlYjY2MjBlXkEyXkFqcGdeQXVyNjQ2MjQ5NzM@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"La haine", + "Released_Year":"1995", + "Certificate":"UA", + "Runtime":"98 min", + "Genre":"Crime, Drama", + "IMDB_Rating":8.1, + "Overview":"24 hours in the lives of three young men in the French suburbs the day after a violent riot.", + "Meta_score":null, + "Director":"Mathieu Kassovitz", + "Star1":"Vincent Cassel", + "Star2":"Hubert Kound\u00e9", + "Star3":"Sa\u00efd Taghmaoui", + "Star4":"Abdel Ahmed Ghili", + "No_of_Votes":150345, + "Gross":"309,811" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYmNjYzRlM2YtZTZjZC00ODVmLTljZWMtODg1YmYyNDBiNzU3XkEyXkFqcGdeQXVyNTkzNDQ4ODc@._V1_UY98_CR3,0,67,98_AL_.jpg", + "Series_Title":"Dilwale Dulhania Le Jayenge", + "Released_Year":"1995", + "Certificate":"U", + "Runtime":"189 min", + "Genre":"Drama, Romance", + "IMDB_Rating":8.1, + "Overview":"When Raj meets Simran in Europe, it isn't love at first sight but when Simran moves to India for an arranged marriage, love makes its presence felt.", + "Meta_score":null, + "Director":"Aditya Chopra", + "Star1":"Shah Rukh Khan", + "Star2":"Kajol", + "Star3":"Amrish Puri", + "Star4":"Farida Jalal", + "No_of_Votes":63516, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZDdiZTAwYzAtMDI3Ni00OTRjLTkzN2UtMGE3MDMyZmU4NTU4XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Before Sunrise", + "Released_Year":"1995", + "Certificate":"R", + "Runtime":"101 min", + "Genre":"Drama, Romance", + "IMDB_Rating":8.1, + "Overview":"A young man and woman meet on a train in Europe, and wind up spending one evening together in Vienna. Unfortunately, both know that this will probably be their only night together.", + "Meta_score":77.0, + "Director":"Richard Linklater", + "Star1":"Ethan Hawke", + "Star2":"Julie Delpy", + "Star3":"Andrea Eckert", + "Star4":"Hanno P\u00f6schl", + "No_of_Votes":272291, + "Gross":"5,535,405" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYTg1MmNiMjItMmY4Yy00ZDQ3LThjMzYtZGQ0ZTQzNTdkMGQ1L2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Trois couleurs: Rouge", + "Released_Year":"1994", + "Certificate":"U", + "Runtime":"99 min", + "Genre":"Drama, Mystery, Romance", + "IMDB_Rating":8.1, + "Overview":"A model discovers a retired judge is keen on invading people's privacy.", + "Meta_score":100.0, + "Director":"Krzysztof Kieslowski", + "Star1":"Ir\u00e8ne Jacob", + "Star2":"Jean-Louis Trintignant", + "Star3":"Fr\u00e9d\u00e9rique Feder", + "Star4":"Jean-Pierre Lorit", + "No_of_Votes":90729, + "Gross":"4,043,686" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMGQ5MzljNzYtMDM1My00NmI0LThlYzQtMTg0ZmQ0MTk1YjkxXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Chung Hing sam lam", + "Released_Year":"1994", + "Certificate":"U", + "Runtime":"102 min", + "Genre":"Comedy, Crime, Drama", + "IMDB_Rating":8.1, + "Overview":"Two melancholy Hong Kong policemen fall in love: one with a mysterious female underworld figure, the other with a beautiful and ethereal server at a late-night restaurant he frequents.", + "Meta_score":77.0, + "Director":"Kar-Wai Wong", + "Star1":"Brigitte Lin", + "Star2":"Takeshi Kaneshiro", + "Star3":"Tony Chiu-Wai Leung", + "Star4":"Faye Wong", + "No_of_Votes":63122, + "Gross":"600,200" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjM2MDgxMDg0Nl5BMl5BanBnXkFtZTgwNTM2OTM5NDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Jurassic Park", + "Released_Year":"1993", + "Certificate":"UA", + "Runtime":"127 min", + "Genre":"Action, Adventure, Sci-Fi", + "IMDB_Rating":8.1, + "Overview":"A pragmatic paleontologist visiting an almost complete theme park is tasked with protecting a couple of kids after a power failure causes the park's cloned dinosaurs to run loose.", + "Meta_score":68.0, + "Director":"Steven Spielberg", + "Star1":"Sam Neill", + "Star2":"Laura Dern", + "Star3":"Jeff Goldblum", + "Star4":"Richard Attenborough", + "No_of_Votes":867615, + "Gross":"402,453,882" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMmYyOTgwYWItYmU3Ny00M2E2LTk0NWMtMDVlNmQ0MWZiMTMxXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"In the Name of the Father", + "Released_Year":"1993", + "Certificate":"UA", + "Runtime":"133 min", + "Genre":"Biography, Crime, Drama", + "IMDB_Rating":8.1, + "Overview":"A man's coerced confession to an I.R.A. bombing he did not commit results in the imprisonment of his father as well. An English lawyer fights to free them.", + "Meta_score":84.0, + "Director":"Jim Sheridan", + "Star1":"Daniel Day-Lewis", + "Star2":"Pete Postlethwaite", + "Star3":"Alison Crosbie", + "Star4":"Philip King", + "No_of_Votes":156842, + "Gross":"25,010,410" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYmFhZmM3Y2MtNDA1Ny00NjkzLWJkM2EtYWU1ZjEwYmNjZDQ0XkEyXkFqcGdeQXVyMTMxMTY0OTQ@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Ba wang bie ji", + "Released_Year":"1993", + "Certificate":"R", + "Runtime":"171 min", + "Genre":"Drama, Music, Romance", + "IMDB_Rating":8.1, + "Overview":"Two boys meet at an opera training school in Peking in 1924. Their resulting friendship will span nearly 70 years and will endure some of the most troublesome times in China's history.", + "Meta_score":null, + "Director":"Kaige Chen", + "Star1":"Leslie Cheung", + "Star2":"Fengyi Zhang", + "Star3":"Gong Li", + "Star4":"You Ge", + "No_of_Votes":25088, + "Gross":"5,216,888" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjEzNjY5NDcwNV5BMl5BanBnXkFtZTcwNzEwMzg4NA@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"D\u00e0 h\u00f3ng denglong gaogao gu\u00e0", + "Released_Year":"1991", + "Certificate":"PG", + "Runtime":"125 min", + "Genre":"Drama, History, Romance", + "IMDB_Rating":8.1, + "Overview":"A young woman becomes the fourth wife of a wealthy lord, and must learn to live with the strict rules and tensions within the household.", + "Meta_score":null, + "Director":"Yimou Zhang", + "Star1":"Gong Li", + "Star2":"Jingwu Ma", + "Star3":"Saifei He", + "Star4":"Cuifen Cao", + "No_of_Votes":29662, + "Gross":"2,603,061" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOGYwYWNjMzgtNGU4ZC00NWQ2LWEwZjUtMzE1Zjc3NjY3YTU1XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Dead Poets Society", + "Released_Year":"1989", + "Certificate":"U", + "Runtime":"128 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":8.1, + "Overview":"Maverick teacher John Keating uses poetry to embolden his boarding school students to new heights of self-expression.", + "Meta_score":79.0, + "Director":"Peter Weir", + "Star1":"Robin Williams", + "Star2":"Robert Sean Leonard", + "Star3":"Ethan Hawke", + "Star4":"Josh Charles", + "No_of_Votes":425457, + "Gross":"95,860,116" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODJmY2Y2OGQtMDg2My00N2Q3LWJmZTUtYTc2ODBjZDVlNDlhXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Stand by Me", + "Released_Year":"1986", + "Certificate":"U", + "Runtime":"89 min", + "Genre":"Adventure, Drama", + "IMDB_Rating":8.1, + "Overview":"After the death of one of his friends, a writer recounts a childhood journey with his friends to find the body of a missing boy.", + "Meta_score":75.0, + "Director":"Rob Reiner", + "Star1":"Wil Wheaton", + "Star2":"River Phoenix", + "Star3":"Corey Feldman", + "Star4":"Jerry O'Connell", + "No_of_Votes":363401, + "Gross":"52,287,414" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzRjZjdlMjQtODVkYS00N2YzLWJlYWYtMGVlN2E5MWEwMWQzXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Platoon", + "Released_Year":"1986", + "Certificate":"A", + "Runtime":"120 min", + "Genre":"Drama, War", + "IMDB_Rating":8.1, + "Overview":"Chris Taylor, a neophyte recruit in Vietnam, finds himself caught in a battle of wills between two sergeants, one good and the other evil. A shrewd examination of the brutality of war and the duality of man in conflict.", + "Meta_score":92.0, + "Director":"Oliver Stone", + "Star1":"Charlie Sheen", + "Star2":"Tom Berenger", + "Star3":"Willem Dafoe", + "Star4":"Keith David", + "No_of_Votes":381222, + "Gross":"138,530,565" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BM2RjMmU3ZWItYzBlMy00ZmJkLWE5YzgtNTVkODdhOWM3NGZhXkEyXkFqcGdeQXVyNDA5Mjg5MjA@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Paris, Texas", + "Released_Year":"1984", + "Certificate":"U", + "Runtime":"145 min", + "Genre":"Drama", + "IMDB_Rating":8.1, + "Overview":"Travis Henderson, an aimless drifter who has been missing for four years, wanders out of the desert and must reconnect with society, himself, his life, and his family.", + "Meta_score":78.0, + "Director":"Wim Wenders", + "Star1":"Harry Dean Stanton", + "Star2":"Nastassja Kinski", + "Star3":"Dean Stockwell", + "Star4":"Aurore Cl\u00e9ment", + "No_of_Votes":91188, + "Gross":"2,181,987" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZWFkN2ZhODAtYTNkZS00Y2NjLWIzNDYtNzJjNDNlMzAyNTIyXkEyXkFqcGdeQXVyODEzNjM5OTQ@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Kaze no tani no Naushika", + "Released_Year":"1984", + "Certificate":"U", + "Runtime":"117 min", + "Genre":"Animation, Adventure, Fantasy", + "IMDB_Rating":8.1, + "Overview":"Warrior and pacifist Princess Nausica\u00e4 desperately struggles to prevent two warring nations from destroying themselves and their dying planet.", + "Meta_score":86.0, + "Director":"Hayao Miyazaki", + "Star1":"Sumi Shimamoto", + "Star2":"Mahito Tsujimura", + "Star3":"Hisako Ky\u00f4da", + "Star4":"Gor\u00f4 Naya", + "No_of_Votes":150924, + "Gross":"495,770" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNGViZWZmM2EtNGYzZi00ZDAyLTk3ODMtNzIyZTBjN2Y1NmM1XkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Thing", + "Released_Year":"1982", + "Certificate":"A", + "Runtime":"109 min", + "Genre":"Horror, Mystery, Sci-Fi", + "IMDB_Rating":8.1, + "Overview":"A research team in Antarctica is hunted by a shape-shifting alien that assumes the appearance of its victims.", + "Meta_score":57.0, + "Director":"John Carpenter", + "Star1":"Kurt Russell", + "Star2":"Wilford Brimley", + "Star3":"Keith David", + "Star4":"Richard Masur", + "No_of_Votes":371271, + "Gross":"13,782,838" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZDhlZTYxOTYtYTk3Ny00ZDljLTk3ZmItZTcxZWU5YTIyYmFkXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Pink Floyd: The Wall", + "Released_Year":"1982", + "Certificate":"UA", + "Runtime":"95 min", + "Genre":"Drama, Fantasy, Music", + "IMDB_Rating":8.1, + "Overview":"A confined but troubled rock star descends into madness in the midst of his physical and social isolation from everyone.", + "Meta_score":47.0, + "Director":"Alan Parker", + "Star1":"Bob Geldof", + "Star2":"Christine Hargreaves", + "Star3":"James Laurenson", + "Star4":"Eleanor David", + "No_of_Votes":76081, + "Gross":"22,244,207" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYjIzNTYxMTctZjAwNS00YzI3LWExMGMtMGQxNGM5ZTc1NzhlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Fitzcarraldo", + "Released_Year":"1982", + "Certificate":"R", + "Runtime":"158 min", + "Genre":"Adventure, Drama", + "IMDB_Rating":8.1, + "Overview":"The story of Brian Sweeney Fitzgerald, an extremely determined man who intends to build an opera house in the middle of a jungle.", + "Meta_score":null, + "Director":"Werner Herzog", + "Star1":"Klaus Kinski", + "Star2":"Claudia Cardinale", + "Star3":"Jos\u00e9 Lewgoy", + "Star4":"Miguel \u00c1ngel Fuentes", + "No_of_Votes":31595, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZmQzMDE5ZWQtOTU3ZS00ZjdhLWI0OTctZDNkODk4YThmOTRhL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Fanny och Alexander", + "Released_Year":"1982", + "Certificate":"A", + "Runtime":"188 min", + "Genre":"Drama", + "IMDB_Rating":8.1, + "Overview":"Two young Swedish children experience the many comedies and tragedies of their family, the Ekdahls.", + "Meta_score":100.0, + "Director":"Ingmar Bergman", + "Star1":"Bertil Guve", + "Star2":"Pernilla Allwin", + "Star3":"Kristina Adolphson", + "Star4":"B\u00f6rje Ahlstedt", + "No_of_Votes":57784, + "Gross":"4,971,340" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNzQzMzJhZTEtOWM4NS00MTdhLTg0YjgtMjM4MDRkZjUwZDBlXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Blade Runner", + "Released_Year":"1982", + "Certificate":"UA", + "Runtime":"117 min", + "Genre":"Action, Sci-Fi, Thriller", + "IMDB_Rating":8.1, + "Overview":"A blade runner must pursue and terminate four replicants who stole a ship in space, and have returned to Earth to find their creator.", + "Meta_score":84.0, + "Director":"Ridley Scott", + "Star1":"Harrison Ford", + "Star2":"Rutger Hauer", + "Star3":"Sean Young", + "Star4":"Edward James Olmos", + "No_of_Votes":693827, + "Gross":"32,868,943" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMDVjNjIwOGItNDE3Ny00OThjLWE0NzQtZTU3YjMzZTZjMzhkXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Elephant Man", + "Released_Year":"1980", + "Certificate":"UA", + "Runtime":"124 min", + "Genre":"Biography, Drama", + "IMDB_Rating":8.1, + "Overview":"A Victorian surgeon rescues a heavily disfigured man who is mistreated while scraping a living as a side-show freak. Behind his monstrous fa\u00e7ade, there is revealed a person of kindness, intelligence and sophistication.", + "Meta_score":78.0, + "Director":"David Lynch", + "Star1":"Anthony Hopkins", + "Star2":"John Hurt", + "Star3":"Anne Bancroft", + "Star4":"John Gielgud", + "No_of_Votes":220078, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzAwNjU1OTktYjY3Mi00NDY5LWFlZWUtZjhjNGE0OTkwZDkwXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Life of Brian", + "Released_Year":"1979", + "Certificate":"R", + "Runtime":"94 min", + "Genre":"Comedy", + "IMDB_Rating":8.1, + "Overview":"Born on the original Christmas in the stable next door to Jesus Christ, Brian of Nazareth spends his life being mistaken for a messiah.", + "Meta_score":77.0, + "Director":"Terry Jones", + "Star1":"Graham Chapman", + "Star2":"John Cleese", + "Star3":"Michael Palin", + "Star4":"Terry Gilliam", + "No_of_Votes":367250, + "Gross":"20,045,115" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNDhmNTA0ZDMtYjhkNS00NzEzLWIzYTItOGNkMTVmYjE2YmI3XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Deer Hunter", + "Released_Year":"1978", + "Certificate":"A", + "Runtime":"183 min", + "Genre":"Drama, War", + "IMDB_Rating":8.1, + "Overview":"An in-depth examination of the ways in which the U.S. Vietnam War impacts and disrupts the lives of people in a small industrial town in Pennsylvania.", + "Meta_score":86.0, + "Director":"Michael Cimino", + "Star1":"Robert De Niro", + "Star2":"Christopher Walken", + "Star3":"John Cazale", + "Star4":"John Savage", + "No_of_Votes":311361, + "Gross":"48,979,328" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTY5MDMzODUyOF5BMl5BanBnXkFtZTcwMTQ3NTMyNA@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Rocky", + "Released_Year":"1976", + "Certificate":"U", + "Runtime":"120 min", + "Genre":"Drama, Sport", + "IMDB_Rating":8.1, + "Overview":"A small-time boxer gets a supremely rare chance to fight a heavy-weight champion in a bout in which he strives to go the distance for his self-respect.", + "Meta_score":70.0, + "Director":"John G. Avildsen", + "Star1":"Sylvester Stallone", + "Star2":"Talia Shire", + "Star3":"Burt Young", + "Star4":"Carl Weathers", + "No_of_Votes":518546, + "Gross":"117,235,247" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZGNjYjM2MzItZGQzZi00NmY3LTgxOGUtMTQ2MWQxNWQ2MmMwXkEyXkFqcGdeQXVyNzM0MTUwNTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Network", + "Released_Year":"1976", + "Certificate":"UA", + "Runtime":"121 min", + "Genre":"Drama", + "IMDB_Rating":8.1, + "Overview":"A television network cynically exploits a deranged former anchor's ravings and revelations about the news media for its own profit.", + "Meta_score":83.0, + "Director":"Sidney Lumet", + "Star1":"Faye Dunaway", + "Star2":"William Holden", + "Star3":"Peter Finch", + "Star4":"Robert Duvall", + "No_of_Votes":144911, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNmY0MWY2NDctZDdmMi00MjA1LTk0ZTQtZDMyZTQ1NTNlYzVjXkEyXkFqcGdeQXVyMjUzOTY1NTc@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Barry Lyndon", + "Released_Year":"1975", + "Certificate":"PG", + "Runtime":"185 min", + "Genre":"Adventure, Drama, History", + "IMDB_Rating":8.1, + "Overview":"An Irish rogue wins the heart of a rich widow and assumes her dead husband's aristocratic position in 18th-century England.", + "Meta_score":89.0, + "Director":"Stanley Kubrick", + "Star1":"Ryan O'Neal", + "Star2":"Marisa Berenson", + "Star3":"Patrick Magee", + "Star4":"Hardy Kr\u00fcger", + "No_of_Votes":149843, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTg1MDg3OTk3M15BMl5BanBnXkFtZTgwMDEzMzE5MTE@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Zerkalo", + "Released_Year":"1975", + "Certificate":"G", + "Runtime":"107 min", + "Genre":"Biography, Drama", + "IMDB_Rating":8.1, + "Overview":"A dying man in his forties remembers his past. His childhood, his mother, the war, personal moments and things that tell of the recent history of all the Russian nation.", + "Meta_score":null, + "Director":"Andrei Tarkovsky", + "Star1":"Margarita Terekhova", + "Star2":"Filipp Yankovskiy", + "Star3":"Ignat Daniltsev", + "Star4":"Oleg Yankovskiy", + "No_of_Votes":40081, + "Gross":"177,345" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOGMwYmY5ZmEtMzY1Yi00OWJiLTk1Y2MtMzI2MjBhYmZkNTQ0XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Chinatown", + "Released_Year":"1974", + "Certificate":"UA", + "Runtime":"130 min", + "Genre":"Drama, Mystery, Thriller", + "IMDB_Rating":8.1, + "Overview":"A private detective hired to expose an adulterer finds himself caught up in a web of deceit, corruption, and murder.", + "Meta_score":92.0, + "Director":"Roman Polanski", + "Star1":"Jack Nicholson", + "Star2":"Faye Dunaway", + "Star3":"John Huston", + "Star4":"Perry Lopez", + "No_of_Votes":294230, + "Gross":"29,000,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOWVmYzQwY2MtOTBjNi00MDNhLWI5OGMtN2RiMDYxODI3MjU5XkEyXkFqcGdeQXVyMjUzOTY1NTc@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Paper Moon", + "Released_Year":"1973", + "Certificate":"U", + "Runtime":"102 min", + "Genre":"Comedy, Crime, Drama", + "IMDB_Rating":8.1, + "Overview":"During the Great Depression, a con man finds himself saddled with a young girl who may or may not be his daughter, and the two forge an unlikely partnership.", + "Meta_score":77.0, + "Director":"Peter Bogdanovich", + "Star1":"Ryan O'Neal", + "Star2":"Tatum O'Neal", + "Star3":"Madeline Kahn", + "Star4":"John Hillerman", + "No_of_Votes":42285, + "Gross":"30,933,743" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTg3NzYzOTEtNmE2Ni00M2EyLWJhMjctNjMyMTk4ZTViOGUzXkEyXkFqcGdeQXVyNzQxNDExNTU@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Viskningar och rop", + "Released_Year":"1972", + "Certificate":"A", + "Runtime":"91 min", + "Genre":"Drama", + "IMDB_Rating":8.1, + "Overview":"When a woman dying of cancer in early twentieth-century Sweden is visited by her two sisters, long-repressed feelings between the siblings rise to the surface.", + "Meta_score":null, + "Director":"Ingmar Bergman", + "Star1":"Harriet Andersson", + "Star2":"Liv Ullmann", + "Star3":"Kari Sylwan", + "Star4":"Ingrid Thulin", + "No_of_Votes":30206, + "Gross":"1,742,348" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZmY4Yjc0OWQtZDRhMy00ODc2LWI2NGYtMWFlODYyN2VlNDQyXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Solaris", + "Released_Year":"1972", + "Certificate":"PG", + "Runtime":"167 min", + "Genre":"Drama, Mystery, Sci-Fi", + "IMDB_Rating":8.1, + "Overview":"A psychologist is sent to a station orbiting a distant planet in order to discover what has caused the crew to go insane.", + "Meta_score":90.0, + "Director":"Andrei Tarkovsky", + "Star1":"Natalya Bondarchuk", + "Star2":"Donatas Banionis", + "Star3":"J\u00fcri J\u00e4rvet", + "Star4":"Vladislav Dvorzhetskiy", + "No_of_Votes":81021, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMWFjZjRiM2QtZmRkOC00MDUxLTlhYmQtYmY5ZTNiMTI5Nzc2L2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Le samoura\u00ef", + "Released_Year":"1967", + "Certificate":"GP", + "Runtime":"105 min", + "Genre":"Crime, Drama, Mystery", + "IMDB_Rating":8.1, + "Overview":"After professional hitman Jef Costello is seen by witnesses his efforts to provide himself an alibi drive him further into a corner.", + "Meta_score":null, + "Director":"Jean-Pierre Melville", + "Star1":"Alain Delon", + "Star2":"Fran\u00e7ois P\u00e9rier", + "Star3":"Nathalie Delon", + "Star4":"Cathy Rosier", + "No_of_Votes":45434, + "Gross":"39,481" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOWFlNzZhYmYtYTI5YS00MDQyLWIyNTUtNTRjMWUwNTEzNjA0XkEyXkFqcGdeQXVyNjUwNzk3NDc@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Cool Hand Luke", + "Released_Year":"1967", + "Certificate":"A", + "Runtime":"127 min", + "Genre":"Crime, Drama", + "IMDB_Rating":8.1, + "Overview":"A laid back Southern man is sentenced to two years in a rural prison, but refuses to conform.", + "Meta_score":92.0, + "Director":"Stuart Rosenberg", + "Star1":"Paul Newman", + "Star2":"George Kennedy", + "Star3":"Strother Martin", + "Star4":"J.D. Cannon", + "No_of_Votes":161984, + "Gross":"16,217,773" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTM0YzExY2EtMjUyZi00ZmIwLWFkYTktNjY5NmVkYTdkMjI5XkEyXkFqcGdeQXVyNzQxNDExNTU@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Persona", + "Released_Year":"1966", + "Certificate":null, + "Runtime":"85 min", + "Genre":"Drama, Thriller", + "IMDB_Rating":8.1, + "Overview":"A nurse is put in charge of a mute actress and finds that their personae are melding together.", + "Meta_score":86.0, + "Director":"Ingmar Bergman", + "Star1":"Bibi Andersson", + "Star2":"Liv Ullmann", + "Star3":"Margaretha Krook", + "Star4":"Gunnar Bj\u00f6rnstrand", + "No_of_Votes":103191, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjM2MjMwNzUzN15BMl5BanBnXkFtZTgwMjEzMzE5MTE@._V1_UY98_CR2,0,67,98_AL_.jpg", + "Series_Title":"Andrei Rublev", + "Released_Year":"1966", + "Certificate":"R", + "Runtime":"205 min", + "Genre":"Biography, Drama, History", + "IMDB_Rating":8.1, + "Overview":"The life, times and afflictions of the fifteenth-century Russian iconographer St. Andrei Rublev.", + "Meta_score":null, + "Director":"Andrei Tarkovsky", + "Star1":"Anatoliy Solonitsyn", + "Star2":"Ivan Lapikov", + "Star3":"Nikolay Grinko", + "Star4":"Nikolay Sergeev", + "No_of_Votes":46947, + "Gross":"102,021" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZWEzMGY4OTQtYTdmMy00M2QwLTliYTQtYWUzYzc3OTA5YzIwXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"La battaglia di Algeri", + "Released_Year":"1966", + "Certificate":null, + "Runtime":"121 min", + "Genre":"Drama, War", + "IMDB_Rating":8.1, + "Overview":"In the 1950s, fear and violence escalate as the people of Algiers fight for independence from the French government.", + "Meta_score":96.0, + "Director":"Gillo Pontecorvo", + "Star1":"Brahim Hadjadj", + "Star2":"Jean Martin", + "Star3":"Yacef Saadi", + "Star4":"Samia Kerbash", + "No_of_Votes":53089, + "Gross":"55,908" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZTg3M2ExY2EtZmI5Yy00YWM1LTg4NzItZWEzZTgxNzE2MjhhXkEyXkFqcGdeQXVyNDE5MTU2MDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"El \u00e1ngel exterminador", + "Released_Year":"1962", + "Certificate":null, + "Runtime":"95 min", + "Genre":"Drama, Fantasy", + "IMDB_Rating":8.1, + "Overview":"The guests at an upper-class dinner party find themselves unable to leave.", + "Meta_score":null, + "Director":"Luis Bu\u00f1uel", + "Star1":"Silvia Pinal", + "Star2":"Jacqueline Andere", + "Star3":"Enrique Rambal", + "Star4":"Jos\u00e9 Baviera", + "No_of_Votes":29682, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZmI0M2VmNTgtMWVhYS00Zjg1LTk1YTYtNmJmMjRkZmMwYTc2XkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"What Ever Happened to Baby Jane?", + "Released_Year":"1962", + "Certificate":"Passed", + "Runtime":"134 min", + "Genre":"Drama, Horror, Thriller", + "IMDB_Rating":8.1, + "Overview":"A former child star torments her paraplegic sister in their decaying Hollywood mansion.", + "Meta_score":75.0, + "Director":"Robert Aldrich", + "Star1":"Bette Davis", + "Star2":"Joan Crawford", + "Star3":"Victor Buono", + "Star4":"Wesley Addy", + "No_of_Votes":50058, + "Gross":"4,050,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZmY3MDlmODctYTY3Yi00NzYyLWIxNTUtYjVlZWZjMmMwZTBkXkEyXkFqcGdeQXVyMzAxNjg3MjQ@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Sanjuro", + "Released_Year":"1962", + "Certificate":"U", + "Runtime":"96 min", + "Genre":"Action, Comedy, Crime", + "IMDB_Rating":8.1, + "Overview":"A crafty samurai helps a young man and his fellow clansmen save his uncle, who has been framed and imprisoned by a corrupt superintendent.", + "Meta_score":null, + "Director":"Akira Kurosawa", + "Star1":"Toshir\u00f4 Mifune", + "Star2":"Tatsuya Nakadai", + "Star3":"Keiju Kobayashi", + "Star4":"Y\u00fbnosuke It\u00f4", + "No_of_Votes":33044, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMGEyNzhkYzktMGMyZS00YzRiLWJlYjktZjJkOTU5ZDY0ZGI4XkEyXkFqcGdeQXVyNjUwNzk3NDc@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Man Who Shot Liberty Valance", + "Released_Year":"1962", + "Certificate":null, + "Runtime":"123 min", + "Genre":"Drama, Western", + "IMDB_Rating":8.1, + "Overview":"A senator returns to a western town for the funeral of an old friend and tells the story of his origins.", + "Meta_score":94.0, + "Director":"John Ford", + "Star1":"James Stewart", + "Star2":"John Wayne", + "Star3":"Vera Miles", + "Star4":"Lee Marvin", + "No_of_Votes":68827, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYTYzYzBhYjQtNDQxYS00MmUwLTkyZjgtZWVkOWFjNzE5OTI2XkEyXkFqcGdeQXVyNjMxMjkwMjI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Ivanovo detstvo", + "Released_Year":"1962", + "Certificate":null, + "Runtime":"95 min", + "Genre":"Drama, War", + "IMDB_Rating":8.1, + "Overview":"In WW2, twelve year old Soviet orphan Ivan Bondarev works for the Soviet army as a scout behind the German lines and strikes a friendship with three sympathetic Soviet officers.", + "Meta_score":null, + "Director":"Andrei Tarkovsky", + "Star1":"Eduard Abalov", + "Star2":"Nikolay Burlyaev", + "Star3":"Valentin Zubkov", + "Star4":"Evgeniy Zharikov", + "No_of_Votes":31728, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZjgyMzZkMGUtNTBhZC00OTkzLWI4ZmMtYzcwMzc5MjQ0YTM3XkEyXkFqcGdeQXVyMTMxMTY0OTQ@._V1_UY98_CR3,0,67,98_AL_.jpg", + "Series_Title":"Jungfruk\u00e4llan", + "Released_Year":"1960", + "Certificate":"A", + "Runtime":"89 min", + "Genre":"Drama", + "IMDB_Rating":8.1, + "Overview":"An innocent yet pampered young virgin and her family's pregnant and jealous servant set out to deliver candles to church, but only one returns from events that transpire in the woods along the way.", + "Meta_score":null, + "Director":"Ingmar Bergman", + "Star1":"Max von Sydow", + "Star2":"Birgitta Valberg", + "Star3":"Gunnel Lindblom", + "Star4":"Birgitta Pettersson", + "No_of_Votes":26697, + "Gross":"1,526,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMGQ5ODNkNWYtYTgxZS00YjJkLThhODAtYzUwNGNiYjRmNjdkXkEyXkFqcGdeQXVyMTg2NTc4MzA@._V1_UY98_CR4,0,67,98_AL_.jpg", + "Series_Title":"Inherit the Wind", + "Released_Year":"1960", + "Certificate":"Passed", + "Runtime":"128 min", + "Genre":"Biography, Drama, History", + "IMDB_Rating":8.1, + "Overview":"Based on a real-life case in 1925, two great lawyers argue the case for and against a science teacher accused of the crime of teaching evolution.", + "Meta_score":75.0, + "Director":"Stanley Kramer", + "Star1":"Spencer Tracy", + "Star2":"Fredric March", + "Star3":"Gene Kelly", + "Star4":"Dick York", + "No_of_Votes":27254, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYTQ4MjA4NmYtYjRhNi00MTEwLTg0NjgtNjk3ODJlZGU4NjRkL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UY98_CR3,0,67,98_AL_.jpg", + "Series_Title":"Les quatre cents coups", + "Released_Year":"1959", + "Certificate":null, + "Runtime":"99 min", + "Genre":"Crime, Drama", + "IMDB_Rating":8.1, + "Overview":"A young boy, left without attention, delves into a life of petty crime.", + "Meta_score":null, + "Director":"Fran\u00e7ois Truffaut", + "Star1":"Jean-Pierre L\u00e9aud", + "Star2":"Albert R\u00e9my", + "Star3":"Claire Maurier", + "Star4":"Guy Decomble", + "No_of_Votes":105291, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjgxY2JiZDYtZmMwOC00ZmJjLWJmODUtMTNmNWNmYWI5ODkwL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Ben-Hur", + "Released_Year":"1959", + "Certificate":"U", + "Runtime":"212 min", + "Genre":"Adventure, Drama, History", + "IMDB_Rating":8.1, + "Overview":"After a Jewish prince is betrayed and sent into slavery by a Roman friend, he regains his freedom and comes back for revenge.", + "Meta_score":90.0, + "Director":"William Wyler", + "Star1":"Charlton Heston", + "Star2":"Jack Hawkins", + "Star3":"Stephen Boyd", + "Star4":"Haya Harareet", + "No_of_Votes":219466, + "Gross":"74,700,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYjJkN2Y5MTktZDRhOS00NTUwLWFiMzEtMTVlNWU4ODM0Y2E5XkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Kakushi-toride no san-akunin", + "Released_Year":"1958", + "Certificate":null, + "Runtime":"139 min", + "Genre":"Adventure, Drama", + "IMDB_Rating":8.1, + "Overview":"Lured by gold, two greedy peasants unknowingly escort a princess and her general across enemy lines.", + "Meta_score":null, + "Director":"Akira Kurosawa", + "Star1":"Toshir\u00f4 Mifune", + "Star2":"Misa Uehara", + "Star3":"Minoru Chiaki", + "Star4":"Kamatari Fujiwara", + "No_of_Votes":34797, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTdhNmUxZmQtNmMwNC00MzE3LWE1MTUtZDgxZTYwYjEzZjcwXkEyXkFqcGdeQXVyNTA1NjYyMDk@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Le notti di Cabiria", + "Released_Year":"1957", + "Certificate":null, + "Runtime":"110 min", + "Genre":"Drama", + "IMDB_Rating":8.1, + "Overview":"A waifish prostitute wanders the streets of Rome looking for true love but finds only heartbreak.", + "Meta_score":null, + "Director":"Federico Fellini", + "Star1":"Giulietta Masina", + "Star2":"Fran\u00e7ois P\u00e9rier", + "Star3":"Franca Marzi", + "Star4":"Dorian Gray", + "No_of_Votes":42940, + "Gross":"752,045" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNGYxZjA2M2ItYTRmNS00NzRmLWJkYzgtYTdiNGFlZDI5ZjNmXkEyXkFqcGdeQXVyNDE5MTU2MDE@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Kumonosu-j\u00f4", + "Released_Year":"1957", + "Certificate":null, + "Runtime":"110 min", + "Genre":"Drama, History", + "IMDB_Rating":8.1, + "Overview":"A war-hardened general, egged on by his ambitious wife, works to fulfill a prophecy that he would become lord of Spider's Web Castle.", + "Meta_score":null, + "Director":"Akira Kurosawa", + "Star1":"Toshir\u00f4 Mifune", + "Star2":"Minoru Chiaki", + "Star3":"Isuzu Yamada", + "Star4":"Takashi Shimura", + "No_of_Votes":46678, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMGVhNjhjODktODgxYS00MDdhLTlkZjktYTkyNzQxMTU0ZDYxXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Bridge on the River Kwai", + "Released_Year":"1957", + "Certificate":"PG", + "Runtime":"161 min", + "Genre":"Adventure, Drama, War", + "IMDB_Rating":8.1, + "Overview":"British POWs are forced to build a railway bridge across the river Kwai for their Japanese captors, not knowing that the allied forces are planning to destroy it.", + "Meta_score":87.0, + "Director":"David Lean", + "Star1":"William Holden", + "Star2":"Alec Guinness", + "Star3":"Jack Hawkins", + "Star4":"Sessue Hayakawa", + "No_of_Votes":203463, + "Gross":"44,908,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BY2I0MWFiZDMtNWQyYy00Njk5LTk3MDktZjZjNTNmZmVkYjkxXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"On the Waterfront", + "Released_Year":"1954", + "Certificate":"A", + "Runtime":"108 min", + "Genre":"Crime, Drama, Thriller", + "IMDB_Rating":8.1, + "Overview":"An ex-prize fighter turned longshoreman struggles to stand up to his corrupt union bosses.", + "Meta_score":91.0, + "Director":"Elia Kazan", + "Star1":"Marlon Brando", + "Star2":"Karl Malden", + "Star3":"Lee J. Cobb", + "Star4":"Rod Steiger", + "No_of_Votes":142107, + "Gross":"9,600,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZDdkNzMwZmUtY2Q5MS00ZmM2LWJhYjItYTBjMWY0MGM4MDRjXkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Le salaire de la peur", + "Released_Year":"1953", + "Certificate":"U", + "Runtime":"131 min", + "Genre":"Adventure, Drama, Thriller", + "IMDB_Rating":8.1, + "Overview":"In a decrepit South American village, four men are hired to transport an urgent nitroglycerine shipment without the equipment that would make it safe.", + "Meta_score":85.0, + "Director":"Henri-Georges Clouzot", + "Star1":"Yves Montand", + "Star2":"Charles Vanel", + "Star3":"Peter van Eyck", + "Star4":"Folco Lulli", + "No_of_Votes":54588, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNDUzZjlhZTYtN2E5MS00ODQ3LWI1ZjgtNzdiZmI0NTZiZTljXkEyXkFqcGdeQXVyMjI4MjA5MzA@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Ace in the Hole", + "Released_Year":"1951", + "Certificate":"Approved", + "Runtime":"111 min", + "Genre":"Drama, Film-Noir", + "IMDB_Rating":8.1, + "Overview":"A frustrated former big-city journalist now stuck working for an Albuquerque newspaper exploits a story about a man trapped in a cave to rekindle his career, but the situation quickly escalates into an out-of-control circus.", + "Meta_score":72.0, + "Director":"Billy Wilder", + "Star1":"Kirk Douglas", + "Star2":"Jan Sterling", + "Star3":"Robert Arthur", + "Star4":"Porter Hall", + "No_of_Votes":31568, + "Gross":"3,969,893" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZmI5NTA3MjItYzdhMi00MWMxLTg3OWMtYWQyYjg5MTFmM2U0L2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"White Heat", + "Released_Year":"1949", + "Certificate":null, + "Runtime":"114 min", + "Genre":"Action, Crime, Drama", + "IMDB_Rating":8.1, + "Overview":"A psychopathic criminal with a mother complex makes a daring break from prison and leads his old gang in a chemical plant payroll heist.", + "Meta_score":null, + "Director":"Raoul Walsh", + "Star1":"James Cagney", + "Star2":"Virginia Mayo", + "Star3":"Edmond O'Brien", + "Star4":"Margaret Wycherly", + "No_of_Votes":29807, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYjE2OTdhMWUtOGJlMy00ZDViLWIzZjgtYjZkZGZmMDZjYmEyXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Third Man", + "Released_Year":"1949", + "Certificate":"Approved", + "Runtime":"104 min", + "Genre":"Film-Noir, Mystery, Thriller", + "IMDB_Rating":8.1, + "Overview":"Pulp novelist Holly Martins travels to shadowy, postwar Vienna, only to find himself investigating the mysterious death of an old friend, Harry Lime.", + "Meta_score":97.0, + "Director":"Carol Reed", + "Star1":"Orson Welles", + "Star2":"Joseph Cotten", + "Star3":"Alida Valli", + "Star4":"Trevor Howard", + "No_of_Votes":158731, + "Gross":"449,191" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOWRmNGEwZjUtZjEwNS00OGZmLThhMmEtZTJlMTU5MGQ3ZWUwXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Red Shoes", + "Released_Year":"1948", + "Certificate":null, + "Runtime":"135 min", + "Genre":"Drama, Music, Romance", + "IMDB_Rating":8.1, + "Overview":"A young ballet dancer is torn between the man she loves and her pursuit to become a prima ballerina.", + "Meta_score":null, + "Director":"Michael Powell", + "Star1":"Emeric Pressburger", + "Star2":"Anton Walbrook", + "Star3":"Marius Goring", + "Star4":"Moira Shearer", + "No_of_Votes":30935, + "Gross":"10,900,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNzc1MTcyNTQ5N15BMl5BanBnXkFtZTgwMzgwMDI0MjE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Shop Around the Corner", + "Released_Year":"1940", + "Certificate":null, + "Runtime":"99 min", + "Genre":"Comedy, Drama, Romance", + "IMDB_Rating":8.1, + "Overview":"Two employees at a gift shop can barely stand each other, without realizing that they are falling in love through the post as each other's anonymous pen pal.", + "Meta_score":96.0, + "Director":"Ernst Lubitsch", + "Star1":"Margaret Sullavan", + "Star2":"James Stewart", + "Star3":"Frank Morgan", + "Star4":"Joseph Schildkraut", + "No_of_Votes":28450, + "Gross":"203,300" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYTcxYWExOTMtMWFmYy00ZjgzLWI0YjktNWEzYzJkZTg0NDdmL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Rebecca", + "Released_Year":"1940", + "Certificate":"Approved", + "Runtime":"130 min", + "Genre":"Drama, Mystery, Romance", + "IMDB_Rating":8.1, + "Overview":"A self-conscious woman juggles adjusting to her new role as an aristocrat's wife and avoiding being intimidated by his first wife's spectral presence.", + "Meta_score":86.0, + "Director":"Alfred Hitchcock", + "Star1":"Laurence Olivier", + "Star2":"Joan Fontaine", + "Star3":"George Sanders", + "Star4":"Judith Anderson", + "No_of_Votes":123942, + "Gross":"4,360,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZTYwYjYxYzgtMDE1Ni00NzU4LWJlMTEtODQ5YmJmMGJhZjI5L2ltYWdlXkEyXkFqcGdeQXVyMDI2NDg0NQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Mr. Smith Goes to Washington", + "Released_Year":"1939", + "Certificate":"Passed", + "Runtime":"129 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":8.1, + "Overview":"A naive man is appointed to fill a vacancy in the United States Senate. His plans promptly collide with political corruption, but he doesn't back down.", + "Meta_score":73.0, + "Director":"Frank Capra", + "Star1":"James Stewart", + "Star2":"Jean Arthur", + "Star3":"Claude Rains", + "Star4":"Edward Arnold", + "No_of_Votes":107017, + "Gross":"9,600,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYjUyZWZkM2UtMzYxYy00ZmQ3LWFmZTQtOGE2YjBkNjA3YWZlXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Gone with the Wind", + "Released_Year":"1939", + "Certificate":"U", + "Runtime":"238 min", + "Genre":"Drama, History, Romance", + "IMDB_Rating":8.1, + "Overview":"A manipulative woman and a roguish man conduct a turbulent romance during the American Civil War and Reconstruction periods.", + "Meta_score":97.0, + "Director":"Victor Fleming", + "Star1":"George Cukor", + "Star2":"Sam Wood", + "Star3":"Clark Gable", + "Star4":"Vivien Leigh", + "No_of_Votes":290074, + "Gross":"198,676,459" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTg3MTI5NTk0N15BMl5BanBnXkFtZTgwMjU1MDM5MTE@._V1_UY98_CR2,0,67,98_AL_.jpg", + "Series_Title":"La Grande Illusion", + "Released_Year":"1937", + "Certificate":null, + "Runtime":"113 min", + "Genre":"Drama, War", + "IMDB_Rating":8.1, + "Overview":"During WWI, two French soldiers are captured and imprisoned in a German P.O.W. camp. Several escape attempts follow until they are eventually sent to a seemingly inescapable fortress.", + "Meta_score":null, + "Director":"Jean Renoir", + "Star1":"Jean Gabin", + "Star2":"Dita Parlo", + "Star3":"Pierre Fresnay", + "Star4":"Erich von Stroheim", + "No_of_Votes":33829, + "Gross":"172,885" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYzJmMWE5NjAtNWMyZS00NmFiLWIwMDgtZDE2NzczYWFhNzIzXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"It Happened One Night", + "Released_Year":"1934", + "Certificate":"Approved", + "Runtime":"105 min", + "Genre":"Comedy, Romance", + "IMDB_Rating":8.1, + "Overview":"A renegade reporter and a crazy young heiress meet on a bus heading for New York, and end up stuck with each other when the bus leaves them behind at one of the stops.", + "Meta_score":87.0, + "Director":"Frank Capra", + "Star1":"Clark Gable", + "Star2":"Claudette Colbert", + "Star3":"Walter Connolly", + "Star4":"Roscoe Karns", + "No_of_Votes":94016, + "Gross":"4,360,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjBjNDJiYTUtOWY0OS00OGVmLTg2YzctMTE0NzVhODM1ZWJmXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"La passion de Jeanne d'Arc", + "Released_Year":"1928", + "Certificate":"Passed", + "Runtime":"110 min", + "Genre":"Biography, Drama, History", + "IMDB_Rating":8.1, + "Overview":"In 1431, Jeanne d'Arc is placed on trial on charges of heresy. The ecclesiastical jurists attempt to force Jeanne to recant her claims of holy visions.", + "Meta_score":null, + "Director":"Carl Theodor Dreyer", + "Star1":"Maria Falconetti", + "Star2":"Eugene Silvain", + "Star3":"Andr\u00e9 Berley", + "Star4":"Maurice Schutz", + "No_of_Votes":47676, + "Gross":"21,877" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BM2QwYWQ0MWMtNzcwOC00N2Q2LWE1MDEtZmQxZjhiM2U1YzFhXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Circus", + "Released_Year":"1928", + "Certificate":"Passed", + "Runtime":"72 min", + "Genre":"Comedy, Romance", + "IMDB_Rating":8.1, + "Overview":"The Tramp finds work and the girl of his dreams at a circus.", + "Meta_score":90.0, + "Director":"Charles Chaplin", + "Star1":"Charles Chaplin", + "Star2":"Merna Kennedy", + "Star3":"Al Ernest Garcia", + "Star4":"Harry Crocker", + "No_of_Votes":30205, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNDVkYmYwM2ItNzRiMy00NWQ4LTlhMjMtNDI1ZDYyOGVmMzJjXkEyXkFqcGdeQXVyNTgzMzU5MDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Sunrise: A Song of Two Humans", + "Released_Year":"1927", + "Certificate":"Passed", + "Runtime":"94 min", + "Genre":"Drama, Romance", + "IMDB_Rating":8.1, + "Overview":"An allegorical tale about a man fighting the good and evil within him. Both sides are made flesh - one a sophisticated woman he is attracted to and the other his wife.", + "Meta_score":null, + "Director":"F.W. Murnau", + "Star1":"George O'Brien", + "Star2":"Janet Gaynor", + "Star3":"Margaret Livingston", + "Star4":"Bodil Rosing", + "No_of_Votes":46865, + "Gross":"539,540" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYmRiMDFlYjYtOTMwYy00OGY2LWE0Y2QtYzQxOGNhZmUwNTIxXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The General", + "Released_Year":"1926", + "Certificate":"Passed", + "Runtime":"67 min", + "Genre":"Action, Adventure, Comedy", + "IMDB_Rating":8.1, + "Overview":"When Union spies steal an engineer's beloved locomotive, he pursues it single-handedly and straight through enemy lines.", + "Meta_score":null, + "Director":"Clyde Bruckman", + "Star1":"Buster Keaton", + "Star2":"Buster Keaton", + "Star3":"Marion Mack", + "Star4":"Glen Cavender", + "No_of_Votes":81156, + "Gross":"1,033,895" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNWJiNGJiMTEtMGM3OC00ZWNlLTgwZTgtMzdhNTRiZjk5MTQ1XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Das Cabinet des Dr. Caligari", + "Released_Year":"1920", + "Certificate":null, + "Runtime":"76 min", + "Genre":"Fantasy, Horror, Mystery", + "IMDB_Rating":8.1, + "Overview":"Hypnotist Dr. Caligari uses a somnambulist, Cesare, to commit murders.", + "Meta_score":null, + "Director":"Robert Wiene", + "Star1":"Werner Krauss", + "Star2":"Conrad Veidt", + "Star3":"Friedrich Feher", + "Star4":"Lil Dagover", + "No_of_Votes":57428, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjZlMDdmN2YtYThmZi00NGQzLTk0ZTQtNTUyZDFmODExOGNiXkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Badhaai ho", + "Released_Year":"2018", + "Certificate":"UA", + "Runtime":"124 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":8.0, + "Overview":"A man is embarrassed when he finds out his mother is pregnant.", + "Meta_score":null, + "Director":"Amit Ravindernath Sharma", + "Star1":"Ayushmann Khurrana", + "Star2":"Neena Gupta", + "Star3":"Gajraj Rao", + "Star4":"Sanya Malhotra", + "No_of_Votes":27978, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjJkYTc5N2UtMGRlMC00M2FmLTk0ZWMtOTYxNDUwNjI2YzljXkEyXkFqcGdeQXVyNDg4NjY5OTQ@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Togo", + "Released_Year":"2019", + "Certificate":"U", + "Runtime":"113 min", + "Genre":"Adventure, Biography, Drama", + "IMDB_Rating":8.0, + "Overview":"The story of Togo, the sled dog who led the 1925 serum run yet was considered by most to be too small and weak to lead such an intense race.", + "Meta_score":69.0, + "Director":"Ericson Core", + "Star1":"Willem Dafoe", + "Star2":"Julianne Nicholson", + "Star3":"Christopher Heyerdahl", + "Star4":"Richard Dormer", + "No_of_Votes":37556, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMGE1ZTkyOTMtMTdiZS00YzI2LTlmYWQtOTE5YWY0NWVlNjlmXkEyXkFqcGdeQXVyNjQ3ODkxMjE@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Airlift", + "Released_Year":"2016", + "Certificate":"UA", + "Runtime":"130 min", + "Genre":"Drama, History", + "IMDB_Rating":8.0, + "Overview":"When Iraq invades Kuwait in August 1990, a callous Indian businessman becomes the spokesperson for more than 170,000 stranded countrymen.", + "Meta_score":null, + "Director":"Raja Menon", + "Star1":"Akshay Kumar", + "Star2":"Nimrat Kaur", + "Star3":"Kumud Mishra", + "Star4":"Prakash Belawadi", + "No_of_Votes":52897, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjE1NjQ5ODc2NV5BMl5BanBnXkFtZTgwOTM5ODIxNjE@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Bajrangi Bhaijaan", + "Released_Year":"2015", + "Certificate":"UA", + "Runtime":"163 min", + "Genre":"Action, Adventure, Comedy", + "IMDB_Rating":8.0, + "Overview":"An Indian man with a magnanimous heart takes a young mute Pakistani girl back to her homeland to reunite her with her family.", + "Meta_score":null, + "Director":"Kabir Khan", + "Star1":"Salman Khan", + "Star2":"Harshaali Malhotra", + "Star3":"Nawazuddin Siddiqui", + "Star4":"Kareena Kapoor", + "No_of_Votes":72245, + "Gross":"8,178,001" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYTdhNjBjZDctYTlkYy00ZGIxLWFjYTktODk5ZjNlMzI4NjI3XkEyXkFqcGdeQXVyMjY1MjkzMjE@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Baby", + "Released_Year":"2015", + "Certificate":"UA", + "Runtime":"159 min", + "Genre":"Action, Crime, Thriller", + "IMDB_Rating":8.0, + "Overview":"An elite counter-intelligence unit learns of a plot, masterminded by a maniacal madman. With the clock ticking, it's up to them to track the terrorists' international tentacles and prevent them from striking at the heart of India.", + "Meta_score":null, + "Director":"Neeraj Pandey", + "Star1":"Akshay Kumar", + "Star2":"Danny Denzongpa", + "Star3":"Rana Daggubati", + "Star4":"Taapsee Pannu", + "No_of_Votes":52848, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzUzNDM2NzM2MV5BMl5BanBnXkFtZTgwNTM3NTg4OTE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"La La Land", + "Released_Year":"2016", + "Certificate":"A", + "Runtime":"128 min", + "Genre":"Comedy, Drama, Music", + "IMDB_Rating":8.0, + "Overview":"While navigating their careers in Los Angeles, a pianist and an actress fall in love while attempting to reconcile their aspirations for the future.", + "Meta_score":94.0, + "Director":"Damien Chazelle", + "Star1":"Ryan Gosling", + "Star2":"Emma Stone", + "Star3":"Rosemarie DeWitt", + "Star4":"J.K. Simmons", + "No_of_Votes":505918, + "Gross":"151,101,803" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjA3NjkzNjg2MF5BMl5BanBnXkFtZTgwMDkyMzgzMDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Lion", + "Released_Year":"2016", + "Certificate":"U", + "Runtime":"118 min", + "Genre":"Biography, Drama", + "IMDB_Rating":8.0, + "Overview":"A five-year-old Indian boy is adopted by an Australian couple after getting lost hundreds of kilometers from home. 25 years later, he sets out to find his lost family.", + "Meta_score":69.0, + "Director":"Garth Davis", + "Star1":"Dev Patel", + "Star2":"Nicole Kidman", + "Star3":"Rooney Mara", + "Star4":"Sunny Pawar", + "No_of_Votes":213970, + "Gross":"51,739,495" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTc2MTQ3MDA1Nl5BMl5BanBnXkFtZTgwODA3OTI4NjE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Martian", + "Released_Year":"2015", + "Certificate":"UA", + "Runtime":"144 min", + "Genre":"Adventure, Drama, Sci-Fi", + "IMDB_Rating":8.0, + "Overview":"An astronaut becomes stranded on Mars after his team assume him dead, and must rely on his ingenuity to find a way to signal to Earth that he is alive.", + "Meta_score":80.0, + "Director":"Ridley Scott", + "Star1":"Matt Damon", + "Star2":"Jessica Chastain", + "Star3":"Kristen Wiig", + "Star4":"Kate Mara", + "No_of_Votes":760094, + "Gross":"228,433,663" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTMyMjEyNzIzMV5BMl5BanBnXkFtZTgwNzIyNjU0NzE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Zootopia", + "Released_Year":"2016", + "Certificate":"U", + "Runtime":"108 min", + "Genre":"Animation, Adventure, Comedy", + "IMDB_Rating":8.0, + "Overview":"In a city of anthropomorphic animals, a rookie bunny cop and a cynical con artist fox must work together to uncover a conspiracy.", + "Meta_score":78.0, + "Director":"Byron Howard", + "Star1":"Rich Moore", + "Star2":"Jared Bush", + "Star3":"Ginnifer Goodwin", + "Star4":"Jason Bateman", + "No_of_Votes":434143, + "Gross":"341,268,248" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYWVlMjVhZWYtNWViNC00ODFkLTk1MmItYjU1MDY5ZDdhMTU3XkEyXkFqcGdeQXVyODIwMDI1NjM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"B\u00e3hubali: The Beginning", + "Released_Year":"2015", + "Certificate":"UA", + "Runtime":"159 min", + "Genre":"Action, Drama", + "IMDB_Rating":8.0, + "Overview":"In ancient India, an adventurous and daring man becomes involved in a decades-old feud between two warring peoples.", + "Meta_score":null, + "Director":"S.S. Rajamouli", + "Star1":"Prabhas", + "Star2":"Rana Daggubati", + "Star3":"Ramya Krishnan", + "Star4":"Sathyaraj", + "No_of_Votes":102972, + "Gross":"6,738,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNThmMWMyMWMtOWRiNy00MGY0LTg1OTUtNjYzODg2MjdlZGU5XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Kaguyahime no monogatari", + "Released_Year":"2013", + "Certificate":"U", + "Runtime":"137 min", + "Genre":"Animation, Adventure, Drama", + "IMDB_Rating":8.0, + "Overview":"Found inside a shining stalk of bamboo by an old bamboo cutter and his wife, a tiny girl grows rapidly into an exquisite young lady. The mysterious young princess enthralls all who encounter her, but ultimately she must confront her fate, the punishment for her crime.", + "Meta_score":89.0, + "Director":"Isao Takahata", + "Star1":"Chlo\u00eb Grace Moretz", + "Star2":"James Caan", + "Star3":"Mary Steenburgen", + "Star4":"James Marsden", + "No_of_Votes":38746, + "Gross":"1,506,975" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYjFhOWY0OTgtNDkzMC00YWJkLTk1NGEtYWUxNjhmMmQ5ZjYyXkEyXkFqcGdeQXVyMjMxOTE0ODA@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Wonder", + "Released_Year":"2017", + "Certificate":"U", + "Runtime":"113 min", + "Genre":"Drama, Family", + "IMDB_Rating":8.0, + "Overview":"Based on the New York Times bestseller, this movie tells the incredibly inspiring and heartwarming story of August Pullman, a boy with facial differences who enters the fifth grade, attending a mainstream elementary school for the first time.", + "Meta_score":66.0, + "Director":"Stephen Chbosky", + "Star1":"Jacob Tremblay", + "Star2":"Owen Wilson", + "Star3":"Izabela Vidovic", + "Star4":"Julia Roberts", + "No_of_Votes":141923, + "Gross":"132,422,809" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZDkzMTQ1YTMtMWY4Ny00MzExLTkzYzEtNzZhOTczNzU2NTU1XkEyXkFqcGdeQXVyODY3NjMyMDU@._V1_UY98_CR4,0,67,98_AL_.jpg", + "Series_Title":"Gully Boy", + "Released_Year":"2019", + "Certificate":"UA", + "Runtime":"154 min", + "Genre":"Drama, Music, Romance", + "IMDB_Rating":8.0, + "Overview":"A coming-of-age story based on the lives of street rappers in Mumbai.", + "Meta_score":65.0, + "Director":"Zoya Akhtar", + "Star1":"Vijay Varma", + "Star2":"Nakul Roshan Sahdev", + "Star3":"Ranveer Singh", + "Star4":"Vijay Raaz", + "No_of_Votes":31886, + "Gross":"5,566,534" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTQ1NDI5MjMzNF5BMl5BanBnXkFtZTcwMTc0MDQwOQ@@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Special Chabbis", + "Released_Year":"2013", + "Certificate":"UA", + "Runtime":"144 min", + "Genre":"Crime, Drama, Thriller", + "IMDB_Rating":8.0, + "Overview":"A gang of con-men rob prominent rich businessmen and politicians by posing as C.B.I and income tax officers.", + "Meta_score":null, + "Director":"Neeraj Pandey", + "Star1":"Akshay Kumar", + "Star2":"Anupam Kher", + "Star3":"Manoj Bajpayee", + "Star4":"Jimmy Sheirgill", + "No_of_Votes":51069, + "Gross":"1,079,369" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTEwNjE2OTM4NDZeQTJeQWpwZ15BbWU3MDE2MTE4OTk@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Short Term 12", + "Released_Year":"2013", + "Certificate":"R", + "Runtime":"96 min", + "Genre":"Drama", + "IMDB_Rating":8.0, + "Overview":"A 20-something supervising staff member of a residential treatment facility navigates the troubled waters of that world alongside her co-worker and longtime boyfriend.", + "Meta_score":82.0, + "Director":"Destin Daniel Cretton", + "Star1":"Brie Larson", + "Star2":"Frantz Turner", + "Star3":"John Gallagher Jr.", + "Star4":"Kaitlyn Dever", + "No_of_Votes":81770, + "Gross":"1,010,414" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTg5MTE2NjA4OV5BMl5BanBnXkFtZTgwMTUyMjczMTE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Serbuan maut 2: Berandal", + "Released_Year":"2014", + "Certificate":"A", + "Runtime":"150 min", + "Genre":"Action, Crime, Thriller", + "IMDB_Rating":8.0, + "Overview":"Only a short time after the first raid, Rama goes undercover with the thugs of Jakarta and plans to bring down the syndicate and uncover the corruption within his police force.", + "Meta_score":71.0, + "Director":"Gareth Evans", + "Star1":"Iko Uwais", + "Star2":"Yayan Ruhian", + "Star3":"Arifin Putra", + "Star4":"Oka Antara", + "No_of_Votes":114316, + "Gross":"2,625,803" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTgwMzFiMWYtZDhlNS00ODNkLWJiODAtZDVhNzgyNzJhYjQ4L2ltYWdlXkEyXkFqcGdeQXVyNzEzOTYxNTQ@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Imitation Game", + "Released_Year":"2014", + "Certificate":"UA", + "Runtime":"114 min", + "Genre":"Biography, Drama, Thriller", + "IMDB_Rating":8.0, + "Overview":"During World War II, the English mathematical genius Alan Turing tries to crack the German Enigma code with help from fellow mathematicians.", + "Meta_score":73.0, + "Director":"Morten Tyldum", + "Star1":"Benedict Cumberbatch", + "Star2":"Keira Knightley", + "Star3":"Matthew Goode", + "Star4":"Allen Leech", + "No_of_Votes":685201, + "Gross":"91,125,683" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTAwMjU5OTgxNjZeQTJeQWpwZ15BbWU4MDUxNDYxODEx._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Guardians of the Galaxy", + "Released_Year":"2014", + "Certificate":"UA", + "Runtime":"121 min", + "Genre":"Action, Adventure, Comedy", + "IMDB_Rating":8.0, + "Overview":"A group of intergalactic criminals must pull together to stop a fanatical warrior with plans to purge the universe.", + "Meta_score":76.0, + "Director":"James Gunn", + "Star1":"Chris Pratt", + "Star2":"Vin Diesel", + "Star3":"Bradley Cooper", + "Star4":"Zoe Saldana", + "No_of_Votes":1043455, + "Gross":"333,176,600" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNzA1Njg4NzYxOV5BMl5BanBnXkFtZTgwODk5NjU3MzI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Blade Runner 2049", + "Released_Year":"2017", + "Certificate":"UA", + "Runtime":"164 min", + "Genre":"Action, Drama, Mystery", + "IMDB_Rating":8.0, + "Overview":"Young Blade Runner K's discovery of a long-buried secret leads him to track down former Blade Runner Rick Deckard, who's been missing for thirty years.", + "Meta_score":81.0, + "Director":"Denis Villeneuve", + "Star1":"Harrison Ford", + "Star2":"Ryan Gosling", + "Star3":"Ana de Armas", + "Star4":"Dave Bautista", + "No_of_Votes":461823, + "Gross":"92,054,159" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjA1Nzk0OTM2OF5BMl5BanBnXkFtZTgwNjU2NjEwMDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Her", + "Released_Year":"2013", + "Certificate":"A", + "Runtime":"126 min", + "Genre":"Drama, Romance, Sci-Fi", + "IMDB_Rating":8.0, + "Overview":"In a near future, a lonely writer develops an unlikely relationship with an operating system designed to meet his every need.", + "Meta_score":90.0, + "Director":"Spike Jonze", + "Star1":"Joaquin Phoenix", + "Star2":"Amy Adams", + "Star3":"Scarlett Johansson", + "Star4":"Rooney Mara", + "No_of_Votes":540772, + "Gross":"25,568,251" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTA2NDc3Njg5NDVeQTJeQWpwZ15BbWU4MDc1NDcxNTUz._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Bohemian Rhapsody", + "Released_Year":"2018", + "Certificate":"UA", + "Runtime":"134 min", + "Genre":"Biography, Drama, Music", + "IMDB_Rating":8.0, + "Overview":"The story of the legendary British rock band Queen and lead singer Freddie Mercury, leading up to their famous performance at Live Aid (1985).", + "Meta_score":49.0, + "Director":"Bryan Singer", + "Star1":"Rami Malek", + "Star2":"Lucy Boynton", + "Star3":"Gwilym Lee", + "Star4":"Ben Hardy", + "No_of_Votes":450349, + "Gross":"216,428,042" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMDE5OWMzM2QtOTU2ZS00NzAyLWI2MDEtOTRlYjIxZGM0OWRjXkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Revenant", + "Released_Year":"2015", + "Certificate":"A", + "Runtime":"156 min", + "Genre":"Action, Adventure, Drama", + "IMDB_Rating":8.0, + "Overview":"A frontiersman on a fur trading expedition in the 1820s fights for survival after being mauled by a bear and left for dead by members of his own hunting team.", + "Meta_score":76.0, + "Director":"Alejandro G. I\u00f1\u00e1rritu", + "Star1":"Leonardo DiCaprio", + "Star2":"Tom Hardy", + "Star3":"Will Poulter", + "Star4":"Domhnall Gleeson", + "No_of_Votes":705589, + "Gross":"183,637,894" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZThjMmQ5YjktMTUyMC00MjljLWJmMTAtOWIzNDIzY2VhNzQ0XkEyXkFqcGdeQXVyMTAyNjg4NjE0._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Perks of Being a Wallflower", + "Released_Year":"2012", + "Certificate":"UA", + "Runtime":"103 min", + "Genre":"Drama, Romance", + "IMDB_Rating":8.0, + "Overview":"An introvert freshman is taken under the wings of two seniors who welcome him to the real world", + "Meta_score":67.0, + "Director":"Stephen Chbosky", + "Star1":"Logan Lerman", + "Star2":"Emma Watson", + "Star3":"Ezra Miller", + "Star4":"Paul Rudd", + "No_of_Votes":462252, + "Gross":"17,738,570" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjEzMzMxOTUyNV5BMl5BanBnXkFtZTcwNjI3MDc5Ng@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Tropa de Elite 2: O Inimigo Agora \u00e9 Outro", + "Released_Year":"2010", + "Certificate":null, + "Runtime":"115 min", + "Genre":"Action, Crime, Drama", + "IMDB_Rating":8.0, + "Overview":"After a prison riot, former-Captain Nascimento, now a high ranking security officer in Rio de Janeiro, is swept into a bloody political dispute that involves government officials and paramilitary groups.", + "Meta_score":71.0, + "Director":"Jos\u00e9 Padilha", + "Star1":"Wagner Moura", + "Star2":"Irandhir Santos", + "Star3":"Andr\u00e9 Ramiro", + "Star4":"Milhem Cortaz", + "No_of_Votes":79200, + "Gross":"100,119" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzU5MjEwMTg2Nl5BMl5BanBnXkFtZTcwNzM3MTYxNA@@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"The King's Speech", + "Released_Year":"2010", + "Certificate":"U", + "Runtime":"118 min", + "Genre":"Biography, Drama, History", + "IMDB_Rating":8.0, + "Overview":"The story of King George VI, his impromptu ascension to the throne of the British Empire in 1936, and the speech therapist who helped the unsure monarch overcome his stammer.", + "Meta_score":88.0, + "Director":"Tom Hooper", + "Star1":"Colin Firth", + "Star2":"Geoffrey Rush", + "Star3":"Helena Bonham Carter", + "Star4":"Derek Jacobi", + "No_of_Votes":639603, + "Gross":"138,797,449" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTM5OTMyMjIxOV5BMl5BanBnXkFtZTcwNzU4MjIwNQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Help", + "Released_Year":"2011", + "Certificate":"UA", + "Runtime":"146 min", + "Genre":"Drama", + "IMDB_Rating":8.0, + "Overview":"An aspiring author during the civil rights movement of the 1960s decides to write a book detailing the African American maids' point of view on the white families for which they work, and the hardships they go through on a daily basis.", + "Meta_score":62.0, + "Director":"Tate Taylor", + "Star1":"Emma Stone", + "Star2":"Viola Davis", + "Star3":"Octavia Spencer", + "Star4":"Bryce Dallas Howard", + "No_of_Votes":428521, + "Gross":"169,708,112" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYzE5MjY1ZDgtMTkyNC00MTMyLThhMjAtZGI5OTE1NzFlZGJjXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Deadpool", + "Released_Year":"2016", + "Certificate":"R", + "Runtime":"108 min", + "Genre":"Action, Adventure, Comedy", + "IMDB_Rating":8.0, + "Overview":"A wisecracking mercenary gets experimented on and becomes immortal but ugly, and sets out to track down the man who ruined his looks.", + "Meta_score":65.0, + "Director":"Tim Miller", + "Star1":"Ryan Reynolds", + "Star2":"Morena Baccarin", + "Star3":"T.J. Miller", + "Star4":"Ed Skrein", + "No_of_Votes":902669, + "Gross":"363,070,709" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTQ0MzQxODQ0MV5BMl5BanBnXkFtZTgwNTQ0NzY4NDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Darbareye Elly", + "Released_Year":"2009", + "Certificate":"TV-PG", + "Runtime":"119 min", + "Genre":"Drama, Mystery", + "IMDB_Rating":8.0, + "Overview":"The mysterious disappearance of a kindergarten teacher during a picnic in the north of Iran is followed by a series of misadventures for her fellow travelers.", + "Meta_score":87.0, + "Director":"Asghar Farhadi", + "Star1":"Golshifteh Farahani", + "Star2":"Shahab Hosseini", + "Star3":"Taraneh Alidoosti", + "Star4":"Merila Zare'i", + "No_of_Votes":45803, + "Gross":"106,662" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYjU1NjczNzYtYmFjOC00NzkxLTg4YTUtNGYzMTk3NTU0ZDE3XkEyXkFqcGdeQXVyNDUzOTQ5MjY@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Dev.D", + "Released_Year":"2009", + "Certificate":"A", + "Runtime":"144 min", + "Genre":"Drama, Romance", + "IMDB_Rating":8.0, + "Overview":"After breaking up with his childhood sweetheart, a young man finds solace in drugs. Meanwhile, a teenage girl is caught in the world of prostitution. Will they be destroyed, or will they find redemption?", + "Meta_score":null, + "Director":"Anurag Kashyap", + "Star1":"Abhay Deol", + "Star2":"Mahie Gill", + "Star3":"Kalki Koechlin", + "Star4":"Dibyendu Bhattacharya", + "No_of_Votes":28749, + "Gross":"10,950" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNTFmMjM3M2UtOTIyZC00Zjk3LTkzODUtYTdhNGRmNzFhYzcyXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Yip Man", + "Released_Year":"2008", + "Certificate":"R", + "Runtime":"106 min", + "Genre":"Action, Biography, Drama", + "IMDB_Rating":8.0, + "Overview":"During the Japanese invasion of China, a wealthy martial artist is forced to leave his home when his city is occupied. With little means of providing for themselves, Ip Man and the remaining members of the city must find a way to survive.", + "Meta_score":59.0, + "Director":"Wilson Yip", + "Star1":"Donnie Yen", + "Star2":"Simon Yam", + "Star3":"Siu-Wong Fan", + "Star4":"Ka Tung Lam", + "No_of_Votes":211427, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTUyMTA4NDYzMV5BMl5BanBnXkFtZTcwMjk5MzcxMw@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"My Name Is Khan", + "Released_Year":"2010", + "Certificate":"UA", + "Runtime":"165 min", + "Genre":"Drama", + "IMDB_Rating":8.0, + "Overview":"An Indian Muslim man with Asperger's syndrome takes a challenge to speak to the President of the United States seriously and embarks on a cross-country journey.", + "Meta_score":50.0, + "Director":"Karan Johar", + "Star1":"Shah Rukh Khan", + "Star2":"Kajol", + "Star3":"Sheetal Menon", + "Star4":"Katie A. Keane", + "No_of_Votes":98575, + "Gross":"4,018,695" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjE2NjEyMDg0M15BMl5BanBnXkFtZTcwODYyODg5Mg@@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Nefes: Vatan Sagolsun", + "Released_Year":"2009", + "Certificate":null, + "Runtime":"128 min", + "Genre":"Action, Drama, Thriller", + "IMDB_Rating":8.0, + "Overview":"Story of 40-man Turkish task force who must defend a relay station.", + "Meta_score":null, + "Director":"Levent Semerci", + "Star1":"Erdem Can", + "Star2":"Mete Horozoglu", + "Star3":"Ilker Kizmaz", + "Star4":"Baris Bagci", + "No_of_Votes":31838, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZmNjZWI3NzktYWI1Mi00OTAyLWJkNTYtMzUwYTFlZDA0Y2UwXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Slumdog Millionaire", + "Released_Year":"2008", + "Certificate":"UA", + "Runtime":"120 min", + "Genre":"Drama, Romance", + "IMDB_Rating":8.0, + "Overview":"A Mumbai teenager reflects on his life after being accused of cheating on the Indian version of \"Who Wants to be a Millionaire?\".", + "Meta_score":84.0, + "Director":"Danny Boyle", + "Star1":"Loveleen Tandan", + "Star2":"Dev Patel", + "Star3":"Freida Pinto", + "Star4":"Saurabh Shukla", + "No_of_Votes":798882, + "Gross":"141,319,928" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNzY2NzI4OTE5MF5BMl5BanBnXkFtZTcwMjMyNDY4Mw@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Black Swan", + "Released_Year":"2010", + "Certificate":"A", + "Runtime":"108 min", + "Genre":"Drama, Thriller", + "IMDB_Rating":8.0, + "Overview":"A committed dancer struggles to maintain her sanity after winning the lead role in a production of Tchaikovsky's \"Swan Lake\".", + "Meta_score":79.0, + "Director":"Darren Aronofsky", + "Star1":"Natalie Portman", + "Star2":"Mila Kunis", + "Star3":"Vincent Cassel", + "Star4":"Winona Ryder", + "No_of_Votes":699673, + "Gross":"106,954,678" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYmI1ODU5ZjMtNWUyNC00YzllLThjNzktODE1M2E4OTVmY2E5XkEyXkFqcGdeQXVyMTExNzQzMDE0._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Tropa de Elite", + "Released_Year":"2007", + "Certificate":"R", + "Runtime":"115 min", + "Genre":"Action, Crime, Drama", + "IMDB_Rating":8.0, + "Overview":"In 1997 Rio de Janeiro, Captain Nascimento has to find a substitute for his position while trying to take down drug dealers and criminals before the Pope visits.", + "Meta_score":33.0, + "Director":"Jos\u00e9 Padilha", + "Star1":"Wagner Moura", + "Star2":"Andr\u00e9 Ramiro", + "Star3":"Caio Junqueira", + "Star4":"Milhem Cortaz", + "No_of_Votes":98097, + "Gross":"8,060" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNDYxNjQyMjAtNTdiOS00NGYwLWFmNTAtNThmYjU5ZGI2YTI1XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Avengers", + "Released_Year":"2012", + "Certificate":"UA", + "Runtime":"143 min", + "Genre":"Action, Adventure, Sci-Fi", + "IMDB_Rating":8.0, + "Overview":"Earth's mightiest heroes must come together and learn to fight as a team if they are going to stop the mischievous Loki and his alien army from enslaving humanity.", + "Meta_score":69.0, + "Director":"Joss Whedon", + "Star1":"Robert Downey Jr.", + "Star2":"Chris Evans", + "Star3":"Scarlett Johansson", + "Star4":"Jeremy Renner", + "No_of_Votes":1260806, + "Gross":"623,279,547" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMGRkZThmYzEtYjQxZC00OWEzLThjYjAtYzFkMjY0NGZkZWI4XkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Persepolis", + "Released_Year":"2007", + "Certificate":"PG-13", + "Runtime":"96 min", + "Genre":"Animation, Biography, Drama", + "IMDB_Rating":8.0, + "Overview":"A precocious and outspoken Iranian girl grows up during the Islamic Revolution.", + "Meta_score":90.0, + "Director":"Vincent Paronnaud", + "Star1":"Marjane Satrapi", + "Star2":"Chiara Mastroianni", + "Star3":"Catherine Deneuve", + "Star4":"Gena Rowlands", + "No_of_Votes":88656, + "Gross":"4,445,756" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTYwMTA4MzgyNF5BMl5BanBnXkFtZTgwMjEyMjE0MDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Dallas Buyers Club", + "Released_Year":"2013", + "Certificate":"R", + "Runtime":"117 min", + "Genre":"Biography, Drama", + "IMDB_Rating":8.0, + "Overview":"In 1985 Dallas, electrician and hustler Ron Woodroof works around the system to help AIDS patients get the medication they need after he is diagnosed with the disease.", + "Meta_score":80.0, + "Director":"Jean-Marc Vall\u00e9e", + "Star1":"Matthew McConaughey", + "Star2":"Jennifer Garner", + "Star3":"Jared Leto", + "Star4":"Steve Zahn", + "No_of_Votes":441614, + "Gross":"27,298,285" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTQ5NjQ0NDI3NF5BMl5BanBnXkFtZTcwNDI0MjEzMw@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Pursuit of Happyness", + "Released_Year":"2006", + "Certificate":"U", + "Runtime":"117 min", + "Genre":"Biography, Drama", + "IMDB_Rating":8.0, + "Overview":"A struggling salesman takes custody of his son as he's poised to begin a life-changing professional career.", + "Meta_score":64.0, + "Director":"Gabriele Muccino", + "Star1":"Will Smith", + "Star2":"Thandie Newton", + "Star3":"Jaden Smith", + "Star4":"Brian Howe", + "No_of_Votes":448930, + "Gross":"163,566,459" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZDMxOGZhNWYtMzRlYy00Mzk5LWJjMjEtNmQ4NDU4M2QxM2UzXkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Blood Diamond", + "Released_Year":"2006", + "Certificate":"A", + "Runtime":"143 min", + "Genre":"Adventure, Drama, Thriller", + "IMDB_Rating":8.0, + "Overview":"A fisherman, a smuggler, and a syndicate of businessmen match wits over the possession of a priceless diamond.", + "Meta_score":64.0, + "Director":"Edward Zwick", + "Star1":"Leonardo DiCaprio", + "Star2":"Djimon Hounsou", + "Star3":"Jennifer Connelly", + "Star4":"Kagiso Kuypers", + "No_of_Votes":499439, + "Gross":"57,366,262" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNGNiNmU2YTMtZmU4OS00MjM0LTlmYWUtMjVlYjAzYjE2N2RjXkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Bourne Ultimatum", + "Released_Year":"2007", + "Certificate":"UA", + "Runtime":"115 min", + "Genre":"Action, Mystery, Thriller", + "IMDB_Rating":8.0, + "Overview":"Jason Bourne dodges a ruthless C.I.A. official and his Agents from a new assassination program while searching for the origins of his life as a trained killer.", + "Meta_score":85.0, + "Director":"Paul Greengrass", + "Star1":"Matt Damon", + "Star2":"Edgar Ram\u00edrez", + "Star3":"Joan Allen", + "Star4":"Julia Stiles", + "No_of_Votes":604694, + "Gross":"227,471,070" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTM1ODIwNzM5OV5BMl5BanBnXkFtZTcwNjk5MDkyMQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Bin-jip", + "Released_Year":"2004", + "Certificate":"U", + "Runtime":"88 min", + "Genre":"Crime, Drama, Romance", + "IMDB_Rating":8.0, + "Overview":"A transient young man breaks into empty homes to partake of the vacationing residents' lives for a few days.", + "Meta_score":72.0, + "Director":"Ki-duk Kim", + "Star1":"Seung-Yun Lee", + "Star2":"Hee Jae", + "Star3":"Hyuk-ho Kwon", + "Star4":"Jin-mo Joo", + "No_of_Votes":50610, + "Gross":"238,507" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODZmYjMwNzEtNzVhNC00ZTRmLTk2M2UtNzE1MTQ2ZDAxNjc2XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Sin City", + "Released_Year":"2005", + "Certificate":"A", + "Runtime":"124 min", + "Genre":"Crime, Thriller", + "IMDB_Rating":8.0, + "Overview":"A movie that explores the dark and miserable town, Basin City, tells the story of three different people, all caught up in violent corruption.", + "Meta_score":74.0, + "Director":"Frank Miller", + "Star1":"Quentin Tarantino", + "Star2":"Robert Rodriguez", + "Star3":"Mickey Rourke", + "Star4":"Clive Owen", + "No_of_Votes":738512, + "Gross":"74,103,820" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTc3MjkzMDkxN15BMl5BanBnXkFtZTcwODAyMTU1MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Le scaphandre et le papillon", + "Released_Year":"2007", + "Certificate":"PG-13", + "Runtime":"112 min", + "Genre":"Biography, Drama", + "IMDB_Rating":8.0, + "Overview":"The true story of Elle editor Jean-Dominique Bauby who suffers a stroke and has to live with an almost totally paralyzed body; only his left eye isn't paralyzed.", + "Meta_score":92.0, + "Director":"Julian Schnabel", + "Star1":"Laura Obiols", + "Star2":"Mathieu Amalric", + "Star3":"Emmanuelle Seigner", + "Star4":"Marie-Jos\u00e9e Croze", + "No_of_Votes":103284, + "Gross":"5,990,075" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjE0MTY2MDI3NV5BMl5BanBnXkFtZTcwNTc1MzEzMQ@@._V1_UY98_CR2,0,67,98_AL_.jpg", + "Series_Title":"G.O.R.A.", + "Released_Year":"2004", + "Certificate":null, + "Runtime":"127 min", + "Genre":"Adventure, Comedy, Sci-Fi", + "IMDB_Rating":8.0, + "Overview":"A slick young Turk kidnapped by extraterrestrials shows his great \u00ab humanitarian spirit \u00bb by outwitting the evil commander-in-chief of the planet of G.O.R.A.", + "Meta_score":null, + "Director":"\u00d6mer Faruk Sorak", + "Star1":"Cem Yilmaz", + "Star2":"\u00d6zge \u00d6zberk", + "Star3":"Ozan G\u00fcven", + "Star4":"Safak Sezer", + "No_of_Votes":56960, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTMzODU0NTkxMF5BMl5BanBnXkFtZTcwMjQ4MzMzMw@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Ratatouille", + "Released_Year":"2007", + "Certificate":"U", + "Runtime":"111 min", + "Genre":"Animation, Adventure, Comedy", + "IMDB_Rating":8.0, + "Overview":"A rat who can cook makes an unusual alliance with a young kitchen worker at a famous restaurant.", + "Meta_score":96.0, + "Director":"Brad Bird", + "Star1":"Jan Pinkava", + "Star2":"Brad Garrett", + "Star3":"Lou Romano", + "Star4":"Patton Oswalt", + "No_of_Votes":641645, + "Gross":"206,445,654" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMDI5ZWJhOWItYTlhOC00YWNhLTlkNzctNDU5YTI1M2E1MWZhXkEyXkFqcGdeQXVyNTIzOTk5ODM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Casino Royale", + "Released_Year":"2006", + "Certificate":"PG-13", + "Runtime":"144 min", + "Genre":"Action, Adventure, Thriller", + "IMDB_Rating":8.0, + "Overview":"After earning 00 status and a licence to kill, Secret Agent James Bond sets out on his first mission as 007. Bond must defeat a private banker funding terrorists in a high-stakes game of poker at Casino Royale, Montenegro.", + "Meta_score":80.0, + "Director":"Martin Campbell", + "Star1":"Daniel Craig", + "Star2":"Eva Green", + "Star3":"Judi Dench", + "Star4":"Jeffrey Wright", + "No_of_Votes":582239, + "Gross":"167,445,960" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNmFiYmJmN2QtNWQwMi00MzliLThiOWMtZjQxNGRhZTQ1MjgyXkEyXkFqcGdeQXVyNzQ1ODk3MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Kill Bill: Vol. 2", + "Released_Year":"2004", + "Certificate":"A", + "Runtime":"137 min", + "Genre":"Action, Crime, Thriller", + "IMDB_Rating":8.0, + "Overview":"The Bride continues her quest of vengeance against her former boss and lover Bill, the reclusive bouncer Budd, and the treacherous, one-eyed Elle.", + "Meta_score":83.0, + "Director":"Quentin Tarantino", + "Star1":"Uma Thurman", + "Star2":"David Carradine", + "Star3":"Michael Madsen", + "Star4":"Daryl Hannah", + "No_of_Votes":683900, + "Gross":"66,208,183" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYmViZTY1OWEtMTQxMy00OGQ5LTgzZjAtYTQzOTYxNjliYTI4XkEyXkFqcGdeQXVyNjkxOTM4ODY@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Vozvrashchenie", + "Released_Year":"2003", + "Certificate":null, + "Runtime":"110 min", + "Genre":"Drama", + "IMDB_Rating":8.0, + "Overview":"In the Russian wilderness, two brothers face a range of new, conflicting emotions when their father - a man they know only through a single photograph - resurfaces.", + "Meta_score":82.0, + "Director":"Andrey Zvyagintsev", + "Star1":"Vladimir Garin", + "Star2":"Ivan Dobronravov", + "Star3":"Konstantin Lavronenko", + "Star4":"Nataliya Vdovina", + "No_of_Votes":42399, + "Gross":"502,028" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZGYxOTRlM2MtNWRjZS00NDk2LWExM2EtMDFiYTgyMGJkZGYyXkEyXkFqcGdeQXVyMTA1NTM1NDI2._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Bom Yeoareum Gaeul Gyeoul Geurigo Bom", + "Released_Year":"2003", + "Certificate":"R", + "Runtime":"103 min", + "Genre":"Drama, Romance", + "IMDB_Rating":8.0, + "Overview":"A boy is raised by a Buddhist monk in an isolated floating temple where the years pass like the seasons.", + "Meta_score":85.0, + "Director":"Ki-duk Kim", + "Star1":"Ki-duk Kim", + "Star2":"Yeong-su Oh", + "Star3":"Jong-ho Kim", + "Star4":"Kim Young-Min", + "No_of_Votes":77520, + "Gross":"2,380,788" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjE0NDk2NjgwMV5BMl5BanBnXkFtZTYwMTgyMzA3._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Mar adentro", + "Released_Year":"2014", + "Certificate":"U", + "Runtime":"126 min", + "Genre":"Biography, Drama", + "IMDB_Rating":8.0, + "Overview":"The factual story of Spaniard Ramon Sampedro, who fought a thirty-year campaign in favor of euthanasia and his own right to die.", + "Meta_score":74.0, + "Director":"Alejandro Amen\u00e1bar", + "Star1":"Javier Bardem", + "Star2":"Bel\u00e9n Rueda", + "Star3":"Lola Due\u00f1as", + "Star4":"Mabel Rivera", + "No_of_Votes":77554, + "Gross":"2,086,345" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODEyYmQxZjUtZGQ0NS00ZTAwLTkwOGQtNGY2NzEwMWE0MDc3XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Cinderella Man", + "Released_Year":"2005", + "Certificate":"UA", + "Runtime":"144 min", + "Genre":"Biography, Drama, History", + "IMDB_Rating":8.0, + "Overview":"The story of James J. Braddock, a supposedly washed-up boxer who came back to become a champion and an inspiration in the 1930s.", + "Meta_score":69.0, + "Director":"Ron Howard", + "Star1":"Russell Crowe", + "Star2":"Ren\u00e9e Zellweger", + "Star3":"Craig Bierko", + "Star4":"Paul Giamatti", + "No_of_Votes":176151, + "Gross":"61,649,911" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYmVjNDIxODAtNWZiZi00ZDBlLWJmOTUtNDNjMGExNTViMzE1XkEyXkFqcGdeQXVyNTE0MDc0NTM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Kal Ho Naa Ho", + "Released_Year":"2003", + "Certificate":"U", + "Runtime":"186 min", + "Genre":"Comedy, Drama, Musical", + "IMDB_Rating":8.0, + "Overview":"Naina, an introverted, perpetually depressed girl's life changes when she meets Aman. But Aman has a secret of his own which changes their lives forever. Embroiled in all this is Rohit, Naina's best friend who conceals his love for her.", + "Meta_score":54.0, + "Director":"Nikkhil Advani", + "Star1":"Preity Zinta", + "Star2":"Shah Rukh Khan", + "Star3":"Saif Ali Khan", + "Star4":"Jaya Bachchan", + "No_of_Votes":63460, + "Gross":"1,787,378" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BM2U0NTcxOTktN2MwZS00N2Q2LWJlYWItMTg0NWIyMDIxNzU5L2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Mou gaan dou", + "Released_Year":"2002", + "Certificate":"UA", + "Runtime":"101 min", + "Genre":"Action, Crime, Drama", + "IMDB_Rating":8.0, + "Overview":"A story between a mole in the police department and an undercover cop. Their objectives are the same: to find out who is the mole, and who is the cop.", + "Meta_score":75.0, + "Director":"Andrew Lau", + "Star1":"Alan Mak", + "Star2":"Andy Lau", + "Star3":"Tony Chiu-Wai Leung", + "Star4":"Anthony Chau-Sang Wong", + "No_of_Votes":117857, + "Gross":"169,659" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNGYyZGM5MGMtYTY2Ni00M2Y1LWIzNjQtYWUzM2VlNGVhMDNhXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Pirates of the Caribbean: The Curse of the Black Pearl", + "Released_Year":"2003", + "Certificate":"UA", + "Runtime":"143 min", + "Genre":"Action, Adventure, Fantasy", + "IMDB_Rating":8.0, + "Overview":"Blacksmith Will Turner teams up with eccentric pirate \"Captain\" Jack Sparrow to save his love, the governor's daughter, from Jack's former pirate allies, who are now undead.", + "Meta_score":63.0, + "Director":"Gore Verbinski", + "Star1":"Johnny Depp", + "Star2":"Geoffrey Rush", + "Star3":"Orlando Bloom", + "Star4":"Keira Knightley", + "No_of_Votes":1015122, + "Gross":"305,413,918" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMmU3NzIyODctYjVhOC00NzBmLTlhNWItMzBlODEwZTlmMjUzXkEyXkFqcGdeQXVyNTIzOTk5ODM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Big Fish", + "Released_Year":"2003", + "Certificate":"U", + "Runtime":"125 min", + "Genre":"Adventure, Drama, Fantasy", + "IMDB_Rating":8.0, + "Overview":"A frustrated son tries to determine the fact from fiction in his dying father's life.", + "Meta_score":58.0, + "Director":"Tim Burton", + "Star1":"Ewan McGregor", + "Star2":"Albert Finney", + "Star3":"Billy Crudup", + "Star4":"Jessica Lange", + "No_of_Votes":415218, + "Gross":"66,257,002" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTY5OTU0OTc2NV5BMl5BanBnXkFtZTcwMzU4MDcyMQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Incredibles", + "Released_Year":"2004", + "Certificate":"U", + "Runtime":"115 min", + "Genre":"Animation, Action, Adventure", + "IMDB_Rating":8.0, + "Overview":"A family of undercover superheroes, while trying to live the quiet suburban life, are forced into action to save the world.", + "Meta_score":90.0, + "Director":"Brad Bird", + "Star1":"Craig T. Nelson", + "Star2":"Samuel L. Jackson", + "Star3":"Holly Hunter", + "Star4":"Jason Lee", + "No_of_Votes":657047, + "Gross":"261,441,092" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjM2NTYxMTE3OV5BMl5BanBnXkFtZTgwNDgwNjgwMzE@._V1_UY98_CR3,0,67,98_AL_.jpg", + "Series_Title":"Yeopgijeogin geunyeo", + "Released_Year":"2001", + "Certificate":null, + "Runtime":"137 min", + "Genre":"Comedy, Drama, Romance", + "IMDB_Rating":8.0, + "Overview":"A young man sees a drunk, cute woman standing too close to the tracks at a metro station in Seoul and pulls her back. She ends up getting him into trouble repeatedly after that, starting on the train.", + "Meta_score":null, + "Director":"Jae-young Kwak", + "Star1":"Tae-Hyun Cha", + "Star2":"Jun Ji-Hyun", + "Star3":"In-mun Kim", + "Star4":"Song Wok-suk", + "No_of_Votes":45403, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTkwNTg2MTI1NF5BMl5BanBnXkFtZTcwMDM1MzUyMQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Dogville", + "Released_Year":"2003", + "Certificate":"R", + "Runtime":"178 min", + "Genre":"Crime, Drama", + "IMDB_Rating":8.0, + "Overview":"A woman on the run from the mob is reluctantly accepted in a small Colorado community in exchange for labor, but when a search visits the town she finds out that their support has a price.", + "Meta_score":60.0, + "Director":"Lars von Trier", + "Star1":"Nicole Kidman", + "Star2":"Paul Bettany", + "Star3":"Lauren Bacall", + "Star4":"Harriet Andersson", + "No_of_Votes":137963, + "Gross":"1,530,386" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjA2MzM4NjkyMF5BMl5BanBnXkFtZTYwMTQ2ODc5._V1_UY98_CR2,0,67,98_AL_.jpg", + "Series_Title":"Vizontele", + "Released_Year":"2001", + "Certificate":null, + "Runtime":"110 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":8.0, + "Overview":"Lives of residents in a small Anatolian village change when television is introduced to them", + "Meta_score":null, + "Director":"Yilmaz Erdogan", + "Star1":"\u00d6mer Faruk Sorak", + "Star2":"Yilmaz Erdogan", + "Star3":"Demet Akbag", + "Star4":"Altan Erkekli", + "No_of_Votes":33592, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZjZlZDlkYTktMmU1My00ZDBiLWFlNjEtYTBhNjVhOTM4ZjJjXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Donnie Darko", + "Released_Year":"2001", + "Certificate":"R", + "Runtime":"113 min", + "Genre":"Drama, Mystery, Sci-Fi", + "IMDB_Rating":8.0, + "Overview":"After narrowly escaping a bizarre accident, a troubled teenager is plagued by visions of a man in a large rabbit suit who manipulates him to commit a series of crimes.", + "Meta_score":88.0, + "Director":"Richard Kelly", + "Star1":"Jake Gyllenhaal", + "Star2":"Jena Malone", + "Star3":"Mary McDonnell", + "Star4":"Holmes Osborne", + "No_of_Votes":740086, + "Gross":"1,480,006" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZjk3YThkNDktNjZjMS00MTBiLTllNTAtYzkzMTU0N2QwYjJjXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Magnolia", + "Released_Year":"1999", + "Certificate":"R", + "Runtime":"188 min", + "Genre":"Drama", + "IMDB_Rating":8.0, + "Overview":"An epic mosaic of interrelated characters in search of love, forgiveness, and meaning in the San Fernando Valley.", + "Meta_score":77.0, + "Director":"Paul Thomas Anderson", + "Star1":"Tom Cruise", + "Star2":"Jason Robards", + "Star3":"Julianne Moore", + "Star4":"Philip Seymour Hoffman", + "No_of_Votes":289742, + "Gross":"22,455,976" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNDVkYWMxNWEtNjc2MC00OGI5LWI3NmUtYWUwNDQyOTc3YmY5XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Dancer in the Dark", + "Released_Year":"2000", + "Certificate":"U", + "Runtime":"140 min", + "Genre":"Crime, Drama, Musical", + "IMDB_Rating":8.0, + "Overview":"An East European girl travels to the United States with her young son, expecting it to be like a Hollywood film.", + "Meta_score":61.0, + "Director":"Lars von Trier", + "Star1":"Bj\u00f6rk", + "Star2":"Catherine Deneuve", + "Star3":"David Morse", + "Star4":"Peter Stormare", + "No_of_Votes":102285, + "Gross":"4,184,036" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNmE1MDk4OWEtYjk1NS00MWU2LTk5ZWItYjZhYmRkODRjMDc0XkEyXkFqcGdeQXVyNjE5MjUyOTM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Straight Story", + "Released_Year":"1999", + "Certificate":"U", + "Runtime":"112 min", + "Genre":"Biography, Drama", + "IMDB_Rating":8.0, + "Overview":"An old man makes a long journey by lawnmower to mend his relationship with an ill brother.", + "Meta_score":86.0, + "Director":"David Lynch", + "Star1":"Richard Farnsworth", + "Star2":"Sissy Spacek", + "Star3":"Jane Galloway Heitz", + "Star4":"Joseph A. Carpenter", + "No_of_Votes":82002, + "Gross":"6,203,044" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMmMzOWNhNTYtYmY0My00OGJiLWIzNDUtZWRhNGY0NWFjNzFmXkEyXkFqcGdeQXVyNjUxMDQ0MTg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"P\u00e2fekuto bur\u00fb", + "Released_Year":"1997", + "Certificate":"A", + "Runtime":"81 min", + "Genre":"Animation, Crime, Mystery", + "IMDB_Rating":8.0, + "Overview":"A pop singer gives up her career to become an actress, but she slowly goes insane when she starts being stalked by an obsessed fan and what seems to be a ghost of her past.", + "Meta_score":null, + "Director":"Satoshi Kon", + "Star1":"Junko Iwao", + "Star2":"Rica Matsumoto", + "Star3":"Shinpachi Tsuji", + "Star4":"Masaaki \u00d4kura", + "No_of_Votes":58192, + "Gross":"776,665" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYTg3Yjc4N2QtZDdlNC00NmU2LWFiYjktYjI3NTMwMjk4M2FmXkEyXkFqcGdeQXVyMjgyNjk3MzE@._V1_UY98_CR4,0,67,98_AL_.jpg", + "Series_Title":"Festen", + "Released_Year":"1998", + "Certificate":"R", + "Runtime":"105 min", + "Genre":"Drama", + "IMDB_Rating":8.0, + "Overview":"At Helge's 60th birthday party, some unpleasant family truths are revealed.", + "Meta_score":82.0, + "Director":"Thomas Vinterberg", + "Star1":"Ulrich Thomsen", + "Star2":"Henning Moritzen", + "Star3":"Thomas Bo Larsen", + "Star4":"Paprika Steen", + "No_of_Votes":78341, + "Gross":"1,647,780" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjE3ZDA5ZmUtYTk1ZS00NmZmLWJhNTItYjIwZjUwN2RjNzIyXkEyXkFqcGdeQXVyMTkzODUwNzk@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Central do Brasil", + "Released_Year":"1998", + "Certificate":"R", + "Runtime":"110 min", + "Genre":"Drama", + "IMDB_Rating":8.0, + "Overview":"An emotive journey of a former school teacher, who writes letters for illiterate people, and a young boy, whose mother has just died, as they search for the father he never knew.", + "Meta_score":80.0, + "Director":"Walter Salles", + "Star1":"Fernanda Montenegro", + "Star2":"Vin\u00edcius de Oliveira", + "Star3":"Mar\u00edlia P\u00eara", + "Star4":"Soia Lira", + "No_of_Votes":36419, + "Gross":"5,595,428" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjIxNDU2Njk0OV5BMl5BanBnXkFtZTgwODc3Njc3NjE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Iron Giant", + "Released_Year":"1999", + "Certificate":"PG", + "Runtime":"86 min", + "Genre":"Animation, Action, Adventure", + "IMDB_Rating":8.0, + "Overview":"A young boy befriends a giant robot from outer space that a paranoid government agent wants to destroy.", + "Meta_score":85.0, + "Director":"Brad Bird", + "Star1":"Eli Marienthal", + "Star2":"Harry Connick Jr.", + "Star3":"Jennifer Aniston", + "Star4":"Vin Diesel", + "No_of_Votes":172083, + "Gross":"23,159,305" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTk2MjcxNjMzN15BMl5BanBnXkFtZTgwMTE3OTEwNjE@._V1_UY98_CR3,0,67,98_AL_.jpg", + "Series_Title":"Knockin' on Heaven's Door", + "Released_Year":"1997", + "Certificate":null, + "Runtime":"87 min", + "Genre":"Action, Crime, Comedy", + "IMDB_Rating":8.0, + "Overview":"Two terminally ill patients escape from a hospital, steal a car and rush towards the sea.", + "Meta_score":null, + "Director":"Thomas Jahn", + "Star1":"Til Schweiger", + "Star2":"Jan Josef Liefers", + "Star3":"Thierry van Werveke", + "Star4":"Moritz Bleibtreu", + "No_of_Votes":27721, + "Gross":"3,296" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNGY5NWIxMjAtODBjNC00MmZhLTk1ZTAtNGRhYThlOTNjMTQwXkEyXkFqcGdeQXVyNTc1NTQxODI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Sling Blade", + "Released_Year":"1996", + "Certificate":"R", + "Runtime":"135 min", + "Genre":"Drama", + "IMDB_Rating":8.0, + "Overview":"Karl Childers, a simple man hospitalized since his childhood murder of his mother and her lover, is released to start a new life in a small town.", + "Meta_score":84.0, + "Director":"Billy Bob Thornton", + "Star1":"Billy Bob Thornton", + "Star2":"Dwight Yoakam", + "Star3":"J.T. Walsh", + "Star4":"John Ritter", + "No_of_Votes":86838, + "Gross":"24,475,416" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BY2QzMTIxNjItNGQyNy00MjQzLWJiYTItMzIyZjdkYjYyYjRlXkEyXkFqcGdeQXVyMTAwMzUyOTc@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Secrets & Lies", + "Released_Year":"1996", + "Certificate":"U", + "Runtime":"136 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":8.0, + "Overview":"Following the death of her adoptive parents, a successful young black optometrist establishes contact with her biological mother -- a lonely white factory worker living in poverty in East London.", + "Meta_score":91.0, + "Director":"Mike Leigh", + "Star1":"Timothy Spall", + "Star2":"Brenda Blethyn", + "Star3":"Phyllis Logan", + "Star4":"Claire Rushbrook", + "No_of_Votes":37564, + "Gross":"13,417,292" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BN2Y2OWU4MWMtNmIyMy00YzMyLWI0Y2ItMTcyZDc3MTdmZDU4XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Twelve Monkeys", + "Released_Year":"1995", + "Certificate":"A", + "Runtime":"129 min", + "Genre":"Mystery, Sci-Fi, Thriller", + "IMDB_Rating":8.0, + "Overview":"In a future world devastated by disease, a convict is sent back in time to gather information about the man-made virus that wiped out most of the human population on the planet.", + "Meta_score":74.0, + "Director":"Terry Gilliam", + "Star1":"Bruce Willis", + "Star2":"Madeleine Stowe", + "Star3":"Brad Pitt", + "Star4":"Joseph Melito", + "No_of_Votes":578443, + "Gross":"57,141,459" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYWRiYjQyOGItNzQ1Mi00MGI1LWE3NjItNTg1ZDQwNjUwNDM2XkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"K\u00f4kaku Kid\u00f4tai", + "Released_Year":"1995", + "Certificate":"UA", + "Runtime":"83 min", + "Genre":"Animation, Action, Crime", + "IMDB_Rating":8.0, + "Overview":"A cyborg policewoman and her partner hunt a mysterious and powerful hacker called the Puppet Master.", + "Meta_score":76.0, + "Director":"Mamoru Oshii", + "Star1":"Atsuko Tanaka", + "Star2":"Iemasa Kayumi", + "Star3":"Akio \u00d4tsuka", + "Star4":"K\u00f4ichi Yamadera", + "No_of_Votes":129231, + "Gross":"515,905" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNWE4OTNiM2ItMjY4Ni00ZTViLWFiZmEtZGEyNGY2ZmNlMzIyXkEyXkFqcGdeQXVyMDU5NDcxNw@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Nightmare Before Christmas", + "Released_Year":"1993", + "Certificate":"U", + "Runtime":"76 min", + "Genre":"Animation, Family, Fantasy", + "IMDB_Rating":8.0, + "Overview":"Jack Skellington, king of Halloween Town, discovers Christmas Town, but his attempts to bring Christmas to his home causes confusion.", + "Meta_score":82.0, + "Director":"Henry Selick", + "Star1":"Danny Elfman", + "Star2":"Chris Sarandon", + "Star3":"Catherine O'Hara", + "Star4":"William Hickey", + "No_of_Votes":300208, + "Gross":"75,082,668" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZWIxNzM5YzQtY2FmMS00Yjc3LWI1ZjUtNGVjMjMzZTIxZTIxXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Groundhog Day", + "Released_Year":"1993", + "Certificate":"U", + "Runtime":"101 min", + "Genre":"Comedy, Fantasy, Romance", + "IMDB_Rating":8.0, + "Overview":"A weatherman finds himself inexplicably living the same day over and over again.", + "Meta_score":72.0, + "Director":"Harold Ramis", + "Star1":"Bill Murray", + "Star2":"Andie MacDowell", + "Star3":"Chris Elliott", + "Star4":"Stephen Tobolowsky", + "No_of_Votes":577991, + "Gross":"70,906,973" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNzZmMjAxNjQtZjQzOS00NjU4LWI0NDktZjlkZTgwNjVmNzU3XkEyXkFqcGdeQXVyNTI4MjkwNjA@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Bound by Honor", + "Released_Year":"1993", + "Certificate":"R", + "Runtime":"180 min", + "Genre":"Crime, Drama", + "IMDB_Rating":8.0, + "Overview":"Based on the true life experiences of poet Jimmy Santiago Baca, the film focuses on step-brothers Paco and Cruz, and their bi-racial cousin Miklo.", + "Meta_score":47.0, + "Director":"Taylor Hackford", + "Star1":"Damian Chapa", + "Star2":"Jesse Borrego", + "Star3":"Benjamin Bratt", + "Star4":"Enrique Castillo", + "No_of_Votes":28825, + "Gross":"4,496,583" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZTM3ZjA3NTctZThkYy00ODYyLTk2ZjItZmE0MmZlMTk3YjQwXkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Scent of a Woman", + "Released_Year":"1992", + "Certificate":"UA", + "Runtime":"156 min", + "Genre":"Drama", + "IMDB_Rating":8.0, + "Overview":"A prep school student needing money agrees to \"babysit\" a blind man, but the job is not at all what he anticipated.", + "Meta_score":59.0, + "Director":"Martin Brest", + "Star1":"Al Pacino", + "Star2":"Chris O'Donnell", + "Star3":"James Rebhorn", + "Star4":"Gabrielle Anwar", + "No_of_Votes":263918, + "Gross":"63,895,607" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BY2Q2NDI1MjUtM2Q5ZS00MTFlLWJiYWEtNTZmNjQ3OGJkZDgxXkEyXkFqcGdeQXVyNTI4MjkwNjA@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Aladdin", + "Released_Year":"1992", + "Certificate":"U", + "Runtime":"90 min", + "Genre":"Animation, Adventure, Comedy", + "IMDB_Rating":8.0, + "Overview":"A kindhearted street urchin and a power-hungry Grand Vizier vie for a magic lamp that has the power to make their deepest wishes come true.", + "Meta_score":86.0, + "Director":"Ron Clements", + "Star1":"John Musker", + "Star2":"Scott Weinger", + "Star3":"Robin Williams", + "Star4":"Linda Larkin", + "No_of_Votes":373845, + "Gross":"217,350,219" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYjYyODExMDctZjgwYy00ZjQwLWI4OWYtOGFlYjA4ZjEzNmY1XkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"JFK", + "Released_Year":"1991", + "Certificate":"UA", + "Runtime":"189 min", + "Genre":"Drama, History, Thriller", + "IMDB_Rating":8.0, + "Overview":"New Orleans District Attorney Jim Garrison discovers there's more to the Kennedy assassination than the official story.", + "Meta_score":72.0, + "Director":"Oliver Stone", + "Star1":"Kevin Costner", + "Star2":"Gary Oldman", + "Star3":"Jack Lemmon", + "Star4":"Walter Matthau", + "No_of_Votes":142110, + "Gross":"70,405,498" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzE5MDM1NDktY2I0OC00YWI5LTk2NzUtYjczNDczOWQxYjM0XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Beauty and the Beast", + "Released_Year":"1991", + "Certificate":"G", + "Runtime":"84 min", + "Genre":"Animation, Family, Fantasy", + "IMDB_Rating":8.0, + "Overview":"A prince cursed to spend his days as a hideous monster sets out to regain his humanity by earning a young woman's love.", + "Meta_score":95.0, + "Director":"Gary Trousdale", + "Star1":"Kirk Wise", + "Star2":"Paige O'Hara", + "Star3":"Robby Benson", + "Star4":"Jesse Corti", + "No_of_Votes":417178, + "Gross":"218,967,620" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTY3OTI5NDczN15BMl5BanBnXkFtZTcwNDA0NDY3Mw@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Dances with Wolves", + "Released_Year":"1990", + "Certificate":"U", + "Runtime":"181 min", + "Genre":"Adventure, Drama, Western", + "IMDB_Rating":8.0, + "Overview":"Lieutenant John Dunbar, assigned to a remote western Civil War outpost, befriends wolves and Indians, making him an intolerable aberration in the military.", + "Meta_score":72.0, + "Director":"Kevin Costner", + "Star1":"Kevin Costner", + "Star2":"Mary McDonnell", + "Star3":"Graham Greene", + "Star4":"Rodney A. Grant", + "No_of_Votes":240266, + "Gross":"184,208,848" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODA2MjU1NTI1MV5BMl5BanBnXkFtZTgwOTU4ODIwMjE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Do the Right Thing", + "Released_Year":"1989", + "Certificate":"R", + "Runtime":"120 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":8.0, + "Overview":"On the hottest day of the year on a street in the Bedford-Stuyvesant section of Brooklyn, everyone's hate and bigotry smolders and builds until it explodes into violence.", + "Meta_score":93.0, + "Director":"Spike Lee", + "Star1":"Danny Aiello", + "Star2":"Ossie Davis", + "Star3":"Ruby Dee", + "Star4":"Richard Edson", + "No_of_Votes":89429, + "Gross":"27,545,445" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzVjNzI4NzYtMjE4NS00M2IzLWFkOWMtOTYwMWUzN2ZlNGVjL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Rain Man", + "Released_Year":"1988", + "Certificate":"U", + "Runtime":"133 min", + "Genre":"Drama", + "IMDB_Rating":8.0, + "Overview":"Selfish yuppie Charlie Babbitt's father left a fortune to his savant brother Raymond and a pittance to Charlie; they travel cross-country.", + "Meta_score":65.0, + "Director":"Barry Levinson", + "Star1":"Dustin Hoffman", + "Star2":"Tom Cruise", + "Star3":"Valeria Golino", + "Star4":"Gerald R. Molen", + "No_of_Votes":473064, + "Gross":"178,800,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BM2ZiZTk1ODgtMTZkNS00NTYxLWIxZTUtNWExZGYwZTRjODViXkEyXkFqcGdeQXVyMTE2MzA3MDM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Akira", + "Released_Year":"1988", + "Certificate":"UA", + "Runtime":"124 min", + "Genre":"Animation, Action, Sci-Fi", + "IMDB_Rating":8.0, + "Overview":"A secret military project endangers Neo-Tokyo when it turns a biker gang member into a rampaging psychic psychopath who can only be stopped by two teenagers and a group of psychics.", + "Meta_score":null, + "Director":"Katsuhiro \u00d4tomo", + "Star1":"Mitsuo Iwata", + "Star2":"Nozomu Sasaki", + "Star3":"Mami Koyama", + "Star4":"Tessh\u00f4 Genda", + "No_of_Votes":164918, + "Gross":"553,171" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMGM4M2Q5N2MtNThkZS00NTc1LTk1NTItNWEyZjJjNDRmNDk5XkEyXkFqcGdeQXVyMjA0MDQ0Mjc@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Princess Bride", + "Released_Year":"1987", + "Certificate":"U", + "Runtime":"98 min", + "Genre":"Adventure, Family, Fantasy", + "IMDB_Rating":8.0, + "Overview":"While home sick in bed, a young boy's grandfather reads him the story of a farmboy-turned-pirate who encounters numerous obstacles, enemies and allies in his quest to be reunited with his true love.", + "Meta_score":77.0, + "Director":"Rob Reiner", + "Star1":"Cary Elwes", + "Star2":"Mandy Patinkin", + "Star3":"Robin Wright", + "Star4":"Chris Sarandon", + "No_of_Votes":393899, + "Gross":"30,857,814" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzMxZjUzOGQtOTFlOS00MzliLWJhNTUtOTgyNzYzMWQ2YzhmXkEyXkFqcGdeQXVyNjQ2MjQ5NzM@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Der Himmel \u00fcber Berlin", + "Released_Year":"1987", + "Certificate":"U", + "Runtime":"128 min", + "Genre":"Drama, Fantasy, Romance", + "IMDB_Rating":8.0, + "Overview":"An angel tires of overseeing human activity and wishes to become human when he falls in love with a mortal.", + "Meta_score":79.0, + "Director":"Wim Wenders", + "Star1":"Bruno Ganz", + "Star2":"Solveig Dommartin", + "Star3":"Otto Sander", + "Star4":"Curt Bois", + "No_of_Votes":64722, + "Gross":"3,333,969" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZmYxOTA5YTEtNDY3Ni00YTE5LWE1MTgtYjc4ZWUxNWY3ZTkxXkEyXkFqcGdeQXVyNjQ2MjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Au revoir les enfants", + "Released_Year":"1987", + "Certificate":"U", + "Runtime":"104 min", + "Genre":"Drama, War", + "IMDB_Rating":8.0, + "Overview":"A French boarding school run by priests seems to be a haven from World War II until a new student arrives. He becomes the roommate of the top student in his class. Rivals at first, the roommates form a bond and share a secret.", + "Meta_score":88.0, + "Director":"Louis Malle", + "Star1":"Gaspard Manesse", + "Star2":"Raphael Fejt\u00f6", + "Star3":"Francine Racette", + "Star4":"Stanislas Carr\u00e9 de Malberg", + "No_of_Votes":31163, + "Gross":"4,542,825" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNTg0NmI1ZGQtZTUxNC00NTgxLThjMDUtZmRlYmEzM2MwOWYwXkEyXkFqcGdeQXVyMzM4MjM0Nzg@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Tenk\u00fb no shiro Rapyuta", + "Released_Year":"1986", + "Certificate":"U", + "Runtime":"125 min", + "Genre":"Animation, Adventure, Drama", + "IMDB_Rating":8.0, + "Overview":"A young boy and a girl with a magic crystal must race against pirates and foreign agents in a search for a legendary floating castle.", + "Meta_score":78.0, + "Director":"Hayao Miyazaki", + "Star1":"Mayumi Tanaka", + "Star2":"Keiko Yokozawa", + "Star3":"Kotoe Hatsui", + "Star4":"Minori Terada", + "No_of_Votes":150140, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYTViNzMxZjEtZGEwNy00MDNiLWIzNGQtZDY2MjQ1OWViZjFmXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Terminator", + "Released_Year":"1984", + "Certificate":"UA", + "Runtime":"107 min", + "Genre":"Action, Sci-Fi", + "IMDB_Rating":8.0, + "Overview":"A human soldier is sent from 2029 to 1984 to stop an almost indestructible cyborg killing machine, sent from the same year, which has been programmed to execute a young woman whose unborn son is the key to humanity's future salvation.", + "Meta_score":84.0, + "Director":"James Cameron", + "Star1":"Arnold Schwarzenegger", + "Star2":"Linda Hamilton", + "Star3":"Michael Biehn", + "Star4":"Paul Winfield", + "No_of_Votes":799795, + "Gross":"38,400,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzJiZDRmOWUtYjE2MS00Mjc1LTg1ZDYtNTQxYWJkZTg1OTM4XkEyXkFqcGdeQXVyNjUwNzk3NDc@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Gandhi", + "Released_Year":"1982", + "Certificate":"U", + "Runtime":"191 min", + "Genre":"Biography, Drama, History", + "IMDB_Rating":8.0, + "Overview":"The life of the lawyer who became the famed leader of the Indian revolts against the British rule through his philosophy of nonviolent protest.", + "Meta_score":79.0, + "Director":"Richard Attenborough", + "Star1":"Ben Kingsley", + "Star2":"John Gielgud", + "Star3":"Rohini Hattangadi", + "Star4":"Roshan Seth", + "No_of_Votes":217664, + "Gross":"52,767,889" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzFhNWVmNWItNGM5OC00NjZhLTk3YTQtMjE1ODUyOThlMjNmL2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Kagemusha", + "Released_Year":"1980", + "Certificate":"U", + "Runtime":"180 min", + "Genre":"Drama, History, War", + "IMDB_Rating":8.0, + "Overview":"A petty thief with an utter resemblance to a samurai warlord is hired as the lord's double. When the warlord later dies the thief is forced to take up arms in his place.", + "Meta_score":84.0, + "Director":"Akira Kurosawa", + "Star1":"Tatsuya Nakadai", + "Star2":"Tsutomu Yamazaki", + "Star3":"Ken'ichi Hagiwara", + "Star4":"Jinpachi Nezu", + "No_of_Votes":32195, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjAzNzJjYzQtMGFmNS00ZjAzLTkwMjgtMWIzYzFkMzM4Njg3XkEyXkFqcGdeQXVyMTY5Nzc4MDY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Being There", + "Released_Year":"1979", + "Certificate":"PG", + "Runtime":"130 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":8.0, + "Overview":"A simpleminded, sheltered gardener becomes an unlikely trusted advisor to a powerful businessman and an insider in Washington politics.", + "Meta_score":83.0, + "Director":"Hal Ashby", + "Star1":"Peter Sellers", + "Star2":"Shirley MacLaine", + "Star3":"Melvyn Douglas", + "Star4":"Jack Warden", + "No_of_Votes":65625, + "Gross":"30,177,511" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZDg1OGQ4YzgtM2Y2NS00NjA3LWFjYTctMDRlMDI3NWE1OTUyXkEyXkFqcGdeQXVyMjUzOTY1NTc@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Annie Hall", + "Released_Year":"1977", + "Certificate":"A", + "Runtime":"93 min", + "Genre":"Comedy, Romance", + "IMDB_Rating":8.0, + "Overview":"Neurotic New York comedian Alvy Singer falls in love with the ditzy Annie Hall.", + "Meta_score":92.0, + "Director":"Woody Allen", + "Star1":"Woody Allen", + "Star2":"Diane Keaton", + "Star3":"Tony Roberts", + "Star4":"Carol Kane", + "No_of_Votes":251823, + "Gross":"39,200,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMmVmODY1MzEtYTMwZC00MzNhLWFkNDMtZjAwM2EwODUxZTA5XkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Jaws", + "Released_Year":"1975", + "Certificate":"A", + "Runtime":"124 min", + "Genre":"Adventure, Thriller", + "IMDB_Rating":8.0, + "Overview":"When a killer shark unleashes chaos on a beach community, it's up to a local sheriff, a marine biologist, and an old seafarer to hunt the beast down.", + "Meta_score":87.0, + "Director":"Steven Spielberg", + "Star1":"Roy Scheider", + "Star2":"Robert Shaw", + "Star3":"Richard Dreyfuss", + "Star4":"Lorraine Gary", + "No_of_Votes":543388, + "Gross":"260,000,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODExZmE2ZWItYTIzOC00MzI1LTgyNTktMDBhNmFhY2Y4OTQ3XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Dog Day Afternoon", + "Released_Year":"1975", + "Certificate":"U", + "Runtime":"125 min", + "Genre":"Biography, Crime, Drama", + "IMDB_Rating":8.0, + "Overview":"Three amateur bank robbers plan to hold up a bank. A nice simple robbery: Walk in, take the money, and run. Unfortunately, the supposedly uncomplicated heist suddenly becomes a bizarre nightmare as everything that could go wrong does.", + "Meta_score":86.0, + "Director":"Sidney Lumet", + "Star1":"Al Pacino", + "Star2":"John Cazale", + "Star3":"Penelope Allen", + "Star4":"Sully Boyar", + "No_of_Votes":235652, + "Gross":"50,000,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTEwNjg2MjM2ODFeQTJeQWpwZ15BbWU4MDQ1MDU5OTEx._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Young Frankenstein", + "Released_Year":"1974", + "Certificate":"A", + "Runtime":"106 min", + "Genre":"Comedy", + "IMDB_Rating":8.0, + "Overview":"An American grandson of the infamous scientist, struggling to prove that his grandfather was not as insane as people believe, is invited to Transylvania, where he discovers the process that reanimates a dead body.", + "Meta_score":80.0, + "Director":"Mel Brooks", + "Star1":"Gene Wilder", + "Star2":"Madeline Kahn", + "Star3":"Marty Feldman", + "Star4":"Peter Boyle", + "No_of_Votes":143359, + "Gross":"86,300,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZGRjZjQ0NzAtYmZlNS00Zjc1LTk1YWItMDY5YzQxMzA4MTAzXkEyXkFqcGdeQXVyMjI4MjA5MzA@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Papillon", + "Released_Year":"1973", + "Certificate":"R", + "Runtime":"151 min", + "Genre":"Biography, Crime, Drama", + "IMDB_Rating":8.0, + "Overview":"A man befriends a fellow criminal as the two of them begin serving their sentence on a dreadful prison island, which inspires the man to plot his escape.", + "Meta_score":58.0, + "Director":"Franklin J. Schaffner", + "Star1":"Steve McQueen", + "Star2":"Dustin Hoffman", + "Star3":"Victor Jory", + "Star4":"Don Gordon", + "No_of_Votes":121627, + "Gross":"53,267,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYjhmMGMxZDYtMTkyNy00YWVmLTgyYmUtYTU3ZjcwNTBjN2I1XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Exorcist", + "Released_Year":"1973", + "Certificate":"A", + "Runtime":"122 min", + "Genre":"Horror", + "IMDB_Rating":8.0, + "Overview":"When a 12-year-old girl is possessed by a mysterious entity, her mother seeks the help of two priests to save her.", + "Meta_score":81.0, + "Director":"William Friedkin", + "Star1":"Ellen Burstyn", + "Star2":"Max von Sydow", + "Star3":"Linda Blair", + "Star4":"Lee J. Cobb", + "No_of_Votes":362393, + "Gross":"232,906,145" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BM2EzZmFmMmItODY3Zi00NjdjLWE0MTYtZWQ3MGIyM2M4YjZhXkEyXkFqcGdeQXVyMzg2MzE2OTE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Sleuth", + "Released_Year":"1972", + "Certificate":"PG", + "Runtime":"138 min", + "Genre":"Mystery, Thriller", + "IMDB_Rating":8.0, + "Overview":"A man who loves games and theater invites his wife's lover to meet him, setting up a battle of wits with potentially deadly results.", + "Meta_score":null, + "Director":"Joseph L. Mankiewicz", + "Star1":"Laurence Olivier", + "Star2":"Michael Caine", + "Star3":"Alec Cawthorne", + "Star4":"John Matthews", + "No_of_Votes":44748, + "Gross":"4,081,254" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNmVjNzZkZjQtYmM5ZC00M2I0LWJhNzktNDk3MGU1NWMxMjFjXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Last Picture Show", + "Released_Year":"1971", + "Certificate":"R", + "Runtime":"118 min", + "Genre":"Drama, Romance", + "IMDB_Rating":8.0, + "Overview":"In 1951, a group of high schoolers come of age in a bleak, isolated, atrophied North Texas town that is slowly dying, both culturally and economically.", + "Meta_score":93.0, + "Director":"Peter Bogdanovich", + "Star1":"Timothy Bottoms", + "Star2":"Jeff Bridges", + "Star3":"Cybill Shepherd", + "Star4":"Ben Johnson", + "No_of_Votes":42456, + "Gross":"29,133,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMWMxNDYzNmUtYjFmNC00MGM2LWFmNzMtODhlMGNkNDg5MjE5XkEyXkFqcGdeQXVyNjE5MjUyOTM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Fiddler on the Roof", + "Released_Year":"1971", + "Certificate":"G", + "Runtime":"181 min", + "Genre":"Drama, Family, Musical", + "IMDB_Rating":8.0, + "Overview":"In prerevolutionary Russia, a Jewish peasant contends with marrying off three of his daughters while growing anti-Semitic sentiment threatens his village.", + "Meta_score":67.0, + "Director":"Norman Jewison", + "Star1":"Topol", + "Star2":"Norma Crane", + "Star3":"Leonard Frey", + "Star4":"Molly Picon", + "No_of_Votes":39491, + "Gross":"80,500,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODFlYzU4YTItN2EwYi00ODI3LTkwNTQtMDdkNjM3YjMyMTgyXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Il conformista", + "Released_Year":"1970", + "Certificate":"UA", + "Runtime":"113 min", + "Genre":"Drama", + "IMDB_Rating":8.0, + "Overview":"A weak-willed Italian man becomes a fascist flunky who goes abroad to arrange the assassination of his old teacher, now a political dissident.", + "Meta_score":100.0, + "Director":"Bernardo Bertolucci", + "Star1":"Jean-Louis Trintignant", + "Star2":"Stefania Sandrelli", + "Star3":"Gastone Moschin", + "Star4":"Enzo Tarascio", + "No_of_Votes":27067, + "Gross":"541,940" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTkyMTM2NDk5Nl5BMl5BanBnXkFtZTgwNzY1NzEyMDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Butch Cassidy and the Sundance Kid", + "Released_Year":"1969", + "Certificate":"PG", + "Runtime":"110 min", + "Genre":"Biography, Crime, Drama", + "IMDB_Rating":8.0, + "Overview":"Wyoming, early 1900s. Butch Cassidy and The Sundance Kid are the leaders of a band of outlaws. After a train robbery goes wrong they find themselves on the run with a posse hard on their heels. Their solution - escape to Bolivia.", + "Meta_score":66.0, + "Director":"George Roy Hill", + "Star1":"Paul Newman", + "Star2":"Robert Redford", + "Star3":"Katharine Ross", + "Star4":"Strother Martin", + "No_of_Votes":201888, + "Gross":"102,308,889" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZmEwZGU2NzctYzlmNi00MGJkLWE3N2MtYjBlN2ZhMGJkZTZiXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Rosemary's Baby", + "Released_Year":"1968", + "Certificate":"A", + "Runtime":"137 min", + "Genre":"Drama, Horror", + "IMDB_Rating":8.0, + "Overview":"A young couple trying for a baby move into a fancy apartment surrounded by peculiar neighbors.", + "Meta_score":96.0, + "Director":"Roman Polanski", + "Star1":"Mia Farrow", + "Star2":"John Cassavetes", + "Star3":"Ruth Gordon", + "Star4":"Sidney Blackmer", + "No_of_Votes":193674, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTg0NjUwMzg5NF5BMl5BanBnXkFtZTgwNDQ0NjcwMTE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Planet of the Apes", + "Released_Year":"1968", + "Certificate":"U", + "Runtime":"112 min", + "Genre":"Adventure, Sci-Fi", + "IMDB_Rating":8.0, + "Overview":"An astronaut crew crash-lands on a planet in the distant future where intelligent talking apes are the dominant species, and humans are the oppressed and enslaved.", + "Meta_score":79.0, + "Director":"Franklin J. Schaffner", + "Star1":"Charlton Heston", + "Star2":"Roddy McDowall", + "Star3":"Kim Hunter", + "Star4":"Maurice Evans", + "No_of_Votes":165167, + "Gross":"33,395,426" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTQ0ODc4MDk4Nl5BMl5BanBnXkFtZTcwMTEzNzgzNA@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Graduate", + "Released_Year":"1967", + "Certificate":"A", + "Runtime":"106 min", + "Genre":"Comedy, Drama, Romance", + "IMDB_Rating":8.0, + "Overview":"A disillusioned college graduate finds himself torn between his older lover and her daughter.", + "Meta_score":83.0, + "Director":"Mike Nichols", + "Star1":"Dustin Hoffman", + "Star2":"Anne Bancroft", + "Star3":"Katharine Ross", + "Star4":"William Daniels", + "No_of_Votes":253676, + "Gross":"104,945,305" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjQ5ODI1MjQtMDc0Zi00OGQ1LWE2NTYtMTg1YTkxM2E5NzFkXkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Who's Afraid of Virginia Woolf?", + "Released_Year":"1966", + "Certificate":"A", + "Runtime":"131 min", + "Genre":"Drama", + "IMDB_Rating":8.0, + "Overview":"A bitter, aging couple, with the help of alcohol, use their young houseguests to fuel anguish and emotional pain towards each other over the course of a distressing night.", + "Meta_score":75.0, + "Director":"Mike Nichols", + "Star1":"Elizabeth Taylor", + "Star2":"Richard Burton", + "Star3":"George Segal", + "Star4":"Sandy Dennis", + "No_of_Votes":68926, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODIxNjhkYjEtYzUyMi00YTNjLWE1YjktNjAyY2I2MWNkNmNmL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"The Sound of Music", + "Released_Year":"1965", + "Certificate":"U", + "Runtime":"172 min", + "Genre":"Biography, Drama, Family", + "IMDB_Rating":8.0, + "Overview":"A woman leaves an Austrian convent to become a governess to the children of a Naval officer widower.", + "Meta_score":63.0, + "Director":"Robert Wise", + "Star1":"Julie Andrews", + "Star2":"Christopher Plummer", + "Star3":"Eleanor Parker", + "Star4":"Richard Haydn", + "No_of_Votes":205425, + "Gross":"163,214,286" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNzdmZTk4MTktZmExNi00OWEwLTgxZDctNTE4NWMwNjc1Nzg2XkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Doctor Zhivago", + "Released_Year":"1965", + "Certificate":"A", + "Runtime":"197 min", + "Genre":"Drama, Romance, War", + "IMDB_Rating":8.0, + "Overview":"The life of a Russian physician and poet who, although married to another, falls in love with a political activist's wife and experiences hardship during World War I and then the October Revolution.", + "Meta_score":69.0, + "Director":"David Lean", + "Star1":"Omar Sharif", + "Star2":"Julie Christie", + "Star3":"Geraldine Chaplin", + "Star4":"Rod Steiger", + "No_of_Votes":69903, + "Gross":"111,722,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYjA1MGVlMGItNzgxMC00OWY4LWI4YjEtNTNmYWIzMGUxOGQzXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Per un pugno di dollari", + "Released_Year":"1964", + "Certificate":"A", + "Runtime":"99 min", + "Genre":"Action, Drama, Western", + "IMDB_Rating":8.0, + "Overview":"A wandering gunfighter plays two rival families against each other in a town torn apart by greed, pride, and revenge.", + "Meta_score":65.0, + "Director":"Sergio Leone", + "Star1":"Clint Eastwood", + "Star2":"Gian Maria Volont\u00e8", + "Star3":"Marianne Koch", + "Star4":"Wolfgang Lukschy", + "No_of_Votes":198219, + "Gross":"14,500,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTQ4MTA0NjEzMF5BMl5BanBnXkFtZTgwMDg4NDYxMzE@._V1_UY98_CR2,0,67,98_AL_.jpg", + "Series_Title":"8\u00bd", + "Released_Year":"1963", + "Certificate":null, + "Runtime":"138 min", + "Genre":"Drama", + "IMDB_Rating":8.0, + "Overview":"A harried movie director retreats into his memories and fantasies.", + "Meta_score":91.0, + "Director":"Federico Fellini", + "Star1":"Marcello Mastroianni", + "Star2":"Anouk Aim\u00e9e", + "Star3":"Claudia Cardinale", + "Star4":"Sandra Milo", + "No_of_Votes":108844, + "Gross":"50,690" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjMyZmI5NmItY2JlMi00NzU3LWI5ZGItZjhkOTE0YjEyN2Q4XkEyXkFqcGdeQXVyNDkzNTM2ODg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Vivre sa vie: Film en douze tableaux", + "Released_Year":"1962", + "Certificate":null, + "Runtime":"80 min", + "Genre":"Drama", + "IMDB_Rating":8.0, + "Overview":"Twelve episodic tales in the life of a Parisian woman and her slow descent into prostitution.", + "Meta_score":null, + "Director":"Jean-Luc Godard", + "Star1":"Anna Karina", + "Star2":"Sady Rebbot", + "Star3":"Andr\u00e9 S. Labarthe", + "Star4":"Guylaine Schlumberger", + "No_of_Votes":28057, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjhjODI2NTItMGE1ZS00NThiLWE1MmYtOWE3YzcyNzY1MTJlXkEyXkFqcGdeQXVyNTc1NTQxODI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Hustler", + "Released_Year":"1961", + "Certificate":"A", + "Runtime":"134 min", + "Genre":"Drama, Sport", + "IMDB_Rating":8.0, + "Overview":"An up-and-coming pool player plays a long-time champion in a single high-stakes match.", + "Meta_score":90.0, + "Director":"Robert Rossen", + "Star1":"Paul Newman", + "Star2":"Jackie Gleason", + "Star3":"Piper Laurie", + "Star4":"George C. Scott", + "No_of_Votes":75067, + "Gross":"8,284,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODQ0NzY5NGEtYTc5NC00Yjg4LTg4Y2QtZjE2MTkyYTNmNmU2L2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"La dolce vita", + "Released_Year":"1960", + "Certificate":"A", + "Runtime":"174 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":8.0, + "Overview":"A series of stories following a week in the life of a philandering paparazzo journalist living in Rome.", + "Meta_score":95.0, + "Director":"Federico Fellini", + "Star1":"Marcello Mastroianni", + "Star2":"Anita Ekberg", + "Star3":"Anouk Aim\u00e9e", + "Star4":"Yvonne Furneaux", + "No_of_Votes":66621, + "Gross":"19,516,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZDVhMTk1NjUtYjc0OS00OTE1LTk1NTYtYWMzMDI5OTlmYzU2XkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Rio Bravo", + "Released_Year":"1959", + "Certificate":"Passed", + "Runtime":"141 min", + "Genre":"Action, Drama, Western", + "IMDB_Rating":8.0, + "Overview":"A small-town sheriff in the American West enlists the help of a cripple, a drunk, and a young gunfighter in his efforts to hold in jail the brother of the local bad guy.", + "Meta_score":93.0, + "Director":"Howard Hawks", + "Star1":"John Wayne", + "Star2":"Dean Martin", + "Star3":"Ricky Nelson", + "Star4":"Angie Dickinson", + "No_of_Votes":56305, + "Gross":"12,535,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzM0MzE2ZTAtZTBjZS00MTk5LTg5OTEtNjNmYmQ5NzU2OTUyXkEyXkFqcGdeQXVyNDY2MTk1ODk@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Anatomy of a Murder", + "Released_Year":"1959", + "Certificate":null, + "Runtime":"161 min", + "Genre":"Crime, Drama, Mystery", + "IMDB_Rating":8.0, + "Overview":"In a murder trial, the defendant says he suffered temporary insanity after the victim raped his wife. What is the truth, and will he win his case?", + "Meta_score":95.0, + "Director":"Otto Preminger", + "Star1":"James Stewart", + "Star2":"Lee Remick", + "Star3":"Ben Gazzara", + "Star4":"Arthur O'Connell", + "No_of_Votes":59847, + "Gross":"11,900,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTA1MjA3M2EtMmJjZS00OWViLTkwMTEtM2E5ZDk0NTAyNGJiXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Touch of Evil", + "Released_Year":"1958", + "Certificate":"PG-13", + "Runtime":"95 min", + "Genre":"Crime, Drama, Film-Noir", + "IMDB_Rating":8.0, + "Overview":"A stark, perverse story of murder, kidnapping, and police corruption in a Mexican border town.", + "Meta_score":99.0, + "Director":"Orson Welles", + "Star1":"Charlton Heston", + "Star2":"Orson Welles", + "Star3":"Janet Leigh", + "Star4":"Joseph Calleia", + "No_of_Votes":98431, + "Gross":"2,237,659" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzFhNTMwNDMtZjY3Yy00NzY3LWI1ZWQtZTQxMWJmODVhZWFkXkEyXkFqcGdeQXVyNjQzNDI3NzY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Cat on a Hot Tin Roof", + "Released_Year":"1958", + "Certificate":"A", + "Runtime":"108 min", + "Genre":"Drama", + "IMDB_Rating":8.0, + "Overview":"Brick is an alcoholic ex-football player who drinks his days away and resists the affections of his wife. A reunion with his terminal father jogs a host of memories and revelations for both father and son.", + "Meta_score":84.0, + "Director":"Richard Brooks", + "Star1":"Elizabeth Taylor", + "Star2":"Paul Newman", + "Star3":"Burl Ives", + "Star4":"Jack Carson", + "No_of_Votes":45062, + "Gross":"17,570,324" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjE5NTU3YWYtOWIxNi00YWZhLTg2NzktYzVjZWY5MDQ4NzVlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Sweet Smell of Success", + "Released_Year":"1957", + "Certificate":"Approved", + "Runtime":"96 min", + "Genre":"Drama, Film-Noir", + "IMDB_Rating":8.0, + "Overview":"Powerful but unethical Broadway columnist J.J. Hunsecker coerces unscrupulous press agent Sidney Falco into breaking up his sister's romance with a jazz musician.", + "Meta_score":100.0, + "Director":"Alexander Mackendrick", + "Star1":"Burt Lancaster", + "Star2":"Tony Curtis", + "Star3":"Susan Harrison", + "Star4":"Martin Milner", + "No_of_Votes":28137, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMDE5ZjAwY2YtOWM5Yi00ZWNlLWE5ODQtYjA4NzA1NGFkZDU5XkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Killing", + "Released_Year":"1956", + "Certificate":"Approved", + "Runtime":"84 min", + "Genre":"Crime, Drama, Film-Noir", + "IMDB_Rating":8.0, + "Overview":"Crook Johnny Clay assembles a five man team to plan and execute a daring race-track robbery.", + "Meta_score":91.0, + "Director":"Stanley Kubrick", + "Star1":"Sterling Hayden", + "Star2":"Coleen Gray", + "Star3":"Vince Edwards", + "Star4":"Jay C. Flippen", + "No_of_Votes":81702, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYTNjN2M2MzYtZGEwMi00Mzc5LWEwYTMtODM1ZmRiZjFiNTU0L2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Night of the Hunter", + "Released_Year":"1955", + "Certificate":null, + "Runtime":"92 min", + "Genre":"Crime, Drama, Film-Noir", + "IMDB_Rating":8.0, + "Overview":"A religious fanatic marries a gullible widow whose young children are reluctant to tell him where their real daddy hid the $10,000 he'd stolen in a robbery.", + "Meta_score":99.0, + "Director":"Charles Laughton", + "Star1":"Robert Mitchum", + "Star2":"Shelley Winters", + "Star3":"Lillian Gish", + "Star4":"James Gleason", + "No_of_Votes":81980, + "Gross":"654,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYjUyOGMyMTQtYTM5Yy00MjFiLTk2OGItMWYwMDc2YmM1YzhiXkEyXkFqcGdeQXVyMjA0MzYwMDY@._V1_UY98_CR2,0,67,98_AL_.jpg", + "Series_Title":"La Strada", + "Released_Year":"1954", + "Certificate":null, + "Runtime":"108 min", + "Genre":"Drama", + "IMDB_Rating":8.0, + "Overview":"A care-free girl is sold to a traveling entertainer, consequently enduring physical and emotional pain along the way.", + "Meta_score":null, + "Director":"Federico Fellini", + "Star1":"Anthony Quinn", + "Star2":"Giulietta Masina", + "Star3":"Richard Basehart", + "Star4":"Aldo Silvani", + "No_of_Votes":58314, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMGJmNmU5OTAtOTQyYy00MmM3LTk4MzUtMGFiZDYzODdmMmU4XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UY98_CR3,0,67,98_AL_.jpg", + "Series_Title":"Les diaboliques", + "Released_Year":"1955", + "Certificate":null, + "Runtime":"117 min", + "Genre":"Crime, Drama, Horror", + "IMDB_Rating":8.0, + "Overview":"The wife and mistress of a loathed school principal plan to murder him with what they believe is the perfect alibi.", + "Meta_score":null, + "Director":"Henri-Georges Clouzot", + "Star1":"Simone Signoret", + "Star2":"V\u00e9ra Clouzot", + "Star3":"Paul Meurisse", + "Star4":"Charles Vanel", + "No_of_Votes":61503, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNDMyNGU0NjUtNTIxMC00ZmU2LWE0ZGItZTdkNGVlODI2ZDcyL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Stalag 17", + "Released_Year":"1953", + "Certificate":null, + "Runtime":"120 min", + "Genre":"Comedy, Drama, War", + "IMDB_Rating":8.0, + "Overview":"When two escaping American World War II prisoners are killed, the German P.O.W. camp barracks black marketeer, J.J. Sefton, is suspected of being an informer.", + "Meta_score":84.0, + "Director":"Billy Wilder", + "Star1":"William Holden", + "Star2":"Don Taylor", + "Star3":"Otto Preminger", + "Star4":"Robert Strauss", + "No_of_Votes":51046, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTE2MDM4MTMtZmNkZC00Y2QyLWE0YjUtMTAxZGJmODMxMDM0XkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Roman Holiday", + "Released_Year":"1953", + "Certificate":null, + "Runtime":"118 min", + "Genre":"Comedy, Romance", + "IMDB_Rating":8.0, + "Overview":"A bored and sheltered princess escapes her guardians and falls in love with an American newsman in Rome.", + "Meta_score":78.0, + "Director":"William Wyler", + "Star1":"Gregory Peck", + "Star2":"Audrey Hepburn", + "Star3":"Eddie Albert", + "Star4":"Hartley Power", + "No_of_Votes":127256, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNzk2M2Y3MzYtNGMzMi00Y2FjLTkwODQtNmExYWU3ZWY3NzExXkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"A Streetcar Named Desire", + "Released_Year":"1951", + "Certificate":"A", + "Runtime":"122 min", + "Genre":"Drama", + "IMDB_Rating":8.0, + "Overview":"Disturbed Blanche DuBois moves in with her sister in New Orleans and is tormented by her brutish brother-in-law while her reality crumbles around her.", + "Meta_score":97.0, + "Director":"Elia Kazan", + "Star1":"Vivien Leigh", + "Star2":"Marlon Brando", + "Star3":"Kim Hunter", + "Star4":"Karl Malden", + "No_of_Votes":99182, + "Gross":"8,000,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjRmZjcwZTQtYWY0ZS00ODAwLTg4YTktZDhlZDMwMTM1MGFkXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"In a Lonely Place", + "Released_Year":"1950", + "Certificate":null, + "Runtime":"94 min", + "Genre":"Drama, Film-Noir, Mystery", + "IMDB_Rating":8.0, + "Overview":"A potentially violent screenwriter is a murder suspect until his lovely neighbor clears him. However, she soon starts to have her doubts.", + "Meta_score":null, + "Director":"Nicholas Ray", + "Star1":"Humphrey Bogart", + "Star2":"Gloria Grahame", + "Star3":"Frank Lovejoy", + "Star4":"Carl Benton Reid", + "No_of_Votes":26784, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZjc1Yzc0ZmItMzU1OS00OWVlLThmYTctMWNlYmFlMjkxMzc0XkEyXkFqcGdeQXVyNTA1NjYyMDk@._V1_UY98_CR32,0,67,98_AL_.jpg", + "Series_Title":"Kind Hearts and Coronets", + "Released_Year":"1949", + "Certificate":"U", + "Runtime":"106 min", + "Genre":"Comedy, Crime", + "IMDB_Rating":8.0, + "Overview":"A distant poor relative of the Duke D'Ascoyne plots to inherit the title by murdering the eight other heirs who stand ahead of him in the line of succession.", + "Meta_score":null, + "Director":"Robert Hamer", + "Star1":"Dennis Price", + "Star2":"Alec Guinness", + "Star3":"Valerie Hobson", + "Star4":"Joan Greenwood", + "No_of_Votes":34485, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYWFjMDNlYzItY2VlMS00ZTRkLWJjYTEtYjI5NmFlMGE3MzQ2XkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Rope", + "Released_Year":"1948", + "Certificate":"A", + "Runtime":"80 min", + "Genre":"Crime, Drama, Mystery", + "IMDB_Rating":8.0, + "Overview":"Two men attempt to prove they committed the perfect crime by hosting a dinner party after strangling their former classmate to death.", + "Meta_score":73.0, + "Director":"Alfred Hitchcock", + "Star1":"James Stewart", + "Star2":"John Dall", + "Star3":"Farley Granger", + "Star4":"Dick Hogan", + "No_of_Votes":129783, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMDE0MjYxYmMtM2VhMC00MjhiLTg5NjItMDkzZGM5MGVlYjMxL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Out of the Past", + "Released_Year":"1947", + "Certificate":null, + "Runtime":"97 min", + "Genre":"Crime, Drama, Film-Noir", + "IMDB_Rating":8.0, + "Overview":"A private eye escapes his past to run a gas station in a small town, but his past catches up with him. Now he must return to the big city world of danger, corruption, double crosses and duplicitous dames.", + "Meta_score":null, + "Director":"Jacques Tourneur", + "Star1":"Robert Mitchum", + "Star2":"Jane Greer", + "Star3":"Kirk Douglas", + "Star4":"Rhonda Fleming", + "No_of_Votes":32784, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYWQ0MGNjOTYtMWJlNi00YWMxLWFmMzktYjAyNTVkY2U1NWNhL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Brief Encounter", + "Released_Year":"1945", + "Certificate":"U", + "Runtime":"86 min", + "Genre":"Drama, Romance", + "IMDB_Rating":8.0, + "Overview":"Meeting a stranger in a railway station, a woman is tempted to cheat on her husband.", + "Meta_score":92.0, + "Director":"David Lean", + "Star1":"Celia Johnson", + "Star2":"Trevor Howard", + "Star3":"Stanley Holloway", + "Star4":"Joyce Carey", + "No_of_Votes":35601, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYjkxOGM5OTktNTRmZi00MjhlLWE2MDktNzY3NjY3NmRjNDUyXkEyXkFqcGdeQXVyNDY2MTk1ODk@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Laura", + "Released_Year":"1944", + "Certificate":"Passed", + "Runtime":"88 min", + "Genre":"Drama, Film-Noir, Mystery", + "IMDB_Rating":8.0, + "Overview":"A police detective falls in love with the woman whose murder he is investigating.", + "Meta_score":null, + "Director":"Otto Preminger", + "Star1":"Gene Tierney", + "Star2":"Dana Andrews", + "Star3":"Clifton Webb", + "Star4":"Vincent Price", + "No_of_Votes":42725, + "Gross":"4,360,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BY2RmNTRjYzctODI4Ni00MzQyLWEyNTAtNjU0N2JkMTNhNjJkXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Best Years of Our Lives", + "Released_Year":"1946", + "Certificate":"Approved", + "Runtime":"170 min", + "Genre":"Drama, Romance, War", + "IMDB_Rating":8.0, + "Overview":"Three World War II veterans return home to small-town America to discover that they and their families have been irreparably changed.", + "Meta_score":93.0, + "Director":"William Wyler", + "Star1":"Myrna Loy", + "Star2":"Dana Andrews", + "Star3":"Fredric March", + "Star4":"Teresa Wright", + "No_of_Votes":57259, + "Gross":"23,650,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZDVlNTBjMjctNjAzNS00ZGJhLTg2NzMtNzIwYTIzYTBiMDkyXkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Arsenic and Old Lace", + "Released_Year":"1942", + "Certificate":null, + "Runtime":"118 min", + "Genre":"Comedy, Crime, Thriller", + "IMDB_Rating":8.0, + "Overview":"A writer of books on the futility of marriage risks his reputation when he decides to get married. Things get even more complicated when he learns on his wedding day that his beloved maiden aunts are habitual murderers.", + "Meta_score":null, + "Director":"Frank Capra", + "Star1":"Cary Grant", + "Star2":"Priscilla Lane", + "Star3":"Raymond Massey", + "Star4":"Jack Carson", + "No_of_Votes":65101, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZjIwNGM1ZTUtOThjYS00NDdiLTk2ZDYtNGY5YjJkNzliM2JjL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyMDI2NDg0NQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Maltese Falcon", + "Released_Year":"1941", + "Certificate":null, + "Runtime":"100 min", + "Genre":"Film-Noir, Mystery", + "IMDB_Rating":8.0, + "Overview":"A private detective takes on a case that involves him with three eccentric criminals, a gorgeous liar, and their quest for a priceless statuette.", + "Meta_score":96.0, + "Director":"John Huston", + "Star1":"Humphrey Bogart", + "Star2":"Mary Astor", + "Star3":"Gladys George", + "Star4":"Peter Lorre", + "No_of_Votes":148928, + "Gross":"2,108,060" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNzJiOGI2MjctYjUyMS00ZjkzLWE2ZmUtOTg4NTZkOTNhZDc1L2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Grapes of Wrath", + "Released_Year":"1940", + "Certificate":"Passed", + "Runtime":"129 min", + "Genre":"Drama, History", + "IMDB_Rating":8.0, + "Overview":"A poor Midwest family is forced off their land. They travel to California, suffering the misfortunes of the homeless in the Great Depression.", + "Meta_score":96.0, + "Director":"John Ford", + "Star1":"Henry Fonda", + "Star2":"Jane Darwell", + "Star3":"John Carradine", + "Star4":"Charley Grapewin", + "No_of_Votes":85559, + "Gross":"55,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjUyMTc4MDExMV5BMl5BanBnXkFtZTgwNDg0NDIwMjE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Wizard of Oz", + "Released_Year":"1939", + "Certificate":"U", + "Runtime":"102 min", + "Genre":"Adventure, Family, Fantasy", + "IMDB_Rating":8.0, + "Overview":"Dorothy Gale is swept away from a farm in Kansas to a magical land of Oz in a tornado and embarks on a quest with her new friends to see the Wizard who can help her return home to Kansas and help her friends as well.", + "Meta_score":92.0, + "Director":"Victor Fleming", + "Star1":"George Cukor", + "Star2":"Mervyn LeRoy", + "Star3":"Norman Taurog", + "Star4":"Richard Thorpe", + "No_of_Votes":371379, + "Gross":"2,076,020" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYTE4NjYxMGEtZmQxZi00YWVmLWJjZTctYTJmNDFmZGEwNDVhXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UY98_CR2,0,67,98_AL_.jpg", + "Series_Title":"La r\u00e8gle du jeu", + "Released_Year":"1939", + "Certificate":null, + "Runtime":"110 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":8.0, + "Overview":"A bourgeois life in France at the onset of World War II, as the rich and their poor servants meet up at a French chateau.", + "Meta_score":null, + "Director":"Jean Renoir", + "Star1":"Marcel Dalio", + "Star2":"Nora Gregor", + "Star3":"Paulette Dubost", + "Star4":"Mila Par\u00e9ly", + "No_of_Votes":26725, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYmFlOWMwMjAtMDMyMC00N2JjLTllODUtZjY3YWU3NGRkM2I2L2ltYWdlXkEyXkFqcGdeQXVyMjUxODE0MDY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Thin Man", + "Released_Year":"1934", + "Certificate":"TV-PG", + "Runtime":"91 min", + "Genre":"Comedy, Crime, Mystery", + "IMDB_Rating":8.0, + "Overview":"Former detective Nick Charles and his wealthy wife Nora investigate a murder case, mostly for the fun of it.", + "Meta_score":86.0, + "Director":"W.S. Van Dyke", + "Star1":"William Powell", + "Star2":"Myrna Loy", + "Star3":"Maureen O'Sullivan", + "Star4":"Nat Pendleton", + "No_of_Votes":26642, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzg2MWQ4MDEtOGZlNi00MTg0LWIwMjQtYWY5NTQwYmUzMWNmXkEyXkFqcGdeQXVyMzg2MzE2OTE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"All Quiet on the Western Front", + "Released_Year":"1930", + "Certificate":"U", + "Runtime":"152 min", + "Genre":"Drama, War", + "IMDB_Rating":8.0, + "Overview":"A German youth eagerly enters World War I, but his enthusiasm wanes as he gets a firsthand view of the horror.", + "Meta_score":91.0, + "Director":"Lewis Milestone", + "Star1":"Lew Ayres", + "Star2":"Louis Wolheim", + "Star3":"John Wray", + "Star4":"Arnold Lucy", + "No_of_Votes":57318, + "Gross":"3,270,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTEyMTQzMjQ0MTJeQTJeQWpwZ15BbWU4MDcyMjg4OTEx._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Bronenosets Potemkin", + "Released_Year":"1925", + "Certificate":null, + "Runtime":"75 min", + "Genre":"Drama, History, Thriller", + "IMDB_Rating":8.0, + "Overview":"In the midst of the Russian Revolution of 1905, the crew of the battleship Potemkin mutiny against the brutal, tyrannical regime of the vessel's officers. The resulting street demonstration in Odessa brings on a police massacre.", + "Meta_score":97.0, + "Director":"Sergei M. Eisenstein", + "Star1":"Aleksandr Antonov", + "Star2":"Vladimir Barskiy", + "Star3":"Grigoriy Aleksandrov", + "Star4":"Ivan Bobrov", + "No_of_Votes":53054, + "Gross":"50,970" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMGUwZjliMTAtNzAxZi00MWNiLWE2NzgtZGUxMGQxZjhhNDRiXkEyXkFqcGdeQXVyNjU1NzU3MzE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Knives Out", + "Released_Year":"2019", + "Certificate":"UA", + "Runtime":"130 min", + "Genre":"Comedy, Crime, Drama", + "IMDB_Rating":7.9, + "Overview":"A detective investigates the death of a patriarch of an eccentric, combative family.", + "Meta_score":82.0, + "Director":"Rian Johnson", + "Star1":"Daniel Craig", + "Star2":"Chris Evans", + "Star3":"Ana de Armas", + "Star4":"Jamie Lee Curtis", + "No_of_Votes":454203, + "Gross":"165,359,751" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNmI0MTliMTAtMmJhNC00NTJmLTllMzQtMDI3NzA1ODMyZWI1XkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UY98_CR5,0,67,98_AL_.jpg", + "Series_Title":"Dil Bechara", + "Released_Year":"2020", + "Certificate":"UA", + "Runtime":"101 min", + "Genre":"Comedy, Drama, Romance", + "IMDB_Rating":7.9, + "Overview":"The emotional journey of two hopelessly in love youngsters, a young girl, Kizie, suffering from cancer, and a boy, Manny, whom she meets at a support group.", + "Meta_score":null, + "Director":"Mukesh Chhabra", + "Star1":"Sushant Singh Rajput", + "Star2":"Sanjana Sanghi", + "Star3":"Sahil Vaid", + "Star4":"Saswata Chatterjee", + "No_of_Votes":111478, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYWZmOTY0MDAtMGRlMS00YjFlLWFkZTUtYmJhYWNlN2JjMmZkXkEyXkFqcGdeQXVyODAzODU1NDQ@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Manbiki kazoku", + "Released_Year":"2018", + "Certificate":"A", + "Runtime":"121 min", + "Genre":"Crime, Drama", + "IMDB_Rating":7.9, + "Overview":"A family of small-time crooks take in a child they find outside in the cold.", + "Meta_score":93.0, + "Director":"Hirokazu Koreeda", + "Star1":"Lily Franky", + "Star2":"Sakura And\u00f4", + "Star3":"Kirin Kiki", + "Star4":"Mayu Matsuoka", + "No_of_Votes":62754, + "Gross":"3,313,513" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZGVmY2RjNDgtMTc3Yy00YmY0LTgwODItYzBjNWJhNTRlYjdkXkEyXkFqcGdeQXVyMjM4NTM5NDY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Marriage Story", + "Released_Year":"2019", + "Certificate":"U", + "Runtime":"137 min", + "Genre":"Comedy, Drama, Romance", + "IMDB_Rating":7.9, + "Overview":"Noah Baumbach's incisive and compassionate look at a marriage breaking up and a family staying together.", + "Meta_score":94.0, + "Director":"Noah Baumbach", + "Star1":"Adam Driver", + "Star2":"Scarlett Johansson", + "Star3":"Julia Greer", + "Star4":"Azhy Robertson", + "No_of_Votes":246644, + "Gross":"2,000,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNDk3NTEwNjc0MV5BMl5BanBnXkFtZTgwNzYxNTMwMzI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Call Me by Your Name", + "Released_Year":"2017", + "Certificate":"UA", + "Runtime":"132 min", + "Genre":"Drama, Romance", + "IMDB_Rating":7.9, + "Overview":"In 1980s Italy, romance blossoms between a seventeen-year-old student and the older man hired as his father's research assistant.", + "Meta_score":93.0, + "Director":"Luca Guadagnino", + "Star1":"Armie Hammer", + "Star2":"Timoth\u00e9e Chalamet", + "Star3":"Michael Stuhlbarg", + "Star4":"Amira Casar", + "No_of_Votes":212651, + "Gross":"18,095,701" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTQ4NTMzMTk4NV5BMl5BanBnXkFtZTgwNTU5MjE4MDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"I, Daniel Blake", + "Released_Year":"2016", + "Certificate":"UA", + "Runtime":"100 min", + "Genre":"Drama", + "IMDB_Rating":7.9, + "Overview":"After having suffered a heart-attack, a 59-year-old carpenter must fight the bureaucratic forces of the system in order to receive Employment and Support Allowance.", + "Meta_score":78.0, + "Director":"Ken Loach", + "Star1":"Laura Obiols", + "Star2":"Dave Johns", + "Star3":"Hayley Squires", + "Star4":"Sharon Percy", + "No_of_Votes":53818, + "Gross":"258,168" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZDQwOWQ2NmUtZThjZi00MGM0LTkzNDctMzcyMjcyOGI1OGRkXkEyXkFqcGdeQXVyMTA3MDk2NDg2._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Isle of Dogs", + "Released_Year":"2018", + "Certificate":"U", + "Runtime":"101 min", + "Genre":"Animation, Adventure, Comedy", + "IMDB_Rating":7.9, + "Overview":"Set in Japan, Isle of Dogs follows a boy's odyssey in search of his lost dog.", + "Meta_score":82.0, + "Director":"Wes Anderson", + "Star1":"Bryan Cranston", + "Star2":"Koyu Rankin", + "Star3":"Edward Norton", + "Star4":"Bob Balaban", + "No_of_Votes":139114, + "Gross":"32,015,231" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjI1MDQ2MDg5Ml5BMl5BanBnXkFtZTgwMjc2NjM5ODE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Hunt for the Wilderpeople", + "Released_Year":"2016", + "Certificate":"UA", + "Runtime":"101 min", + "Genre":"Adventure, Comedy, Drama", + "IMDB_Rating":7.9, + "Overview":"A national manhunt is ordered for a rebellious kid and his foster uncle who go missing in the wild New Zealand bush.", + "Meta_score":81.0, + "Director":"Taika Waititi", + "Star1":"Sam Neill", + "Star2":"Julian Dennison", + "Star3":"Rima Te Wiata", + "Star4":"Rachel House", + "No_of_Votes":111483, + "Gross":"5,202,582" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjE5OTM0OTY5NF5BMl5BanBnXkFtZTgwMDcxOTQ3ODE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Captain Fantastic", + "Released_Year":"2016", + "Certificate":"R", + "Runtime":"118 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":7.9, + "Overview":"In the forests of the Pacific Northwest, a father devoted to raising his six kids with a rigorous physical and intellectual education is forced to leave his paradise and enter the world, challenging his idea of what it means to be a parent.", + "Meta_score":72.0, + "Director":"Matt Ross", + "Star1":"Viggo Mortensen", + "Star2":"George MacKay", + "Star3":"Samantha Isler", + "Star4":"Annalise Basso", + "No_of_Votes":189400, + "Gross":"5,875,006" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjEzODA3MDcxMl5BMl5BanBnXkFtZTgwODgxNDk3NzE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Sing Street", + "Released_Year":"2016", + "Certificate":"PG-13", + "Runtime":"106 min", + "Genre":"Comedy, Drama, Music", + "IMDB_Rating":7.9, + "Overview":"A boy growing up in Dublin during the 1980s escapes his strained family life by starting a band to impress the mysterious girl he likes.", + "Meta_score":79.0, + "Director":"John Carney", + "Star1":"Ferdia Walsh-Peelo", + "Star2":"Aidan Gillen", + "Star3":"Maria Doyle Kennedy", + "Star4":"Jack Reynor", + "No_of_Votes":85109, + "Gross":"3,237,118" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjMyNDkzMzI1OF5BMl5BanBnXkFtZTgwODcxODg5MjI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Thor: Ragnarok", + "Released_Year":"2017", + "Certificate":"UA", + "Runtime":"130 min", + "Genre":"Action, Adventure, Comedy", + "IMDB_Rating":7.9, + "Overview":"Imprisoned on the planet Sakaar, Thor must race against time to return to Asgard and stop Ragnar\u00f6k, the destruction of his world, at the hands of the powerful and ruthless villain Hela.", + "Meta_score":74.0, + "Director":"Taika Waititi", + "Star1":"Chris Hemsworth", + "Star2":"Tom Hiddleston", + "Star3":"Cate Blanchett", + "Star4":"Mark Ruffalo", + "No_of_Votes":587775, + "Gross":"315,058,289" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BN2U1YzdhYWMtZWUzMi00OWI1LWFkM2ItNWVjM2YxMGQ2MmNhXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Nightcrawler", + "Released_Year":"2014", + "Certificate":"A", + "Runtime":"117 min", + "Genre":"Crime, Drama, Thriller", + "IMDB_Rating":7.9, + "Overview":"When Louis Bloom, a con man desperate for work, muscles into the world of L.A. crime journalism, he blurs the line between observer and participant to become the star of his own story.", + "Meta_score":76.0, + "Director":"Dan Gilroy", + "Star1":"Jake Gyllenhaal", + "Star2":"Rene Russo", + "Star3":"Bill Paxton", + "Star4":"Riz Ahmed", + "No_of_Votes":466134, + "Gross":"32,381,218" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZjU0Yzk2MzEtMjAzYy00MzY0LTg2YmItM2RkNzdkY2ZhN2JkXkEyXkFqcGdeQXVyNDg4NjY5OTQ@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Jojo Rabbit", + "Released_Year":"2019", + "Certificate":"UA", + "Runtime":"108 min", + "Genre":"Comedy, Drama, War", + "IMDB_Rating":7.9, + "Overview":"A young boy in Hitler's army finds out his mother is hiding a Jewish girl in their home.", + "Meta_score":58.0, + "Director":"Taika Waititi", + "Star1":"Roman Griffin Davis", + "Star2":"Thomasin McKenzie", + "Star3":"Scarlett Johansson", + "Star4":"Taika Waititi", + "No_of_Votes":297918, + "Gross":"349,555" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTExMzU0ODcxNDheQTJeQWpwZ15BbWU4MDE1OTI4MzAy._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Arrival", + "Released_Year":"2016", + "Certificate":"UA", + "Runtime":"116 min", + "Genre":"Drama, Sci-Fi", + "IMDB_Rating":7.9, + "Overview":"A linguist works with the military to communicate with alien lifeforms after twelve mysterious spacecrafts appear around the world.", + "Meta_score":81.0, + "Director":"Denis Villeneuve", + "Star1":"Amy Adams", + "Star2":"Jeremy Renner", + "Star3":"Forest Whitaker", + "Star4":"Michael Stuhlbarg", + "No_of_Votes":594181, + "Gross":"100,546,139" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTAzODEzNDAzMl5BMl5BanBnXkFtZTgwMDU1MTgzNzE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Star Wars: Episode VII - The Force Awakens", + "Released_Year":"2015", + "Certificate":"U", + "Runtime":"138 min", + "Genre":"Action, Adventure, Sci-Fi", + "IMDB_Rating":7.9, + "Overview":"As a new threat to the galaxy rises, Rey, a desert scavenger, and Finn, an ex-stormtrooper, must join Han Solo and Chewbacca to search for the one hope of restoring peace.", + "Meta_score":80.0, + "Director":"J.J. Abrams", + "Star1":"Daisy Ridley", + "Star2":"John Boyega", + "Star3":"Oscar Isaac", + "Star4":"Domhnall Gleeson", + "No_of_Votes":860823, + "Gross":"936,662,225" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjA5NzgxODE2NF5BMl5BanBnXkFtZTcwNTI1NTI0OQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Before Midnight", + "Released_Year":"2013", + "Certificate":"R", + "Runtime":"109 min", + "Genre":"Drama, Romance", + "IMDB_Rating":7.9, + "Overview":"We meet Jesse and Celine nine years on in Greece. Almost two decades have passed since their first meeting on that train bound for Vienna.", + "Meta_score":94.0, + "Director":"Richard Linklater", + "Star1":"Ethan Hawke", + "Star2":"Julie Delpy", + "Star3":"Seamus Davey-Fitzpatrick", + "Star4":"Ariane Labed", + "No_of_Votes":141457, + "Gross":"8,114,627" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZGIzNWYzN2YtMjcwYS00YjQ3LWI2NjMtOTNiYTUyYjE2MGNkXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"X-Men: Days of Future Past", + "Released_Year":"2014", + "Certificate":"UA", + "Runtime":"132 min", + "Genre":"Action, Adventure, Sci-Fi", + "IMDB_Rating":7.9, + "Overview":"The X-Men send Wolverine to the past in a desperate effort to change history and prevent an event that results in doom for both humans and mutants.", + "Meta_score":75.0, + "Director":"Bryan Singer", + "Star1":"Patrick Stewart", + "Star2":"Ian McKellen", + "Star3":"Hugh Jackman", + "Star4":"James McAvoy", + "No_of_Votes":659763, + "Gross":"233,921,534" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYTRkMDRiYmEtNGM4YS00NzM3LWI4MTMtYzk1MmVjMjM3ODg1XkEyXkFqcGdeQXVyMjgyNjk3MzE@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Bir Zamanlar Anadolu'da", + "Released_Year":"2011", + "Certificate":null, + "Runtime":"157 min", + "Genre":"Crime, Drama", + "IMDB_Rating":7.9, + "Overview":"A group of men set out in search of a dead body in the Anatolian steppes.", + "Meta_score":82.0, + "Director":"Nuri Bilge Ceylan", + "Star1":"Muhammet Uzuner", + "Star2":"Yilmaz Erdogan", + "Star3":"Taner Birsel", + "Star4":"Ahmet M\u00fcmtaz Taylan", + "No_of_Votes":41995, + "Gross":"138,730" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMDUyZWU5N2UtOWFlMy00MTI0LTk0ZDYtMzFhNjljODBhZDA5XkEyXkFqcGdeQXVyNzA4ODc3ODU@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"The Artist", + "Released_Year":"2011", + "Certificate":"U", + "Runtime":"100 min", + "Genre":"Comedy, Drama, Romance", + "IMDB_Rating":7.9, + "Overview":"An egomaniacal film star develops a relationship with a young dancer against the backdrop of Hollywood's silent era.", + "Meta_score":89.0, + "Director":"Michel Hazanavicius", + "Star1":"Jean Dujardin", + "Star2":"B\u00e9r\u00e9nice Bejo", + "Star3":"John Goodman", + "Star4":"James Cromwell", + "No_of_Votes":230624, + "Gross":"44,671,682" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTc5OTk4MTM3M15BMl5BanBnXkFtZTgwODcxNjg3MDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Edge of Tomorrow", + "Released_Year":"2014", + "Certificate":"UA", + "Runtime":"113 min", + "Genre":"Action, Adventure, Sci-Fi", + "IMDB_Rating":7.9, + "Overview":"A soldier fighting aliens gets to relive the same day over and over again, the day restarting every time he dies.", + "Meta_score":71.0, + "Director":"Doug Liman", + "Star1":"Tom Cruise", + "Star2":"Emily Blunt", + "Star3":"Bill Paxton", + "Star4":"Brendan Gleeson", + "No_of_Votes":600004, + "Gross":"100,206,256" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTk1NTc3NDc4MF5BMl5BanBnXkFtZTcwNjYwNDk0OA@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Amour", + "Released_Year":"2012", + "Certificate":"UA", + "Runtime":"127 min", + "Genre":"Drama, Romance", + "IMDB_Rating":7.9, + "Overview":"Georges and Anne are an octogenarian couple. They are cultivated, retired music teachers. Their daughter, also a musician, lives in Britain with her family. One day, Anne has a stroke, and the couple's bond of love is severely tested.", + "Meta_score":94.0, + "Director":"Michael Haneke", + "Star1":"Jean-Louis Trintignant", + "Star2":"Emmanuelle Riva", + "Star3":"Isabelle Huppert", + "Star4":"Alexandre Tharaud", + "No_of_Votes":93090, + "Gross":"6,739,492" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMGUyM2ZiZmUtMWY0OC00NTQ4LThkOGUtNjY2NjkzMDJiMWMwXkEyXkFqcGdeQXVyMzY0MTE3NzU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Irishman", + "Released_Year":"2019", + "Certificate":"R", + "Runtime":"209 min", + "Genre":"Biography, Crime, Drama", + "IMDB_Rating":7.9, + "Overview":"An old man recalls his time painting houses for his friend, Jimmy Hoffa, through the 1950-70s.", + "Meta_score":94.0, + "Director":"Martin Scorsese", + "Star1":"Robert De Niro", + "Star2":"Al Pacino", + "Star3":"Joe Pesci", + "Star4":"Harvey Keitel", + "No_of_Votes":324720, + "Gross":"7,000,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTUyMjQ1MTY5OV5BMl5BanBnXkFtZTcwNzY5NjExMw@@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Un proph\u00e8te", + "Released_Year":"2009", + "Certificate":"A", + "Runtime":"155 min", + "Genre":"Crime, Drama", + "IMDB_Rating":7.9, + "Overview":"A young Arab man is sent to a French prison.", + "Meta_score":90.0, + "Director":"Jacques Audiard", + "Star1":"Tahar Rahim", + "Star2":"Niels Arestrup", + "Star3":"Adel Bencherif", + "Star4":"Reda Kateb", + "No_of_Votes":93560, + "Gross":"2,084,637" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTgzODgyNTQwOV5BMl5BanBnXkFtZTcwNzc0NTc0Mg@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Moon", + "Released_Year":"2009", + "Certificate":"R", + "Runtime":"97 min", + "Genre":"Drama, Mystery, Sci-Fi", + "IMDB_Rating":7.9, + "Overview":"Astronaut Sam Bell has a quintessentially personal encounter toward the end of his three-year stint on the Moon, where he, working alongside his computer, GERTY, sends back to Earth parcels of a resource that has helped diminish our planet's power problems.", + "Meta_score":67.0, + "Director":"Duncan Jones", + "Star1":"Sam Rockwell", + "Star2":"Kevin Spacey", + "Star3":"Dominique McElligott", + "Star4":"Rosie Shaw", + "No_of_Votes":335152, + "Gross":"5,009,677" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOWM4NTY2NTMtZDZlZS00NTgyLWEzZDMtODE3ZGI1MzI3ZmU5XkEyXkFqcGdeQXVyNzI1NzMxNzM@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"L\u00e5t den r\u00e4tte komma in", + "Released_Year":"2008", + "Certificate":"R", + "Runtime":"114 min", + "Genre":"Crime, Drama, Fantasy", + "IMDB_Rating":7.9, + "Overview":"Oskar, an overlooked and bullied boy, finds love and revenge through Eli, a beautiful but peculiar girl.", + "Meta_score":82.0, + "Director":"Tomas Alfredson", + "Star1":"K\u00e5re Hedebrant", + "Star2":"Lina Leandersson", + "Star3":"Per Ragnar", + "Star4":"Henrik Dahl", + "No_of_Votes":205609, + "Gross":"2,122,065" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYmQ5MzFjYWMtMTMwNC00ZGU5LWI3YTQtYzhkMGExNGFlY2Q0XkEyXkFqcGdeQXVyNTIzOTk5ODM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"District 9", + "Released_Year":"2009", + "Certificate":"A", + "Runtime":"112 min", + "Genre":"Action, Sci-Fi, Thriller", + "IMDB_Rating":7.9, + "Overview":"Violence ensues after an extraterrestrial race forced to live in slum-like conditions on Earth finds a kindred spirit in a government agent exposed to their biotechnology.", + "Meta_score":81.0, + "Director":"Neill Blomkamp", + "Star1":"Sharlto Copley", + "Star2":"David James", + "Star3":"Jason Cope", + "Star4":"Nathalie Boltt", + "No_of_Votes":638202, + "Gross":"115,646,235" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTc5MjYyOTg4MF5BMl5BanBnXkFtZTcwNDc2MzQwMg@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Wrestler", + "Released_Year":"2008", + "Certificate":"UA", + "Runtime":"109 min", + "Genre":"Drama, Sport", + "IMDB_Rating":7.9, + "Overview":"A faded professional wrestler must retire, but finds his quest for a new life outside the ring a dispiriting struggle.", + "Meta_score":80.0, + "Director":"Darren Aronofsky", + "Star1":"Mickey Rourke", + "Star2":"Marisa Tomei", + "Star3":"Evan Rachel Wood", + "Star4":"Mark Margolis", + "No_of_Votes":289415, + "Gross":"26,236,603" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYmIzYmY4MGItM2I4YS00OWZhLWFmMzQtYzI2MWY1MmM3NGU1XkEyXkFqcGdeQXVyNjQ2MjQ5NzM@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Jab We Met", + "Released_Year":"2007", + "Certificate":"U", + "Runtime":"138 min", + "Genre":"Comedy, Drama, Romance", + "IMDB_Rating":7.9, + "Overview":"A depressed wealthy businessman finds his life changing after he meets a spunky and care-free young woman.", + "Meta_score":null, + "Director":"Imtiaz Ali", + "Star1":"Shahid Kapoor", + "Star2":"Kareena Kapoor", + "Star3":"Tarun Arora", + "Star4":"Dara Singh", + "No_of_Votes":47720, + "Gross":"410,800" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTYzNDc2MDc0N15BMl5BanBnXkFtZTgwOTcwMDQ5MTE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Boyhood", + "Released_Year":"2014", + "Certificate":"A", + "Runtime":"165 min", + "Genre":"Drama", + "IMDB_Rating":7.9, + "Overview":"The life of Mason, from early childhood to his arrival at college.", + "Meta_score":100.0, + "Director":"Richard Linklater", + "Star1":"Ellar Coltrane", + "Star2":"Patricia Arquette", + "Star3":"Ethan Hawke", + "Star4":"Elijah Smith", + "No_of_Votes":335533, + "Gross":"25,379,975" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYzU1YWUzNjYtNmVhZi00ODUyLTg4M2ItMTFlMmU1Mzc5OTE5XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"4 luni, 3 saptam\u00e2ni si 2 zile", + "Released_Year":"2007", + "Certificate":null, + "Runtime":"113 min", + "Genre":"Drama", + "IMDB_Rating":7.9, + "Overview":"A woman assists her friend in arranging an illegal abortion in 1980s Romania.", + "Meta_score":97.0, + "Director":"Cristian Mungiu", + "Star1":"Anamaria Marinca", + "Star2":"Laura Vasiliu", + "Star3":"Vlad Ivanov", + "Star4":"Alexandru Potocean", + "No_of_Votes":56625, + "Gross":"1,185,783" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjE5NDQ5OTE4Ml5BMl5BanBnXkFtZTcwOTE3NDIzMw@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Star Trek", + "Released_Year":"2009", + "Certificate":"UA", + "Runtime":"127 min", + "Genre":"Action, Adventure, Sci-Fi", + "IMDB_Rating":7.9, + "Overview":"The brash James T. Kirk tries to live up to his father's legacy with Mr. Spock keeping him in check as a vengeful Romulan from the future creates black holes to destroy the Federation one planet at a time.", + "Meta_score":82.0, + "Director":"J.J. Abrams", + "Star1":"Chris Pine", + "Star2":"Zachary Quinto", + "Star3":"Simon Pegg", + "Star4":"Leonard Nimoy", + "No_of_Votes":577336, + "Gross":"257,730,019" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTUwOGFiM2QtOWMxYS00MjU2LThmZDMtZDM2MWMzNzllNjdhXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"In Bruges", + "Released_Year":"2008", + "Certificate":"R", + "Runtime":"107 min", + "Genre":"Comedy, Crime, Drama", + "IMDB_Rating":7.9, + "Overview":"Guilt-stricken after a job gone wrong, hitman Ray and his partner await orders from their ruthless boss in Bruges, Belgium, the last place in the world Ray wants to be.", + "Meta_score":67.0, + "Director":"Martin McDonagh", + "Star1":"Colin Farrell", + "Star2":"Brendan Gleeson", + "Star3":"Ciar\u00e1n Hinds", + "Star4":"Elizabeth Berrington", + "No_of_Votes":390334, + "Gross":"7,757,130" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzQ5NGQwOTUtNWJlZi00ZTFiLWI0ZTEtOGU3MTA2ZGU5OWZiXkEyXkFqcGdeQXVyMTczNjQwOTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Man from Earth", + "Released_Year":"2007", + "Certificate":null, + "Runtime":"87 min", + "Genre":"Drama, Fantasy, Mystery", + "IMDB_Rating":7.9, + "Overview":"An impromptu goodbye party for Professor John Oldman becomes a mysterious interrogation after the retiring scholar reveals to his colleagues he has a longer and stranger past than they can imagine.", + "Meta_score":null, + "Director":"Richard Schenkman", + "Star1":"David Lee Smith", + "Star2":"Tony Todd", + "Star3":"John Billingsley", + "Star4":"Ellen Crawford", + "No_of_Votes":174125, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjE0NzgwODI4M15BMl5BanBnXkFtZTcwNjg3OTA0MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Letters from Iwo Jima", + "Released_Year":"2006", + "Certificate":"UA", + "Runtime":"141 min", + "Genre":"Action, Adventure, Drama", + "IMDB_Rating":7.9, + "Overview":"The story of the battle of Iwo Jima between the United States and Imperial Japan during World War II, as told from the perspective of the Japanese who fought it.", + "Meta_score":89.0, + "Director":"Clint Eastwood", + "Star1":"Ken Watanabe", + "Star2":"Kazunari Ninomiya", + "Star3":"Tsuyoshi Ihara", + "Star4":"Ry\u00f4 Kase", + "No_of_Votes":154011, + "Gross":"13,756,082" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjAzODUwMjM1M15BMl5BanBnXkFtZTcwNjU2MjU2MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Fall", + "Released_Year":"2006", + "Certificate":"R", + "Runtime":"117 min", + "Genre":"Adventure, Drama, Fantasy", + "IMDB_Rating":7.9, + "Overview":"In a hospital on the outskirts of 1920s Los Angeles, an injured stuntman begins to tell a fellow patient, a little girl with a broken arm, a fantastic story of five mythical heroes. Thanks to his fractured state of mind and her vivid imagination, the line between fiction and reality blurs as the tale advances.", + "Meta_score":64.0, + "Director":"Tarsem Singh", + "Star1":"Lee Pace", + "Star2":"Catinca Untaru", + "Star3":"Justine Waddell", + "Star4":"Kim Uylenbroek", + "No_of_Votes":107290, + "Gross":"2,280,348" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNTg2OTY2ODg5OF5BMl5BanBnXkFtZTcwODM5MTYxOA@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Life of Pi", + "Released_Year":"2012", + "Certificate":"U", + "Runtime":"127 min", + "Genre":"Adventure, Drama, Fantasy", + "IMDB_Rating":7.9, + "Overview":"A young man who survives a disaster at sea is hurtled into an epic journey of adventure and discovery. While cast away, he forms an unexpected connection with another survivor: a fearsome Bengal tiger.", + "Meta_score":79.0, + "Director":"Ang Lee", + "Star1":"Suraj Sharma", + "Star2":"Irrfan Khan", + "Star3":"Adil Hussain", + "Star4":"Tabu", + "No_of_Votes":580708, + "Gross":"124,987,023" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOGUwYTU4NGEtNDM4MS00NDRjLTkwNmQtOTkwMWMyMjhmMjdlXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Fantastic Mr. Fox", + "Released_Year":"2009", + "Certificate":"PG", + "Runtime":"87 min", + "Genre":"Animation, Adventure, Comedy", + "IMDB_Rating":7.9, + "Overview":"An urbane fox cannot resist returning to his farm raiding ways and then must help his community survive the farmers' retaliation.", + "Meta_score":83.0, + "Director":"Wes Anderson", + "Star1":"George Clooney", + "Star2":"Meryl Streep", + "Star3":"Bill Murray", + "Star4":"Jason Schwartzman", + "No_of_Votes":199696, + "Gross":"21,002,919" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTU3MDc2MjUwMV5BMl5BanBnXkFtZTcwNzQyMDAzMQ@@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"C.R.A.Z.Y.", + "Released_Year":"2005", + "Certificate":null, + "Runtime":"129 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":7.9, + "Overview":"A young French-Canadian, growing up in the 1960s and 1970s, struggles to reconcile his emerging homosexuality with his father's conservative values and his own Catholic beliefs.", + "Meta_score":81.0, + "Director":"Jean-Marc Vall\u00e9e", + "Star1":"Michel C\u00f4t\u00e9", + "Star2":"Marc-Andr\u00e9 Grondin", + "Star3":"Danielle Proulx", + "Star4":"\u00c9mile Vall\u00e9e", + "No_of_Votes":31476, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOGY1M2MwOTEtZDIyNi00YjNlLWExYmEtNzBjOGI3N2QzNTg5XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Les choristes", + "Released_Year":"2004", + "Certificate":"PG-13", + "Runtime":"97 min", + "Genre":"Drama, Music", + "IMDB_Rating":7.9, + "Overview":"The new teacher at a severely administered boys' boarding school works to positively affect the students' lives through music.", + "Meta_score":56.0, + "Director":"Christophe Barratier", + "Star1":"G\u00e9rard Jugnot", + "Star2":"Fran\u00e7ois Berl\u00e9and", + "Star3":"Jean-Baptiste Maunier", + "Star4":"Kad Merad", + "No_of_Votes":57430, + "Gross":"3,635,164" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTczNTI2ODUwOF5BMl5BanBnXkFtZTcwMTU0NTIzMw@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Iron Man", + "Released_Year":"2008", + "Certificate":"UA", + "Runtime":"126 min", + "Genre":"Action, Adventure, Sci-Fi", + "IMDB_Rating":7.9, + "Overview":"After being held captive in an Afghan cave, billionaire engineer Tony Stark creates a unique weaponized suit of armor to fight evil.", + "Meta_score":79.0, + "Director":"Jon Favreau", + "Star1":"Robert Downey Jr.", + "Star2":"Gwyneth Paltrow", + "Star3":"Terrence Howard", + "Star4":"Jeff Bridges", + "No_of_Votes":939644, + "Gross":"318,412,101" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTg5Mjk2NDMtZTk0Ny00YTQ0LWIzYWEtMWI5MGQ0Mjg1OTNkXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Shaun of the Dead", + "Released_Year":"2004", + "Certificate":"UA", + "Runtime":"99 min", + "Genre":"Comedy, Horror", + "IMDB_Rating":7.9, + "Overview":"A man's uneventful life is disrupted by the zombie apocalypse.", + "Meta_score":76.0, + "Director":"Edgar Wright", + "Star1":"Simon Pegg", + "Star2":"Nick Frost", + "Star3":"Kate Ashfield", + "Star4":"Lucy Davis", + "No_of_Votes":512249, + "Gross":"13,542,874" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODBiNzYxNzYtMjkyMi00MjUyLWJkM2YtZjNkMDhhYmEwMTRiL2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Gegen die Wand", + "Released_Year":"2004", + "Certificate":"R", + "Runtime":"121 min", + "Genre":"Drama, Romance", + "IMDB_Rating":7.9, + "Overview":"With the intention to break free from the strict familial restrictions, a suicidal young woman sets up a marriage of convenience with a forty-year-old addict, an act that will lead to an outburst of envious love.", + "Meta_score":78.0, + "Director":"Fatih Akin", + "Star1":"Birol \u00dcnel", + "Star2":"Sibel Kekilli", + "Star3":"G\u00fcven Kira\u00e7", + "Star4":"Zarah Jane McKenzie", + "No_of_Votes":51325, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTIzNDUyMjA4MV5BMl5BanBnXkFtZTYwNDc4ODM3._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Mystic River", + "Released_Year":"2003", + "Certificate":"A", + "Runtime":"138 min", + "Genre":"Crime, Drama, Mystery", + "IMDB_Rating":7.9, + "Overview":"The lives of three men who were childhood friends are shattered when one of them has a family tragedy.", + "Meta_score":84.0, + "Director":"Clint Eastwood", + "Star1":"Sean Penn", + "Star2":"Tim Robbins", + "Star3":"Kevin Bacon", + "Star4":"Emmy Rossum", + "No_of_Votes":419420, + "Gross":"90,135,191" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTY4NTIwODg0N15BMl5BanBnXkFtZTcwOTc0MjEzMw@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Harry Potter and the Prisoner of Azkaban", + "Released_Year":"2004", + "Certificate":"U", + "Runtime":"142 min", + "Genre":"Adventure, Family, Fantasy", + "IMDB_Rating":7.9, + "Overview":"Harry Potter, Ron and Hermione return to Hogwarts School of Witchcraft and Wizardry for their third year of study, where they delve into the mystery surrounding an escaped prisoner who poses a dangerous threat to the young wizard.", + "Meta_score":82.0, + "Director":"Alfonso Cuar\u00f3n", + "Star1":"Daniel Radcliffe", + "Star2":"Emma Watson", + "Star3":"Rupert Grint", + "Star4":"Richard Griffiths", + "No_of_Votes":552493, + "Gross":"249,358,727" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMWQ2MjQ0OTctMWE1OC00NjZjLTk3ZDAtNTk3NTZiYWMxYTlmXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Ying xiong", + "Released_Year":"2002", + "Certificate":"PG-13", + "Runtime":"120 min", + "Genre":"Action, Adventure, History", + "IMDB_Rating":7.9, + "Overview":"A defense officer, Nameless, was summoned by the King of Qin regarding his success of terminating three warriors.", + "Meta_score":85.0, + "Director":"Yimou Zhang", + "Star1":"Jet Li", + "Star2":"Tony Chiu-Wai Leung", + "Star3":"Maggie Cheung", + "Star4":"Ziyi Zhang", + "No_of_Votes":173999, + "Gross":"53,710,019" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYmVmMGQ3NzEtM2FiNi00YThhLWFkZjYtM2Y0MjZjNGE4NzM0XkEyXkFqcGdeQXVyODc0OTEyNDU@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Hable con ella", + "Released_Year":"2002", + "Certificate":"R", + "Runtime":"112 min", + "Genre":"Drama, Mystery, Romance", + "IMDB_Rating":7.9, + "Overview":"Two men share an odd friendship while they care for two women who are both in deep comas.", + "Meta_score":86.0, + "Director":"Pedro Almod\u00f3var", + "Star1":"Rosario Flores", + "Star2":"Javier C\u00e1mara", + "Star3":"Dar\u00edo Grandinetti", + "Star4":"Leonor Watling", + "No_of_Votes":104691, + "Gross":"9,284,265" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMGFkNjNmZWMtNDdiOS00ZWM3LWE1ZTMtZDU3MGQyMzIyNzZhXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"No Man's Land", + "Released_Year":"2001", + "Certificate":"R", + "Runtime":"98 min", + "Genre":"Comedy, Drama, War", + "IMDB_Rating":7.9, + "Overview":"Bosnia and Herzegovina during 1993 at the time of the heaviest fighting between the two warring sides. Two soldiers from opposing sides in the conflict, Nino and Ciki, become trapped in no man's land, whilst a third soldier becomes a living booby trap.", + "Meta_score":84.0, + "Director":"Danis Tanovic", + "Star1":"Branko Djuric", + "Star2":"Rene Bitorajac", + "Star3":"Filip Sovagovic", + "Star4":"Georges Siatidis", + "No_of_Votes":44618, + "Gross":"1,059,830" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjYzYWM4YTItZjJiMC00OTM5LTg3NDgtOGQ2Njk2ZWNhN2QwXkEyXkFqcGdeQXVyMzM4MjM0Nzg@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Cowboy Bebop: Tengoku no tobira", + "Released_Year":"2001", + "Certificate":"U", + "Runtime":"115 min", + "Genre":"Animation, Action, Crime", + "IMDB_Rating":7.9, + "Overview":"A terrorist explosion releases a deadly virus on the masses, and it's up the bounty-hunting Bebop crew to catch the cold-blooded culprit.", + "Meta_score":61.0, + "Director":"Shin'ichir\u00f4 Watanabe", + "Star1":"Tensai Okamura", + "Star2":"Hiroyuki Okiura", + "Star3":"Yoshiyuki Takei", + "Star4":"Beau Billingslea", + "No_of_Votes":42897, + "Gross":"1,000,045" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BM2JkNGU0ZGMtZjVjNS00NjgyLWEyOWYtZmRmZGQyN2IxZjA2XkEyXkFqcGdeQXVyNTIzOTk5ODM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Bourne Identity", + "Released_Year":"2002", + "Certificate":"UA", + "Runtime":"119 min", + "Genre":"Action, Mystery, Thriller", + "IMDB_Rating":7.9, + "Overview":"A man is picked up by a fishing boat, bullet-riddled and suffering from amnesia, before racing to elude assassins and attempting to regain his memory.", + "Meta_score":68.0, + "Director":"Doug Liman", + "Star1":"Franka Potente", + "Star2":"Matt Damon", + "Star3":"Chris Cooper", + "Star4":"Clive Owen", + "No_of_Votes":508771, + "Gross":"121,661,683" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTYxMDdlYjItMDVkYy00MjYzLThhMTYtYjIzZjZiODk1ZWRmXkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Nueve reinas", + "Released_Year":"2000", + "Certificate":"R", + "Runtime":"114 min", + "Genre":"Crime, Drama, Thriller", + "IMDB_Rating":7.9, + "Overview":"Two con artists try to swindle a stamp collector by selling him a sheet of counterfeit rare stamps (the \"nine queens\").", + "Meta_score":80.0, + "Director":"Fabi\u00e1n Bielinsky", + "Star1":"Ricardo Dar\u00edn", + "Star2":"Gast\u00f3n Pauls", + "Star3":"Graciela Tenenbaum", + "Star4":"Mar\u00eda Mercedes Villagra", + "No_of_Votes":49721, + "Gross":"1,221,261" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTQ5NTI2NTI4NF5BMl5BanBnXkFtZTcwNjk2NDA2OQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Children of Men", + "Released_Year":"2006", + "Certificate":"A", + "Runtime":"109 min", + "Genre":"Adventure, Drama, Sci-Fi", + "IMDB_Rating":7.9, + "Overview":"In 2027, in a chaotic world in which women have become somehow infertile, a former activist agrees to help transport a miraculously pregnant woman to a sanctuary at sea.", + "Meta_score":84.0, + "Director":"Alfonso Cuar\u00f3n", + "Star1":"Julianne Moore", + "Star2":"Clive Owen", + "Star3":"Chiwetel Ejiofor", + "Star4":"Michael Caine", + "No_of_Votes":465113, + "Gross":"35,552,383" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzY1ZjMwMGEtYTY1ZS00ZDllLTk0ZmUtYzA3ZTA4NmYwNGNkXkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Almost Famous", + "Released_Year":"2000", + "Certificate":"A", + "Runtime":"122 min", + "Genre":"Adventure, Comedy, Drama", + "IMDB_Rating":7.9, + "Overview":"A high-school boy is given the chance to write a story for Rolling Stone Magazine about an up-and-coming rock band as he accompanies them on their concert tour.", + "Meta_score":90.0, + "Director":"Cameron Crowe", + "Star1":"Billy Crudup", + "Star2":"Patrick Fugit", + "Star3":"Kate Hudson", + "Star4":"Frances McDormand", + "No_of_Votes":252586, + "Gross":"32,534,850" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYjBhZmViNTItMGExMy00MGNmLTkwZDItMDVlMTQ4ODVkYTMwXkEyXkFqcGdeQXVyNzM0MTUwNTY@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Mulholland Dr.", + "Released_Year":"2001", + "Certificate":"R", + "Runtime":"147 min", + "Genre":"Drama, Mystery, Thriller", + "IMDB_Rating":7.9, + "Overview":"After a car wreck on the winding Mulholland Drive renders a woman amnesiac, she and a perky Hollywood-hopeful search for clues and answers across Los Angeles in a twisting venture beyond dreams and reality.", + "Meta_score":85.0, + "Director":"David Lynch", + "Star1":"Naomi Watts", + "Star2":"Laura Harring", + "Star3":"Justin Theroux", + "Star4":"Jeanne Bates", + "No_of_Votes":322031, + "Gross":"7,220,243" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMWM5ZDcxMTYtNTEyNS00MDRkLWI3YTItNThmMGExMWY4NDIwXkEyXkFqcGdeQXVyNjUwNzk3NDc@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Toy Story 2", + "Released_Year":"1999", + "Certificate":"U", + "Runtime":"92 min", + "Genre":"Animation, Adventure, Comedy", + "IMDB_Rating":7.9, + "Overview":"When Woody is stolen by a toy collector, Buzz and his friends set out on a rescue mission to save Woody before he becomes a museum toy property with his roundup gang Jessie, Prospector, and Bullseye.", + "Meta_score":88.0, + "Director":"John Lasseter", + "Star1":"Ash Brannon", + "Star2":"Lee Unkrich", + "Star3":"Tom Hanks", + "Star4":"Tim Allen", + "No_of_Votes":527512, + "Gross":"245,852,179" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BY2E2YWYxY2QtZmJmZi00MjJlLWFiYWItZTk5Y2IyMWQ1ZThhXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Boogie Nights", + "Released_Year":"1997", + "Certificate":"R", + "Runtime":"155 min", + "Genre":"Drama", + "IMDB_Rating":7.9, + "Overview":"Back when sex was safe, pleasure was a business and business was booming, an idealistic porn producer aspires to elevate his craft to an art when he discovers a hot young talent.", + "Meta_score":85.0, + "Director":"Paul Thomas Anderson", + "Star1":"Mark Wahlberg", + "Star2":"Julianne Moore", + "Star3":"Burt Reynolds", + "Star4":"Luis Guzm\u00e1n", + "No_of_Votes":239473, + "Gross":"26,400,640" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZDg0MWNmNjktMGEwZC00ZDlmLWI1MTUtMDBmNjQzMWM2NjBjXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Mimi wo sumaseba", + "Released_Year":"1995", + "Certificate":"U", + "Runtime":"111 min", + "Genre":"Animation, Drama, Family", + "IMDB_Rating":7.9, + "Overview":"A love story between a girl who loves reading books, and a boy who has previously checked out all of the library books she chooses.", + "Meta_score":75.0, + "Director":"Yoshifumi Kond\u00f4", + "Star1":"Yoko Honna", + "Star2":"Issey Takahashi", + "Star3":"Takashi Tachibana", + "Star4":"Shigeru Muroi", + "No_of_Votes":51943, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYTY4MTdjZDMtOTBiMC00MDEwLThhMjUtMjlhMjdlYTBmMzk3XkEyXkFqcGdeQXVyNjMwMjk0MTQ@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Once Were Warriors", + "Released_Year":"1994", + "Certificate":"A", + "Runtime":"102 min", + "Genre":"Crime, Drama", + "IMDB_Rating":7.9, + "Overview":"A family descended from Maori warriors is bedeviled by a violent father and the societal problems of being treated as outcasts.", + "Meta_score":77.0, + "Director":"Lee Tamahori", + "Star1":"Rena Owen", + "Star2":"Temuera Morrison", + "Star3":"Mamaengaroa Kerr-Bell", + "Star4":"Julian Arahanga", + "No_of_Votes":31590, + "Gross":"2,201,126" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMDViNjFjOWMtZGZhMi00NmIyLThmYzktODA4MzJhZDZhMDc5XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"True Romance", + "Released_Year":"1993", + "Certificate":"R", + "Runtime":"119 min", + "Genre":"Crime, Drama, Romance", + "IMDB_Rating":7.9, + "Overview":"In Detroit, a lonely pop culture geek marries a call girl, steals cocaine from her pimp, and tries to sell it in Hollywood. Meanwhile, the owners of the cocaine, the Mob, track them down in an attempt to reclaim it.", + "Meta_score":59.0, + "Director":"Tony Scott", + "Star1":"Christian Slater", + "Star2":"Patricia Arquette", + "Star3":"Dennis Hopper", + "Star4":"Val Kilmer", + "No_of_Votes":206918, + "Gross":"12,281,500" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjg5OGU4OGYtNTZmNy00MjQ1LWIzYzgtMTllMGY2NzlkNzYwXkEyXkFqcGdeQXVyMTI3ODAyMzE2._V1_UY98_CR2,0,67,98_AL_.jpg", + "Series_Title":"Trois couleurs: Bleu", + "Released_Year":"1993", + "Certificate":"U", + "Runtime":"94 min", + "Genre":"Drama, Music, Mystery", + "IMDB_Rating":7.9, + "Overview":"A woman struggles to find a way to live her life after the death of her husband and child.", + "Meta_score":85.0, + "Director":"Krzysztof Kieslowski", + "Star1":"Juliette Binoche", + "Star2":"Zbigniew Zamachowski", + "Star3":"Julie Delpy", + "Star4":"Beno\u00eet R\u00e9gent", + "No_of_Votes":89836, + "Gross":"1,324,974" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTMyZGI4N2YtMzdkNi00MDZmLTg4NmItMzg0ODY5NjdhZjYwL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyMzM4MjM0Nzg@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"J\u00fbb\u00ea ninp\u00fbch\u00f4", + "Released_Year":"1993", + "Certificate":"A", + "Runtime":"94 min", + "Genre":"Animation, Action, Adventure", + "IMDB_Rating":7.9, + "Overview":"A vagabond swordsman is aided by a beautiful ninja girl and a crafty spy in confronting a demonic clan of killers - with a ghost from his past as their leader - who are bent on overthrowing the Tokugawa Shogunate.", + "Meta_score":null, + "Director":"Yoshiaki Kawajiri", + "Star1":"K\u00f4ichi Yamadera", + "Star2":"Emi Shinohara", + "Star3":"Takeshi Aono", + "Star4":"Osamu Saka", + "No_of_Votes":34529, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BN2I2N2Q1YmMtMzZkMC00Y2JjLWJmOWUtNjc2OTM2ZTk1MjUyXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Carlito's Way", + "Released_Year":"1993", + "Certificate":"A", + "Runtime":"144 min", + "Genre":"Crime, Drama, Thriller", + "IMDB_Rating":7.9, + "Overview":"A Puerto Rican former convict, just released from prison, pledges to stay away from drugs and violence despite the pressure around him and lead on to a better life outside of N.Y.C.", + "Meta_score":65.0, + "Director":"Brian De Palma", + "Star1":"Al Pacino", + "Star2":"Sean Penn", + "Star3":"Penelope Ann Miller", + "Star4":"John Leguizamo", + "No_of_Votes":201000, + "Gross":"36,948,322" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNDUxN2I5NDUtZjdlMC00NjlmLTg0OTQtNjk0NjAxZjFmZTUzXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Edward Scissorhands", + "Released_Year":"1990", + "Certificate":"U", + "Runtime":"105 min", + "Genre":"Drama, Fantasy, Romance", + "IMDB_Rating":7.9, + "Overview":"An artificial man, who was incompletely constructed and has scissors for hands, leads a solitary life. Then one day, a suburban lady meets him and introduces him to her world.", + "Meta_score":74.0, + "Director":"Tim Burton", + "Star1":"Johnny Depp", + "Star2":"Winona Ryder", + "Star3":"Dianne Wiest", + "Star4":"Anthony Michael Hall", + "No_of_Votes":447368, + "Gross":"56,362,352" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYjdkNzA4MzYtZThhOS00ZDgzLTlmMDItNmY1ZjI5YjkzZTE1XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"My Left Foot: The Story of Christy Brown", + "Released_Year":"1989", + "Certificate":"U", + "Runtime":"103 min", + "Genre":"Biography, Drama", + "IMDB_Rating":7.9, + "Overview":"Christy Brown, born with cerebral palsy, learns to paint and write with his only controllable limb - his left foot.", + "Meta_score":97.0, + "Director":"Jim Sheridan", + "Star1":"Daniel Day-Lewis", + "Star2":"Brenda Fricker", + "Star3":"Alison Whelan", + "Star4":"Kirsten Sheridan", + "No_of_Votes":68076, + "Gross":"14,743,391" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYWY3N2EyOWYtNDVhZi00MWRkLTg2OTUtODNkNDQ5ZTIwMGJkXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Crimes and Misdemeanors", + "Released_Year":"1989", + "Certificate":"PG-13", + "Runtime":"104 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":7.9, + "Overview":"An ophthalmologist's mistress threatens to reveal their affair to his wife while a married documentary filmmaker is infatuated with another woman.", + "Meta_score":77.0, + "Director":"Woody Allen", + "Star1":"Martin Landau", + "Star2":"Woody Allen", + "Star3":"Bill Bernstein", + "Star4":"Claire Bloom", + "No_of_Votes":54670, + "Gross":"18,254,702" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYTVjYWJmMWQtYWU4Ni00MWY3LWI2YmMtNTI5MDE0MWVmMmEzL2ltYWdlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Untouchables", + "Released_Year":"1987", + "Certificate":"A", + "Runtime":"119 min", + "Genre":"Crime, Drama, Thriller", + "IMDB_Rating":7.9, + "Overview":"During the era of Prohibition in the United States, Federal Agent Eliot Ness sets out to stop ruthless Chicago gangster Al Capone and, because of rampant corruption, assembles a small, hand-picked team to help him.", + "Meta_score":79.0, + "Director":"Brian De Palma", + "Star1":"Kevin Costner", + "Star2":"Sean Connery", + "Star3":"Robert De Niro", + "Star4":"Charles Martin Smith", + "No_of_Votes":281842, + "Gross":"76,270,454" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMWZiNWUwYjMtM2Y1Yi00MTZmLWEwYzctNjVmYWM0OTFlZDFhXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Hannah and Her Sisters", + "Released_Year":"1986", + "Certificate":"PG-13", + "Runtime":"107 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":7.9, + "Overview":"Between two Thanksgivings two years apart, Hannah's husband falls in love with her sister Lee, while her hypochondriac ex-husband rekindles his relationship with her sister Holly.", + "Meta_score":90.0, + "Director":"Woody Allen", + "Star1":"Mia Farrow", + "Star2":"Dianne Wiest", + "Star3":"Michael Caine", + "Star4":"Barbara Hershey", + "No_of_Votes":67176, + "Gross":"40,084,041" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzIwM2IwYTItYmM4Zi00OWMzLTkwNjAtYWRmYWNmY2RhMDk0XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Brazil", + "Released_Year":"1985", + "Certificate":"U", + "Runtime":"132 min", + "Genre":"Drama, Sci-Fi", + "IMDB_Rating":7.9, + "Overview":"A bureaucrat in a dystopic society becomes an enemy of the state as he pursues the woman of his dreams.", + "Meta_score":84.0, + "Director":"Terry Gilliam", + "Star1":"Jonathan Pryce", + "Star2":"Kim Greist", + "Star3":"Robert De Niro", + "Star4":"Katherine Helmond", + "No_of_Votes":187567, + "Gross":"9,929,135" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTQ2MTIzMzg5Nl5BMl5BanBnXkFtZTgwOTc5NDI1MDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"This Is Spinal Tap", + "Released_Year":"1984", + "Certificate":"R", + "Runtime":"82 min", + "Genre":"Comedy, Music", + "IMDB_Rating":7.9, + "Overview":"Spinal Tap, one of England's loudest bands, is chronicled by film director Marty DiBergi on what proves to be a fateful tour.", + "Meta_score":92.0, + "Director":"Rob Reiner", + "Star1":"Rob Reiner", + "Star2":"Michael McKean", + "Star3":"Christopher Guest", + "Star4":"Kimberly Stringer", + "No_of_Votes":128812, + "Gross":"188,751" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOWMyNjE0MzEtMzVjNy00NjIxLTg0ZjMtMWJhNGI1YmVjYTczL2ltYWdlXkEyXkFqcGdeQXVyNzc5MjA3OA@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"A Christmas Story", + "Released_Year":"1983", + "Certificate":"U", + "Runtime":"93 min", + "Genre":"Comedy, Family", + "IMDB_Rating":7.9, + "Overview":"In the 1940s, a young boy named Ralphie attempts to convince his parents, his teacher and Santa that a Red Ryder BB gun really is the perfect Christmas gift.", + "Meta_score":77.0, + "Director":"Bob Clark", + "Star1":"Peter Billingsley", + "Star2":"Melinda Dillon", + "Star3":"Darren McGavin", + "Star4":"Scott Schwartz", + "No_of_Votes":132947, + "Gross":"20,605,209" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYTdlMDExOGUtN2I3MS00MjY5LWE1NTAtYzc3MzIxN2M3OWY1XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Blues Brothers", + "Released_Year":"1980", + "Certificate":"U", + "Runtime":"133 min", + "Genre":"Action, Adventure, Comedy", + "IMDB_Rating":7.9, + "Overview":"Jake Blues, just released from prison, puts together his old band to save the Catholic home where he and his brother Elwood were raised.", + "Meta_score":60.0, + "Director":"John Landis", + "Star1":"John Belushi", + "Star2":"Dan Aykroyd", + "Star3":"Cab Calloway", + "Star4":"John Candy", + "No_of_Votes":183182, + "Gross":"57,229,890" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzdmY2I3MmEtOGFiZi00MTg1LWIxY2QtNWUwM2NmNWNlY2U5XkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Manhattan", + "Released_Year":"1979", + "Certificate":"R", + "Runtime":"96 min", + "Genre":"Comedy, Drama, Romance", + "IMDB_Rating":7.9, + "Overview":"The life of a divorced television writer dating a teenage girl is further complicated when he falls in love with his best friend's mistress.", + "Meta_score":83.0, + "Director":"Woody Allen", + "Star1":"Woody Allen", + "Star2":"Diane Keaton", + "Star3":"Mariel Hemingway", + "Star4":"Michael Murphy", + "No_of_Votes":131436, + "Gross":"45,700,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZWE4N2JkNDUtZDU4MC00ZjNhLTlkMjYtOTNkMjZhMDAwMDMyXkEyXkFqcGdeQXVyMTA0MjU0Ng@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"All That Jazz", + "Released_Year":"1979", + "Certificate":"A", + "Runtime":"123 min", + "Genre":"Drama, Music, Musical", + "IMDB_Rating":7.9, + "Overview":"Director\/choreographer Bob Fosse tells his own life story as he details the sordid career of Joe Gideon, a womanizing, drug-using dancer.", + "Meta_score":72.0, + "Director":"Bob Fosse", + "Star1":"Roy Scheider", + "Star2":"Jessica Lange", + "Star3":"Ann Reinking", + "Star4":"Leland Palmer", + "No_of_Votes":28223, + "Gross":"37,823,676" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzc1YTIyNjctYzhlNy00ZmYzLWI2ZWQtMzk4MmQwYzA0NGQ1XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Dawn of the Dead", + "Released_Year":"1978", + "Certificate":"A", + "Runtime":"127 min", + "Genre":"Action, Adventure, Horror", + "IMDB_Rating":7.9, + "Overview":"Following an ever-growing epidemic of zombies that have risen from the dead, two Philadelphia S.W.A.T. team members, a traffic reporter, and his television executive girlfriend seek refuge in a secluded shopping mall.", + "Meta_score":71.0, + "Director":"George A. Romero", + "Star1":"David Emge", + "Star2":"Ken Foree", + "Star3":"Scott H. Reiniger", + "Star4":"Gaylen Ross", + "No_of_Votes":111512, + "Gross":"5,100,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOWI2YWQxM2MtY2U4Yi00YjgzLTgwNzktN2ExNTgzNTIzMmUzXkEyXkFqcGdeQXVyMTAwMzUyOTc@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"All the President's Men", + "Released_Year":"1976", + "Certificate":"U", + "Runtime":"138 min", + "Genre":"Biography, Drama, History", + "IMDB_Rating":7.9, + "Overview":"\"The Washington Post\" reporters Bob Woodward and Carl Bernstein uncover the details of the Watergate scandal that leads to President Richard Nixon's resignation.", + "Meta_score":84.0, + "Director":"Alan J. Pakula", + "Star1":"Dustin Hoffman", + "Star2":"Robert Redford", + "Star3":"Jack Warden", + "Star4":"Martin Balsam", + "No_of_Votes":103031, + "Gross":"70,600,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BN2IzM2I5NTQtMTIyMy00YWM2LWI1OGMtNjI0MWIyNDZkZGFkXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"La monta\u00f1a sagrada", + "Released_Year":"1973", + "Certificate":"R", + "Runtime":"114 min", + "Genre":"Adventure, Drama, Fantasy", + "IMDB_Rating":7.9, + "Overview":"In a corrupt, greed-fueled world, a powerful alchemist leads a messianic character and seven materialistic figures to the Holy Mountain, where they hope to achieve enlightenment.", + "Meta_score":76.0, + "Director":"Alejandro Jodorowsky", + "Star1":"Alejandro Jodorowsky", + "Star2":"Horacio Salinas", + "Star3":"Zamira Saunders", + "Star4":"Juan Ferrara", + "No_of_Votes":37183, + "Gross":"61,001" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZDI2OTg2NDQtMzc0MC00MjRiLWI1NzAtMjY2ZDMwMmUyNzBiXkEyXkFqcGdeQXVyNzM0MTUwNTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Amarcord", + "Released_Year":"1973", + "Certificate":"R", + "Runtime":"123 min", + "Genre":"Comedy, Drama, Family", + "IMDB_Rating":7.9, + "Overview":"A series of comedic and nostalgic vignettes set in a 1930s Italian coastal town.", + "Meta_score":null, + "Director":"Federico Fellini", + "Star1":"Magali No\u00ebl", + "Star2":"Bruno Zanin", + "Star3":"Pupella Maggio", + "Star4":"Armando Brancia", + "No_of_Votes":39897, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYzQ5NjJiYWQtYjAzMC00NGU0LWFlMDYtNGFiYjFlMWI1NWM0XkEyXkFqcGdeQXVyODQ0OTczOQ@@._V1_UY98_CR4,0,67,98_AL_.jpg", + "Series_Title":"Le charme discret de la bourgeoisie", + "Released_Year":"1972", + "Certificate":"PG", + "Runtime":"102 min", + "Genre":"Comedy", + "IMDB_Rating":7.9, + "Overview":"A surreal, virtually plotless series of dreams centered around six middle-class people and their consistently interrupted attempts to have a meal together.", + "Meta_score":93.0, + "Director":"Luis Bu\u00f1uel", + "Star1":"Fernando Rey", + "Star2":"Delphine Seyrig", + "Star3":"Paul Frankeur", + "Star4":"Bulle Ogier", + "No_of_Votes":38737, + "Gross":"198,809" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjRkY2VhYzMtZWQyNS00OTY2LWE5NTAtYjlhNmQyYzE5MmUxXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Aguirre, der Zorn Gottes", + "Released_Year":"1972", + "Certificate":null, + "Runtime":"95 min", + "Genre":"Action, Adventure, Biography", + "IMDB_Rating":7.9, + "Overview":"In the 16th century, the ruthless and insane Don Lope de Aguirre leads a Spanish expedition in search of El Dorado.", + "Meta_score":null, + "Director":"Werner Herzog", + "Star1":"Klaus Kinski", + "Star2":"Ruy Guerra", + "Star3":"Helena Rojo", + "Star4":"Del Negro", + "No_of_Votes":52397, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BY2M5Mzg3NjctZTlkNy00MTU0LWFlYTQtY2E2Y2M4NjNiNzllXkEyXkFqcGdeQXVyMTAwMzUyOTc@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Harold and Maude", + "Released_Year":"1971", + "Certificate":"PG", + "Runtime":"91 min", + "Genre":"Comedy, Drama, Romance", + "IMDB_Rating":7.9, + "Overview":"Young, rich, and obsessed with death, Harold finds himself changed forever when he meets lively septuagenarian Maude at a funeral.", + "Meta_score":62.0, + "Director":"Hal Ashby", + "Star1":"Ruth Gordon", + "Star2":"Bud Cort", + "Star3":"Vivian Pickles", + "Star4":"Cyril Cusack", + "No_of_Votes":70826, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMmNhZmJhMmYtNjlkMC00MjhjLTk1NzMtMTNlMzYzNjZlMjNiXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Patton", + "Released_Year":"1970", + "Certificate":"U", + "Runtime":"172 min", + "Genre":"Biography, Drama, War", + "IMDB_Rating":7.9, + "Overview":"The World War II phase of the career of controversial American general George S. Patton.", + "Meta_score":91.0, + "Director":"Franklin J. Schaffner", + "Star1":"George C. Scott", + "Star2":"Karl Malden", + "Star3":"Stephen Young", + "Star4":"Michael Strong", + "No_of_Votes":93741, + "Gross":"61,700,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNGUyYTZmOWItMDJhMi00N2IxLWIyNDMtNjUxM2ZiYmU5YWU1XkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Wild Bunch", + "Released_Year":"1969", + "Certificate":"A", + "Runtime":"145 min", + "Genre":"Action, Adventure, Western", + "IMDB_Rating":7.9, + "Overview":"An aging group of outlaws look for one last big score as the \"traditional\" American West is disappearing around them.", + "Meta_score":97.0, + "Director":"Sam Peckinpah", + "Star1":"William Holden", + "Star2":"Ernest Borgnine", + "Star3":"Robert Ryan", + "Star4":"Edmond O'Brien", + "No_of_Votes":77401, + "Gross":"12,064,472" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzRmN2E1ZDUtZDc2ZC00ZmI3LTkwOTctNzE2ZDIzMGJiMTYzXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Night of the Living Dead", + "Released_Year":"1968", + "Certificate":null, + "Runtime":"96 min", + "Genre":"Horror, Thriller", + "IMDB_Rating":7.9, + "Overview":"A ragtag group of Pennsylvanians barricade themselves in an old farmhouse to remain safe from a horde of flesh-eating ghouls that are ravaging the East Coast of the United States.", + "Meta_score":89.0, + "Director":"George A. Romero", + "Star1":"Duane Jones", + "Star2":"Judith O'Dea", + "Star3":"Karl Hardman", + "Star4":"Marilyn Eastman", + "No_of_Votes":116557, + "Gross":"89,029" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTkzNzYyMzA5N15BMl5BanBnXkFtZTgwODcwODQ3MDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Lion in Winter", + "Released_Year":"1968", + "Certificate":"PG", + "Runtime":"134 min", + "Genre":"Biography, Drama, History", + "IMDB_Rating":7.9, + "Overview":"1183 A.D.: King Henry II's three sons all want to inherit the throne, but he won't commit to a choice. They and his wife variously plot to force him.", + "Meta_score":null, + "Director":"Anthony Harvey", + "Star1":"Peter O'Toole", + "Star2":"Katharine Hepburn", + "Star3":"Anthony Hopkins", + "Star4":"John Castle", + "No_of_Votes":29003, + "Gross":"22,276,975" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZjZhZTZkNWItZGE1My00MTRkLWI2ZDktMWZkZTIxZWYxOTgzXkEyXkFqcGdeQXVyNDY2MTk1ODk@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"In the Heat of the Night", + "Released_Year":"1967", + "Certificate":"U", + "Runtime":"110 min", + "Genre":"Crime, Drama, Mystery", + "IMDB_Rating":7.9, + "Overview":"A black police detective is asked to investigate a murder in a racially hostile southern town.", + "Meta_score":75.0, + "Director":"Norman Jewison", + "Star1":"Sidney Poitier", + "Star2":"Rod Steiger", + "Star3":"Warren Oates", + "Star4":"Lee Grant", + "No_of_Votes":67804, + "Gross":"24,379,978" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTA0Y2UyMDUtZGZiOS00ZmVkLTg3NmItODQyNTY1ZjU1MWE4L2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Charade", + "Released_Year":"1963", + "Certificate":"U", + "Runtime":"113 min", + "Genre":"Comedy, Mystery, Romance", + "IMDB_Rating":7.9, + "Overview":"Romance and suspense ensue in Paris as a woman is pursued by several men who want a fortune her murdered husband had stolen. Whom can she trust?", + "Meta_score":83.0, + "Director":"Stanley Donen", + "Star1":"Cary Grant", + "Star2":"Audrey Hepburn", + "Star3":"Walter Matthau", + "Star4":"James Coburn", + "No_of_Votes":68689, + "Gross":"13,474,588" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTY0ZTA1ZjUtN2MyNi00ZGRmLWExYmMtOTkyNzI1NGQ2Y2RlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Manchurian Candidate", + "Released_Year":"1962", + "Certificate":"PG-13", + "Runtime":"126 min", + "Genre":"Drama, Thriller", + "IMDB_Rating":7.9, + "Overview":"A former prisoner of war is brainwashed as an unwitting assassin for an international Communist conspiracy.", + "Meta_score":94.0, + "Director":"John Frankenheimer", + "Star1":"Frank Sinatra", + "Star2":"Laurence Harvey", + "Star3":"Janet Leigh", + "Star4":"Angela Lansbury", + "No_of_Votes":71122, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjc4MTUxN2UtMmU1NC00MjQyLTk3YTYtZTQ0YzEzZDc0Njc0XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Spartacus", + "Released_Year":"1960", + "Certificate":"A", + "Runtime":"197 min", + "Genre":"Adventure, Biography, Drama", + "IMDB_Rating":7.9, + "Overview":"The slave Spartacus leads a violent revolt against the decadent Roman Republic.", + "Meta_score":87.0, + "Director":"Stanley Kubrick", + "Star1":"Kirk Douglas", + "Star2":"Laurence Olivier", + "Star3":"Jean Simmons", + "Star4":"Charles Laughton", + "No_of_Votes":124339, + "Gross":"30,000,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZDFlODBmZTYtMWU4MS00MzY4LWFmYzYtYzAzZmU1MGUzMDE5XkEyXkFqcGdeQXVyNTc1NDM0NDU@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"L'avventura", + "Released_Year":"1960", + "Certificate":"U", + "Runtime":"144 min", + "Genre":"Drama, Mystery", + "IMDB_Rating":7.9, + "Overview":"A woman disappears during a Mediterranean boating trip. During the search, her lover and her best friend become attracted to each other.", + "Meta_score":null, + "Director":"Michelangelo Antonioni", + "Star1":"Gabriele Ferzetti", + "Star2":"Monica Vitti", + "Star3":"Lea Massari", + "Star4":"Dominique Blanchar", + "No_of_Votes":26542, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzY2NTA1MzUwN15BMl5BanBnXkFtZTgwOTc4NTU4MjE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Hiroshima mon amour", + "Released_Year":"1959", + "Certificate":null, + "Runtime":"90 min", + "Genre":"Drama, Romance", + "IMDB_Rating":7.9, + "Overview":"A French actress filming an anti-war film in Hiroshima has an affair with a married Japanese architect as they share their differing perspectives on war.", + "Meta_score":null, + "Director":"Alain Resnais", + "Star1":"Emmanuelle Riva", + "Star2":"Eiji Okada", + "Star3":"Stella Dassas", + "Star4":"Pierre Barbaud", + "No_of_Votes":28421, + "Gross":"88,300" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODcxYjUxZDgtYTQ5Zi00YmQ1LWJmZmItODZkOTYyNDhiNWM3XkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Ten Commandments", + "Released_Year":"1956", + "Certificate":"U", + "Runtime":"220 min", + "Genre":"Adventure, Drama", + "IMDB_Rating":7.9, + "Overview":"Moses, an Egyptian Prince, learns of his true heritage as a Hebrew and his divine mission as the deliverer of his people.", + "Meta_score":null, + "Director":"Cecil B. DeMille", + "Star1":"Charlton Heston", + "Star2":"Yul Brynner", + "Star3":"Anne Baxter", + "Star4":"Edward G. Robinson", + "No_of_Votes":63560, + "Gross":"93,740,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYWQ3YWJiMDEtMDBhNS00YjY1LTkzNmEtY2U4Njg4MjQ3YWE3XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Searchers", + "Released_Year":"1956", + "Certificate":"Passed", + "Runtime":"119 min", + "Genre":"Adventure, Drama, Western", + "IMDB_Rating":7.9, + "Overview":"An American Civil War veteran embarks on a journey to rescue his niece from the Comanches.", + "Meta_score":94.0, + "Director":"John Ford", + "Star1":"John Wayne", + "Star2":"Jeffrey Hunter", + "Star3":"Vera Miles", + "Star4":"Ward Bond", + "No_of_Votes":80316, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzE1MzdjNmUtOWU5MS00OTgwLWIzYjYtYTYwYTM0NDkyOTU1XkEyXkFqcGdeQXVyMTY5Nzc4MDY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"East of Eden", + "Released_Year":"1955", + "Certificate":"U", + "Runtime":"118 min", + "Genre":"Drama", + "IMDB_Rating":7.9, + "Overview":"Two brothers struggle to maintain their strict, Bible-toting father's favor.", + "Meta_score":72.0, + "Director":"Elia Kazan", + "Star1":"James Dean", + "Star2":"Raymond Massey", + "Star3":"Julie Harris", + "Star4":"Burl Ives", + "No_of_Votes":40313, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOWIzZGUxZmItOThkMS00Y2QxLTg0MTYtMDdhMjRlNTNlYTI3L2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"High Noon", + "Released_Year":"1952", + "Certificate":"PG", + "Runtime":"85 min", + "Genre":"Drama, Thriller, Western", + "IMDB_Rating":7.9, + "Overview":"A town Marshal, despite the disagreements of his newlywed bride and the townspeople around him, must face a gang of deadly killers alone at high noon when the gang leader, an outlaw he sent up years ago, arrives on the noon train.", + "Meta_score":89.0, + "Director":"Fred Zinnemann", + "Star1":"Gary Cooper", + "Star2":"Grace Kelly", + "Star3":"Thomas Mitchell", + "Star4":"Lloyd Bridges", + "No_of_Votes":97222, + "Gross":"9,450,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNzkwNjk4ODgtYjRmMi00ODdhLWIyNjUtNWQyMjg2N2E2NjlhXkEyXkFqcGdeQXVyNjE5MjUyOTM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Strangers on a Train", + "Released_Year":"1951", + "Certificate":"A", + "Runtime":"101 min", + "Genre":"Crime, Film-Noir, Thriller", + "IMDB_Rating":7.9, + "Overview":"A psychopath forces a tennis star to comply with his theory that two strangers can get away with murder.", + "Meta_score":88.0, + "Director":"Alfred Hitchcock", + "Star1":"Farley Granger", + "Star2":"Robert Walker", + "Star3":"Ruth Roman", + "Star4":"Leo G. Carroll", + "No_of_Votes":123341, + "Gross":"7,630,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzg2YTFkNjgtM2ZkNS00MWVkLWIwMTEtZTgzMDM2MmUxNDE2XkEyXkFqcGdeQXVyMjI4MjA5MzA@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Harvey", + "Released_Year":"1950", + "Certificate":"Approved", + "Runtime":"104 min", + "Genre":"Comedy, Drama, Fantasy", + "IMDB_Rating":7.9, + "Overview":"Due to his insistence that he has an invisible six foot-tall rabbit for a best friend, a whimsical middle-aged man is thought by his family to be insane - but he may be wiser than anyone knows.", + "Meta_score":null, + "Director":"Henry Koster", + "Star1":"James Stewart", + "Star2":"Wallace Ford", + "Star3":"William H. Lynn", + "Star4":"Victoria Horne", + "No_of_Votes":52573, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjRkOGEwYTUtY2E5Yy00ODg4LTk2ZWItY2IyMzUxOGVhMTM1XkEyXkFqcGdeQXVyNDk0MDg4NDk@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Miracle on 34th Street", + "Released_Year":"1947", + "Certificate":null, + "Runtime":"96 min", + "Genre":"Comedy, Drama, Family", + "IMDB_Rating":7.9, + "Overview":"When a nice old man who claims to be Santa Claus is institutionalized as insane, a young lawyer decides to defend him by arguing in court that he is the real thing.", + "Meta_score":88.0, + "Director":"George Seaton", + "Star1":"Edmund Gwenn", + "Star2":"Maureen O'Hara", + "Star3":"John Payne", + "Star4":"Gene Lockhart", + "No_of_Votes":41625, + "Gross":"2,650,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYTc1NGViOTMtNjZhNS00OGY2LWI4MmItOWQwNTY4MDMzNWI3L2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Notorious", + "Released_Year":"1946", + "Certificate":"U", + "Runtime":"102 min", + "Genre":"Drama, Film-Noir, Romance", + "IMDB_Rating":7.9, + "Overview":"A woman is asked to spy on a group of Nazi friends in South America. How far will she have to go to ingratiate herself with them?", + "Meta_score":100.0, + "Director":"Alfred Hitchcock", + "Star1":"Cary Grant", + "Star2":"Ingrid Bergman", + "Star3":"Claude Rains", + "Star4":"Louis Calhern", + "No_of_Votes":92306, + "Gross":"10,464,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjdiM2IyZmQtODJiYy00NDNkLTllYmItMmFjMDNiYTQyOGVkXkEyXkFqcGdeQXVyNDY2MTk1ODk@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Big Sleep", + "Released_Year":"1946", + "Certificate":"Passed", + "Runtime":"114 min", + "Genre":"Crime, Film-Noir, Mystery", + "IMDB_Rating":7.9, + "Overview":"Private detective Philip Marlowe is hired by a wealthy family. Before the complex case is over, he's seen murder, blackmail, and what might be love.", + "Meta_score":null, + "Director":"Howard Hawks", + "Star1":"Humphrey Bogart", + "Star2":"Lauren Bacall", + "Star3":"John Ridgely", + "Star4":"Martha Vickers", + "No_of_Votes":78796, + "Gross":"6,540,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTk4NDQ0NjgyNF5BMl5BanBnXkFtZTgwMTE3NTkxMTE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Lost Weekend", + "Released_Year":"1945", + "Certificate":"Passed", + "Runtime":"101 min", + "Genre":"Drama, Film-Noir", + "IMDB_Rating":7.9, + "Overview":"The desperate life of a chronic alcoholic is followed through a four-day drinking bout.", + "Meta_score":null, + "Director":"Billy Wilder", + "Star1":"Ray Milland", + "Star2":"Jane Wyman", + "Star3":"Phillip Terry", + "Star4":"Howard Da Silva", + "No_of_Votes":33549, + "Gross":"9,460,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYjQ4ZDA4NGMtMTkwYi00NThiLThhZDUtZTEzNTAxOWYyY2E4XkEyXkFqcGdeQXVyMjUxODE0MDY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Philadelphia Story", + "Released_Year":"1940", + "Certificate":null, + "Runtime":"112 min", + "Genre":"Comedy, Romance", + "IMDB_Rating":7.9, + "Overview":"When a rich woman's ex-husband and a tabloid-type reporter turn up just before her planned remarriage, she begins to learn the truth about herself.", + "Meta_score":96.0, + "Director":"George Cukor", + "Star1":"Cary Grant", + "Star2":"Katharine Hepburn", + "Star3":"James Stewart", + "Star4":"Ruth Hussey", + "No_of_Votes":63550, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZDVmZTZkYjMtNmViZC00ODEzLTgwNDAtNmQ3OGQwOWY5YjFmXkEyXkFqcGdeQXVyNDY2MTk1ODk@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"His Girl Friday", + "Released_Year":"1940", + "Certificate":"Passed", + "Runtime":"92 min", + "Genre":"Comedy, Drama, Romance", + "IMDB_Rating":7.9, + "Overview":"A newspaper editor uses every trick in the book to keep his ace reporter ex-wife from remarrying.", + "Meta_score":null, + "Director":"Howard Hawks", + "Star1":"Cary Grant", + "Star2":"Rosalind Russell", + "Star3":"Ralph Bellamy", + "Star4":"Gene Lockhart", + "No_of_Votes":53667, + "Gross":"296,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYjZjOTU3MTMtYTM5YS00YjZmLThmNmMtODcwOTM1NmRiMWM2XkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Adventures of Robin Hood", + "Released_Year":"1938", + "Certificate":"PG", + "Runtime":"102 min", + "Genre":"Action, Adventure, Romance", + "IMDB_Rating":7.9, + "Overview":"When Prince John and the Norman Lords begin oppressing the Saxon masses in King Richard's absence, a Saxon lord fights back as the outlaw leader of a rebel guerrilla army.", + "Meta_score":97.0, + "Director":"Michael Curtiz", + "Star1":"William Keighley", + "Star2":"Errol Flynn", + "Star3":"Olivia de Havilland", + "Star4":"Basil Rathbone", + "No_of_Votes":47175, + "Gross":"3,981,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYTJmNmQxNGItNDNlMC00MDU3LWFhNzMtZDQ2NDY0ZTVkNjE3XkEyXkFqcGdeQXVyMDI2NDg0NQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"A Night at the Opera", + "Released_Year":"1935", + "Certificate":"Passed", + "Runtime":"96 min", + "Genre":"Comedy, Music, Musical", + "IMDB_Rating":7.9, + "Overview":"A sly business manager and two wacky friends of two opera singers help them achieve success while humiliating their stuffy and snobbish enemies.", + "Meta_score":null, + "Director":"Sam Wood", + "Star1":"Edmund Goulding", + "Star2":"Groucho Marx", + "Star3":"Chico Marx", + "Star4":"Harpo Marx", + "No_of_Votes":30580, + "Gross":"2,537,520" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZTY3YjYxZGQtMTM2YS00ZmYwLWFlM2QtOWFlMTU1NTAyZDQ2XkEyXkFqcGdeQXVyNTgyNTA4MjM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"King Kong", + "Released_Year":"1933", + "Certificate":"Passed", + "Runtime":"100 min", + "Genre":"Adventure, Horror, Sci-Fi", + "IMDB_Rating":7.9, + "Overview":"A film crew goes to a tropical island for an exotic location shoot and discovers a colossal ape who takes a shine to their female blonde star. He is then captured and brought back to New York City for public exhibition.", + "Meta_score":90.0, + "Director":"Merian C. Cooper", + "Star1":"Ernest B. Schoedsack", + "Star2":"Fay Wray", + "Star3":"Robert Armstrong", + "Star4":"Bruce Cabot", + "No_of_Votes":78991, + "Gross":"10,000,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjMyYjgyOTQtZDVlZS00NTQ0LWJiNDItNGRlZmM3Yzc0N2Y0XkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Freaks", + "Released_Year":"1932", + "Certificate":null, + "Runtime":"64 min", + "Genre":"Drama, Horror", + "IMDB_Rating":7.9, + "Overview":"A circus' beautiful trapeze artist agrees to marry the leader of side-show performers, but his deformed friends discover she is only marrying him for his inheritance.", + "Meta_score":80.0, + "Director":"Tod Browning", + "Star1":"Wallace Ford", + "Star2":"Leila Hyams", + "Star3":"Olga Baclanova", + "Star4":"Roscoe Ates", + "No_of_Votes":42117, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTAxYjEyMTctZTg3Ni00MGZmLWIxMmMtOGM2NTFiY2U3MmExXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Nosferatu", + "Released_Year":"1922", + "Certificate":null, + "Runtime":"94 min", + "Genre":"Fantasy, Horror", + "IMDB_Rating":7.9, + "Overview":"Vampire Count Orlok expresses interest in a new residence and real estate agent Hutter's wife.", + "Meta_score":null, + "Director":"F.W. Murnau", + "Star1":"Max Schreck", + "Star2":"Alexander Granach", + "Star3":"Gustav von Wangenheim", + "Star4":"Greta Schr\u00f6der", + "No_of_Votes":88794, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTlkMmVmYjktYTc2NC00ZGZjLWEyOWUtMjc2MDMwMjQwOTA5XkEyXkFqcGdeQXVyNTI4MzE4MDU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Gentlemen", + "Released_Year":"2019", + "Certificate":"A", + "Runtime":"113 min", + "Genre":"Action, Comedy, Crime", + "IMDB_Rating":7.8, + "Overview":"An American expat tries to sell off his highly profitable marijuana empire in London, triggering plots, schemes, bribery and blackmail in an attempt to steal his domain out from under him.", + "Meta_score":51.0, + "Director":"Guy Ritchie", + "Star1":"Matthew McConaughey", + "Star2":"Charlie Hunnam", + "Star3":"Michelle Dockery", + "Star4":"Jeremy Strong", + "No_of_Votes":237392, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZmVhN2JlYjEtZWFkOS00YzE0LThiNDMtMGI3NDA1MTk2ZDQ2XkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Raazi", + "Released_Year":"2018", + "Certificate":"UA", + "Runtime":"138 min", + "Genre":"Action, Drama, Thriller", + "IMDB_Rating":7.8, + "Overview":"A Kashmiri woman agrees to marry a Pakistani army officer in order to spy on Pakistan during the Indo-Pakistan War of 1971.", + "Meta_score":null, + "Director":"Meghna Gulzar", + "Star1":"Alia Bhatt", + "Star2":"Vicky Kaushal", + "Star3":"Rajit Kapoor", + "Star4":"Shishir Sharma", + "No_of_Votes":25344, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjcyYjg0M2ItMzMyZS00NmM1LTlhZDMtN2MxN2RhNWY4YTkwXkEyXkFqcGdeQXVyNjY1MTg4Mzc@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Sound of Metal", + "Released_Year":"2019", + "Certificate":"R", + "Runtime":"120 min", + "Genre":"Drama, Music", + "IMDB_Rating":7.8, + "Overview":"A heavy-metal drummer's life is thrown into freefall when he begins to lose his hearing.", + "Meta_score":81.0, + "Director":"Darius Marder", + "Star1":"Riz Ahmed", + "Star2":"Olivia Cooke", + "Star3":"Paul Raci", + "Star4":"Lauren Ridloff", + "No_of_Votes":27187, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTBkMjMyN2UtNzVjNi00Y2ZiLTk2MDYtN2Y0MjgzYjAxNzE4XkEyXkFqcGdeQXVyNjkxOTM4ODY@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Forushande", + "Released_Year":"2016", + "Certificate":"UA", + "Runtime":"124 min", + "Genre":"Drama", + "IMDB_Rating":7.8, + "Overview":"While both participating in a production of \"Death of a Salesman,\" a teacher's wife is assaulted in her new home, which leaves him determined to find the perpetrator over his wife's traumatized objections.", + "Meta_score":85.0, + "Director":"Asghar Farhadi", + "Star1":"Shahab Hosseini", + "Star2":"Taraneh Alidoosti", + "Star3":"Babak Karimi", + "Star4":"Mina Sadati", + "No_of_Votes":51240, + "Gross":"2,402,067" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BN2YyZjQ0NTEtNzU5MS00NGZkLTg0MTEtYzJmMWY3MWRhZjM2XkEyXkFqcGdeQXVyMDA4NzMyOA@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Dunkirk", + "Released_Year":"2017", + "Certificate":"UA", + "Runtime":"106 min", + "Genre":"Action, Drama, History", + "IMDB_Rating":7.8, + "Overview":"Allied soldiers from Belgium, the British Empire, and France are surrounded by the German Army and evacuated during a fierce battle in World War II.", + "Meta_score":94.0, + "Director":"Christopher Nolan", + "Star1":"Fionn Whitehead", + "Star2":"Barry Keoghan", + "Star3":"Mark Rylance", + "Star4":"Tom Hardy", + "No_of_Votes":555092, + "Gross":"188,373,161" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNDQzZmQ5MjItYmJlNy00MGI2LWExMDQtMjBiNjNmMzc5NTk1XkEyXkFqcGdeQXVyNjY1OTY4MTk@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Perfetti sconosciuti", + "Released_Year":"2016", + "Certificate":null, + "Runtime":"96 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":7.8, + "Overview":"Seven long-time friends get together for a dinner. When they decide to share with each other the content of every text message, email and phone call they receive, many secrets start to unveil and the equilibrium trembles.", + "Meta_score":null, + "Director":"Paolo Genovese", + "Star1":"Giuseppe Battiston", + "Star2":"Anna Foglietta", + "Star3":"Marco Giallini", + "Star4":"Edoardo Leo", + "No_of_Votes":57168, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzg2Mzg4YmUtNDdkNy00NWY1LWE3NmEtZWMwNGNlMzE5YzU3XkEyXkFqcGdeQXVyMjA5MTIzMjQ@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Hidden Figures", + "Released_Year":"2016", + "Certificate":"UA", + "Runtime":"127 min", + "Genre":"Biography, Drama, History", + "IMDB_Rating":7.8, + "Overview":"The story of a team of female African-American mathematicians who served a vital role in NASA during the early years of the U.S. space program.", + "Meta_score":74.0, + "Director":"Theodore Melfi", + "Star1":"Taraji P. Henson", + "Star2":"Octavia Spencer", + "Star3":"Janelle Mon\u00e1e", + "Star4":"Kevin Costner", + "No_of_Votes":200876, + "Gross":"169,607,287" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMmYwNWZlNzEtNjE4Zi00NzQ4LWI2YmUtOWZhNzZhZDYyNmVmXkEyXkFqcGdeQXVyNzYzODM3Mzg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Paddington 2", + "Released_Year":"2017", + "Certificate":"U", + "Runtime":"103 min", + "Genre":"Adventure, Comedy, Family", + "IMDB_Rating":7.8, + "Overview":"Paddington (Ben Whishaw), now happily settled with the Brown family and a popular member of the local community, picks up a series of odd jobs to buy the perfect present for his Aunt Lucy's (Imelda Staunton's) 100th birthday, only for the gift to be stolen.", + "Meta_score":88.0, + "Director":"Paul King", + "Star1":"Ben Whishaw", + "Star2":"Hugh Grant", + "Star3":"Hugh Bonneville", + "Star4":"Sally Hawkins", + "No_of_Votes":61594, + "Gross":"40,442,052" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BY2YxNjQxYWYtYzNkMi00YTgyLWIwZTMtYzgyYjZlZmYzZTA0XkEyXkFqcGdeQXVyMTA4NjE0NjEy._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Udta Punjab", + "Released_Year":"2016", + "Certificate":"A", + "Runtime":"148 min", + "Genre":"Action, Crime, Drama", + "IMDB_Rating":7.8, + "Overview":"A story that revolves around drug abuse in the affluent north Indian State of Punjab and how the youth there have succumbed to it en-masse resulting in a socio-economic decline.", + "Meta_score":null, + "Director":"Abhishek Chaubey", + "Star1":"Shahid Kapoor", + "Star2":"Alia Bhatt", + "Star3":"Kareena Kapoor", + "Star4":"Diljit Dosanjh", + "No_of_Votes":27175, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjA2Mzg2NDMzNl5BMl5BanBnXkFtZTgwMjcwODUzOTE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Kubo and the Two Strings", + "Released_Year":"2016", + "Certificate":"PG", + "Runtime":"101 min", + "Genre":"Animation, Action, Adventure", + "IMDB_Rating":7.8, + "Overview":"A young boy named Kubo must locate a magical suit of armour worn by his late father in order to defeat a vengeful spirit from the past.", + "Meta_score":84.0, + "Director":"Travis Knight", + "Star1":"Charlize Theron", + "Star2":"Art Parkinson", + "Star3":"Matthew McConaughey", + "Star4":"Ralph Fiennes", + "No_of_Votes":118035, + "Gross":"48,023,088" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZjAzZjZiMmQtMDZmOC00NjVmLTkyNTItOGI2Mzg4NTBhZTA1XkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"M.S. Dhoni: The Untold Story", + "Released_Year":"2016", + "Certificate":"U", + "Runtime":"184 min", + "Genre":"Biography, Drama, Sport", + "IMDB_Rating":7.8, + "Overview":"The untold story of Mahendra Singh Dhoni's journey from ticket collector to trophy collector - the world-cup-winning captain of the Indian Cricket Team.", + "Meta_score":null, + "Director":"Neeraj Pandey", + "Star1":"Sushant Singh Rajput", + "Star2":"Kiara Advani", + "Star3":"Anupam Kher", + "Star4":"Disha Patani", + "No_of_Votes":40416, + "Gross":"1,782,795" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTYxMjk0NDg4Ml5BMl5BanBnXkFtZTgwODcyNjA5OTE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Manchester by the Sea", + "Released_Year":"2016", + "Certificate":"UA", + "Runtime":"137 min", + "Genre":"Drama", + "IMDB_Rating":7.8, + "Overview":"A depressed uncle is asked to take care of his teenage nephew after the boy's father dies.", + "Meta_score":96.0, + "Director":"Kenneth Lonergan", + "Star1":"Casey Affleck", + "Star2":"Michelle Williams", + "Star3":"Kyle Chandler", + "Star4":"Lucas Hedges", + "No_of_Votes":246963, + "Gross":"47,695,120" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjA0MzQzNjM1Ml5BMl5BanBnXkFtZTgwNjM5MjU5NjE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Under sandet", + "Released_Year":"2015", + "Certificate":"R", + "Runtime":"100 min", + "Genre":"Drama, History, War", + "IMDB_Rating":7.8, + "Overview":"In post-World War II Denmark, a group of young German POWs are forced to clear a beach of thousands of land mines under the watch of a Danish Sergeant who slowly learns to appreciate their plight.", + "Meta_score":75.0, + "Director":"Martin Zandvliet", + "Star1":"Roland M\u00f8ller", + "Star2":"Louis Hofmann", + "Star3":"Joel Basman", + "Star4":"Mikkel Boe F\u00f8lsgaard", + "No_of_Votes":35539, + "Gross":"435,266" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjEwMzMxODIzOV5BMl5BanBnXkFtZTgwNzg3OTAzMDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Rogue One", + "Released_Year":"2016", + "Certificate":"UA", + "Runtime":"133 min", + "Genre":"Action, Adventure, Sci-Fi", + "IMDB_Rating":7.8, + "Overview":"The daughter of an Imperial scientist joins the Rebel Alliance in a risky move to steal the plans for the Death Star.", + "Meta_score":65.0, + "Director":"Gareth Edwards", + "Star1":"Felicity Jones", + "Star2":"Diego Luna", + "Star3":"Alan Tudyk", + "Star4":"Donnie Yen", + "No_of_Votes":556608, + "Gross":"532,177,324" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjQ0MTgyNjAxMV5BMl5BanBnXkFtZTgwNjUzMDkyODE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Captain America: Civil War", + "Released_Year":"2016", + "Certificate":"UA", + "Runtime":"147 min", + "Genre":"Action, Adventure, Sci-Fi", + "IMDB_Rating":7.8, + "Overview":"Political involvement in the Avengers' affairs causes a rift between Captain America and Iron Man.", + "Meta_score":75.0, + "Director":"Anthony Russo", + "Star1":"Joe Russo", + "Star2":"Chris Evans", + "Star3":"Robert Downey Jr.", + "Star4":"Scarlett Johansson", + "No_of_Votes":663649, + "Gross":"408,084,349" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjA1MTc1NTg5NV5BMl5BanBnXkFtZTgwOTM2MDEzNzE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Hateful Eight", + "Released_Year":"2015", + "Certificate":"A", + "Runtime":"168 min", + "Genre":"Crime, Drama, Mystery", + "IMDB_Rating":7.8, + "Overview":"In the dead of a Wyoming winter, a bounty hunter and his prisoner find shelter in a cabin currently inhabited by a collection of nefarious characters.", + "Meta_score":68.0, + "Director":"Quentin Tarantino", + "Star1":"Samuel L. Jackson", + "Star2":"Kurt Russell", + "Star3":"Jennifer Jason Leigh", + "Star4":"Walton Goggins", + "No_of_Votes":517059, + "Gross":"54,117,416" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BY2QzYTQyYzItMzAwYi00YjZlLThjNTUtNzMyMDdkYzJiNWM4XkEyXkFqcGdeQXVyMTkxNjUyNQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Little Women", + "Released_Year":"2019", + "Certificate":"U", + "Runtime":"135 min", + "Genre":"Drama, Romance", + "IMDB_Rating":7.8, + "Overview":"Jo March reflects back and forth on her life, telling the beloved story of the March sisters - four young women, each determined to live life on her own terms.", + "Meta_score":91.0, + "Director":"Greta Gerwig", + "Star1":"Saoirse Ronan", + "Star2":"Emma Watson", + "Star3":"Florence Pugh", + "Star4":"Eliza Scanlen", + "No_of_Votes":143250, + "Gross":"108,101,214" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTU3NjE2NjgwN15BMl5BanBnXkFtZTgwNDYzMzEwMzI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Loving Vincent", + "Released_Year":"2017", + "Certificate":"UA", + "Runtime":"94 min", + "Genre":"Animation, Biography, Crime", + "IMDB_Rating":7.8, + "Overview":"In a story depicted in oil painted animation, a young man comes to the last hometown of painter Vincent van Gogh (Robert Gulaczyk) to deliver the troubled artist's final letter and ends up investigating his final days there.", + "Meta_score":62.0, + "Director":"Dorota Kobiela", + "Star1":"Hugh Welchman", + "Star2":"Douglas Booth", + "Star3":"Jerome Flynn", + "Star4":"Robert Gulaczyk", + "No_of_Votes":50778, + "Gross":"6,735,118" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTU2OTcyOTE3MF5BMl5BanBnXkFtZTgwNTg5Mjc1MjE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Pride", + "Released_Year":"2014", + "Certificate":"R", + "Runtime":"119 min", + "Genre":"Biography, Comedy, Drama", + "IMDB_Rating":7.8, + "Overview":"U.K. gay activists work to help miners during their lengthy strike of the National Union of Mineworkers in the summer of 1984.", + "Meta_score":79.0, + "Director":"Matthew Warchus", + "Star1":"Bill Nighy", + "Star2":"Imelda Staunton", + "Star3":"Dominic West", + "Star4":"Paddy Considine", + "No_of_Votes":51841, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTcxNTgzNDg1N15BMl5BanBnXkFtZTgwNjg4MzI1MDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Le pass\u00e9", + "Released_Year":"2013", + "Certificate":"PG-13", + "Runtime":"130 min", + "Genre":"Drama, Mystery", + "IMDB_Rating":7.8, + "Overview":"An Iranian man deserts his French wife and her two children to return to his homeland. Meanwhile, his wife starts up a new relationship, a reality her husband confronts upon his wife's request for a divorce.", + "Meta_score":85.0, + "Director":"Asghar Farhadi", + "Star1":"B\u00e9r\u00e9nice Bejo", + "Star2":"Tahar Rahim", + "Star3":"Ali Mosaffa", + "Star4":"Pauline Burlet", + "No_of_Votes":45002, + "Gross":"1,330,596" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjg5NmI3NmUtZDQ2Mi00ZTI0LWE0YzAtOGRhOWJmNDJkOWNkXkEyXkFqcGdeQXVyMzIzNDU1NTY@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"La grande bellezza", + "Released_Year":"2013", + "Certificate":null, + "Runtime":"141 min", + "Genre":"Drama", + "IMDB_Rating":7.8, + "Overview":"Jep Gambardella has seduced his way through the lavish nightlife of Rome for decades, but after his 65th birthday and a shock from the past, Jep looks past the nightclubs and parties to find a timeless landscape of absurd, exquisite beauty.", + "Meta_score":86.0, + "Director":"Paolo Sorrentino", + "Star1":"Toni Servillo", + "Star2":"Carlo Verdone", + "Star3":"Sabrina Ferilli", + "Star4":"Carlo Buccirosso", + "No_of_Votes":81125, + "Gross":"2,852,400" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTUwMzc1NjIzMV5BMl5BanBnXkFtZTgwODUyMTIxMTE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Lunchbox", + "Released_Year":"2013", + "Certificate":"U", + "Runtime":"104 min", + "Genre":"Drama, Romance", + "IMDB_Rating":7.8, + "Overview":"A mistaken delivery in Mumbai's famously efficient lunchbox delivery system connects a young housewife to an older man in the dusk of his life as they build a fantasy world together through notes in the lunchbox.", + "Meta_score":76.0, + "Director":"Ritesh Batra", + "Star1":"Irrfan Khan", + "Star2":"Nimrat Kaur", + "Star3":"Nawazuddin Siddiqui", + "Star4":"Lillete Dubey", + "No_of_Votes":50523, + "Gross":"4,231,500" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYWNlODE1ZTEtOTQ5MS00N2QwLTllNjItZDQ2Y2UzMmU5YmI2XkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UY98_CR3,0,67,98_AL_.jpg", + "Series_Title":"Vicky Donor", + "Released_Year":"2012", + "Certificate":"UA", + "Runtime":"126 min", + "Genre":"Comedy, Romance", + "IMDB_Rating":7.8, + "Overview":"A man is brought in by an infertility doctor to supply him with his sperm, where he becomes the biggest sperm donor for his clinic.", + "Meta_score":null, + "Director":"Shoojit Sircar", + "Star1":"Ayushmann Khurrana", + "Star2":"Yami Gautam", + "Star3":"Annu Kapoor", + "Star4":"Dolly Ahluwalia", + "No_of_Votes":39710, + "Gross":"169,209" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMDliOTIzNmUtOTllOC00NDU3LWFiNjYtMGM0NDc1YTMxNjYxXkEyXkFqcGdeQXVyNTM3NzExMDQ@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Big Hero 6", + "Released_Year":"2014", + "Certificate":"U", + "Runtime":"102 min", + "Genre":"Animation, Action, Adventure", + "IMDB_Rating":7.8, + "Overview":"A special bond develops between plus-sized inflatable robot Baymax and prodigy Hiro Hamada, who together team up with a group of friends to form a band of high-tech heroes.", + "Meta_score":74.0, + "Director":"Don Hall", + "Star1":"Chris Williams", + "Star2":"Ryan Potter", + "Star3":"Scott Adsit", + "Star4":"Jamie Chung", + "No_of_Votes":410983, + "Gross":"222,527,828" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTA1ODUzMDA3NzFeQTJeQWpwZ15BbWU3MDgxMTYxNTk@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"About Time", + "Released_Year":"2013", + "Certificate":"R", + "Runtime":"123 min", + "Genre":"Comedy, Drama, Fantasy", + "IMDB_Rating":7.8, + "Overview":"At the age of 21, Tim discovers he can travel in time and change what happens and has happened in his own life. His decision to make his world a better place by getting a girlfriend turns out not to be as easy as you might think.", + "Meta_score":55.0, + "Director":"Richard Curtis", + "Star1":"Domhnall Gleeson", + "Star2":"Rachel McAdams", + "Star3":"Bill Nighy", + "Star4":"Lydia Wilson", + "No_of_Votes":303032, + "Gross":"15,322,921" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjQ5YWVmYmYtOWFiZC00NGMxLWEwODctZDM2MWI4YWViN2E5XkEyXkFqcGdeQXVyNjQ2MjQ5NzM@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"English Vinglish", + "Released_Year":"2012", + "Certificate":"U", + "Runtime":"134 min", + "Genre":"Comedy, Drama, Family", + "IMDB_Rating":7.8, + "Overview":"A quiet, sweet tempered housewife endures small slights from her well-educated husband and daughter every day because of her inability to speak and understand English.", + "Meta_score":null, + "Director":"Gauri Shinde", + "Star1":"Sridevi", + "Star2":"Adil Hussain", + "Star3":"Mehdi Nebbou", + "Star4":"Priya Anand", + "No_of_Votes":33618, + "Gross":"1,670,773" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTU4NDg0MzkzNV5BMl5BanBnXkFtZTgwODA3Mzc1MDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Kaze tachinu", + "Released_Year":"2013", + "Certificate":"PG-13", + "Runtime":"126 min", + "Genre":"Animation, Biography, Drama", + "IMDB_Rating":7.8, + "Overview":"A look at the life of Jiro Horikoshi, the man who designed Japanese fighter planes during World War II.", + "Meta_score":83.0, + "Director":"Hayao Miyazaki", + "Star1":"Hideaki Anno", + "Star2":"Hidetoshi Nishijima", + "Star3":"Miori Takimoto", + "Star4":"Masahiko Nishimura", + "No_of_Votes":73690, + "Gross":"5,209,580" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTYzMDM4NzkxOV5BMl5BanBnXkFtZTgwNzM1Mzg2NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Toy Story 4", + "Released_Year":"2019", + "Certificate":"U", + "Runtime":"100 min", + "Genre":"Animation, Adventure, Comedy", + "IMDB_Rating":7.8, + "Overview":"When a new toy called \"Forky\" joins Woody and the gang, a road trip alongside old and new friends reveals how big the world can be for a toy.", + "Meta_score":84.0, + "Director":"Josh Cooley", + "Star1":"Tom Hanks", + "Star2":"Tim Allen", + "Star3":"Annie Potts", + "Star4":"Tony Hale", + "No_of_Votes":203177, + "Gross":"434,038,008" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTQ4MzQ3NjA0N15BMl5BanBnXkFtZTgwODQyNjQ4MDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"La migliore offerta", + "Released_Year":"2013", + "Certificate":"R", + "Runtime":"131 min", + "Genre":"Crime, Drama, Mystery", + "IMDB_Rating":7.8, + "Overview":"A lonely art expert working for a mysterious and reclusive heiress finds not only her art worth examining.", + "Meta_score":49.0, + "Director":"Giuseppe Tornatore", + "Star1":"Geoffrey Rush", + "Star2":"Jim Sturgess", + "Star3":"Sylvia Hoeks", + "Star4":"Donald Sutherland", + "No_of_Votes":108399, + "Gross":"85,433" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzllMWI1ZDQtMmFhNS00NzJkLThmMTMtNzFmMmMyYjU3ZGVjXkEyXkFqcGdeQXVyMDI2NDg0NQ@@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Moonrise Kingdom", + "Released_Year":"2012", + "Certificate":"A", + "Runtime":"94 min", + "Genre":"Comedy, Drama, Romance", + "IMDB_Rating":7.8, + "Overview":"A pair of young lovers flee their New England town, which causes a local search party to fan out to find them.", + "Meta_score":84.0, + "Director":"Wes Anderson", + "Star1":"Jared Gilman", + "Star2":"Kara Hayward", + "Star3":"Bruce Willis", + "Star4":"Bill Murray", + "No_of_Votes":318789, + "Gross":"45,512,466" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzMwMTAwODczN15BMl5BanBnXkFtZTgwMDk2NDA4MTE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"How to Train Your Dragon 2", + "Released_Year":"2014", + "Certificate":"U", + "Runtime":"102 min", + "Genre":"Animation, Action, Adventure", + "IMDB_Rating":7.8, + "Overview":"When Hiccup and Toothless discover an ice cave that is home to hundreds of new wild dragons and the mysterious Dragon Rider, the two friends find themselves at the center of a battle to protect the peace.", + "Meta_score":76.0, + "Director":"Dean DeBlois", + "Star1":"Jay Baruchel", + "Star2":"Cate Blanchett", + "Star3":"Gerard Butler", + "Star4":"Craig Ferguson", + "No_of_Votes":305611, + "Gross":"177,002,924" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNDc4MThhN2EtZjMzNC00ZDJmLThiZTgtNThlY2UxZWMzNjdkXkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Big Short", + "Released_Year":"2015", + "Certificate":"A", + "Runtime":"130 min", + "Genre":"Biography, Comedy, Drama", + "IMDB_Rating":7.8, + "Overview":"In 2006-2007 a group of investors bet against the US mortgage market. In their research they discover how flawed and corrupt the market is.", + "Meta_score":81.0, + "Director":"Adam McKay", + "Star1":"Christian Bale", + "Star2":"Steve Carell", + "Star3":"Ryan Gosling", + "Star4":"Brad Pitt", + "No_of_Votes":362942, + "Gross":"70,259,870" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYzM2OGQ2NzUtNzlmYi00ZDg4LWExODgtMDVmOTU2Yzg2N2U5XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Kokuhaku", + "Released_Year":"2010", + "Certificate":null, + "Runtime":"106 min", + "Genre":"Drama, Thriller", + "IMDB_Rating":7.8, + "Overview":"A psychological thriller of a grieving mother turned cold-blooded avenger with a twisty master plan to pay back those who were responsible for her daughter's death.", + "Meta_score":null, + "Director":"Tetsuya Nakashima", + "Star1":"Takako Matsu", + "Star2":"Yoshino Kimura", + "Star3":"Masaki Okada", + "Star4":"Yukito Nishii", + "No_of_Votes":35713, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZjRmNjc5MTYtYjc3My00ZjNiLTg4YjUtMTQ0ZTFkZmMxMDUzXkEyXkFqcGdeQXVyNDY5MTUyNjU@._V1_UY98_CR3,0,67,98_AL_.jpg", + "Series_Title":"Ang-ma-reul bo-at-da", + "Released_Year":"2010", + "Certificate":null, + "Runtime":"144 min", + "Genre":"Action, Crime, Drama", + "IMDB_Rating":7.8, + "Overview":"A secret agent exacts revenge on a serial killer through a series of captures and releases.", + "Meta_score":67.0, + "Director":"Jee-woon Kim", + "Star1":"Lee Byung-Hun", + "Star2":"Choi Min-sik", + "Star3":"Jeon Gook-Hwan", + "Star4":"Ho-jin Chun", + "No_of_Votes":111252, + "Gross":"128,392" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTczNDk4NTQ0OV5BMl5BanBnXkFtZTcwNDAxMDgxNw@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Girl with the Dragon Tattoo", + "Released_Year":"2011", + "Certificate":"R", + "Runtime":"158 min", + "Genre":"Crime, Drama, Mystery", + "IMDB_Rating":7.8, + "Overview":"Journalist Mikael Blomkvist is aided in his search for a woman who has been missing for forty years by Lisbeth Salander, a young computer hacker.", + "Meta_score":71.0, + "Director":"David Fincher", + "Star1":"Daniel Craig", + "Star2":"Rooney Mara", + "Star3":"Christopher Plummer", + "Star4":"Stellan Skarsg\u00e5rd", + "No_of_Votes":423010, + "Gross":"102,515,793" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODhiZWRhMjctNDUyMS00NmUwLTgwYmItMjJhOWNkZWQ3ZTQxXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Captain Phillips", + "Released_Year":"2013", + "Certificate":"UA", + "Runtime":"134 min", + "Genre":"Adventure, Biography, Crime", + "IMDB_Rating":7.8, + "Overview":"The true story of Captain Richard Phillips and the 2009 hijacking by Somali pirates of the U.S.-flagged MV Maersk Alabama, the first American cargo ship to be hijacked in two hundred years.", + "Meta_score":82.0, + "Director":"Paul Greengrass", + "Star1":"Tom Hanks", + "Star2":"Barkhad Abdi", + "Star3":"Barkhad Abdirahman", + "Star4":"Catherine Keener", + "No_of_Votes":421244, + "Gross":"107,100,855" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTgzMTkxNjAxNV5BMl5BanBnXkFtZTgwMDU3MDE0MjE@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Ajeossi", + "Released_Year":"2010", + "Certificate":"R", + "Runtime":"119 min", + "Genre":"Action, Crime, Drama", + "IMDB_Rating":7.8, + "Overview":"A quiet pawnshop keeper with a violent past takes on a drug-and-organ trafficking ring in hope of saving the child who is his only friend.", + "Meta_score":null, + "Director":"Jeong-beom Lee", + "Star1":"Won Bin", + "Star2":"Sae-ron Kim", + "Star3":"Tae-hoon Kim", + "Star4":"Hee-won Kim", + "No_of_Votes":62848, + "Gross":"6,460" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTA5MzkyMzIxNjJeQTJeQWpwZ15BbWU4MDU0MDk0OTUx._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Straight Outta Compton", + "Released_Year":"2015", + "Certificate":"R", + "Runtime":"147 min", + "Genre":"Biography, Drama, History", + "IMDB_Rating":7.8, + "Overview":"The rap group NWA emerges from the mean streets of Compton in Los Angeles, California, in the mid-1980s and revolutionizes Hip Hop culture with their music and tales about life in the hood.", + "Meta_score":72.0, + "Director":"F. Gary Gray", + "Star1":"O'Shea Jackson Jr.", + "Star2":"Corey Hawkins", + "Star3":"Jason Mitchell", + "Star4":"Neil Brown Jr.", + "No_of_Votes":179264, + "Gross":"161,197,785" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTQzMTg0NDA1M15BMl5BanBnXkFtZTgwODUzMTE0MjE@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Madeo", + "Released_Year":"2009", + "Certificate":"R", + "Runtime":"129 min", + "Genre":"Crime, Drama, Mystery", + "IMDB_Rating":7.8, + "Overview":"A mother desperately searches for the killer who framed her son for a girl's horrific murder.", + "Meta_score":79.0, + "Director":"Bong Joon Ho", + "Star1":"Hye-ja Kim", + "Star2":"Won Bin", + "Star3":"Jin Goo", + "Star4":"Je-mun Yun", + "No_of_Votes":52758, + "Gross":"547,292" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BY2ViOTU5MDQtZTRiZi00YjViLWFiY2ItOTRhNWYyN2ZiMzUyXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Chugyeokja", + "Released_Year":"2008", + "Certificate":null, + "Runtime":"125 min", + "Genre":"Action, Crime, Thriller", + "IMDB_Rating":7.8, + "Overview":"A disgraced ex-policeman who runs a small ring of prostitutes finds himself in a race against time when one of his women goes missing.", + "Meta_score":64.0, + "Director":"Hong-jin Na", + "Star1":"Kim Yoon-seok", + "Star2":"Jung-woo Ha", + "Star3":"Yeong-hie Seo", + "Star4":"Yoo-Jeong Kim", + "No_of_Votes":58468, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzU0NDY0NDEzNV5BMl5BanBnXkFtZTgwOTIxNDU1MDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Hobbit: The Desolation of Smaug", + "Released_Year":"2013", + "Certificate":"UA", + "Runtime":"161 min", + "Genre":"Adventure, Fantasy", + "IMDB_Rating":7.8, + "Overview":"The dwarves, along with Bilbo Baggins and Gandalf the Grey, continue their quest to reclaim Erebor, their homeland, from Smaug. Bilbo Baggins is in possession of a mysterious and magical ring.", + "Meta_score":66.0, + "Director":"Peter Jackson", + "Star1":"Ian McKellen", + "Star2":"Martin Freeman", + "Star3":"Richard Armitage", + "Star4":"Ken Stott", + "No_of_Votes":601408, + "Gross":"258,366,855" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTQ2OTYyNzUxOF5BMl5BanBnXkFtZTcwMzUwMDY4Mg@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Das wei\u00dfe Band - Eine deutsche Kindergeschichte", + "Released_Year":"2009", + "Certificate":"UA", + "Runtime":"144 min", + "Genre":"Drama, History, Mystery", + "IMDB_Rating":7.8, + "Overview":"Strange events happen in a small village in the north of Germany during the years before World War I, which seem to be ritual punishment. Who is responsible?", + "Meta_score":82.0, + "Director":"Michael Haneke", + "Star1":"Christian Friedel", + "Star2":"Ernst Jacobi", + "Star3":"Leonie Benesch", + "Star4":"Ulrich Tukur", + "No_of_Votes":68715, + "Gross":"2,222,647" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTc2Mjc0MDg3MV5BMl5BanBnXkFtZTcwMjUzMDkxMw@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"M\u00e4n som hatar kvinnor", + "Released_Year":"2009", + "Certificate":"R", + "Runtime":"152 min", + "Genre":"Crime, Drama, Mystery", + "IMDB_Rating":7.8, + "Overview":"A journalist is aided by a young female hacker in his search for the killer of a woman who has been dead for forty years.", + "Meta_score":76.0, + "Director":"Niels Arden Oplev", + "Star1":"Michael Nyqvist", + "Star2":"Noomi Rapace", + "Star3":"Ewa Fr\u00f6ling", + "Star4":"Lena Endre", + "No_of_Votes":208994, + "Gross":"10,095,170" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYjYzOGE1MjUtODgyMy00ZDAxLTljYTgtNzk0Njg2YWQwMTZhXkEyXkFqcGdeQXVyMDM2NDM2MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Trial of the Chicago 7", + "Released_Year":"2020", + "Certificate":"R", + "Runtime":"129 min", + "Genre":"Drama, History, Thriller", + "IMDB_Rating":7.8, + "Overview":"The story of 7 people on trial stemming from various charges surrounding the uprising at the 1968 Democratic National Convention in Chicago, Illinois.", + "Meta_score":77.0, + "Director":"Aaron Sorkin", + "Star1":"Eddie Redmayne", + "Star2":"Alex Sharp", + "Star3":"Sacha Baron Cohen", + "Star4":"Jeremy Strong", + "No_of_Votes":89896, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTNjM2Y2ZjgtMDc5NS00MDQ1LTgyNGYtYzYwMTAyNWQwYTMyXkEyXkFqcGdeQXVyMjE4NzUxNDA@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Druk", + "Released_Year":"2020", + "Certificate":null, + "Runtime":"117 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":7.8, + "Overview":"Four friends, all high school teachers, test a theory that they will improve their lives by maintaining a constant level of alcohol in their blood.", + "Meta_score":81.0, + "Director":"Thomas Vinterberg", + "Star1":"Mads Mikkelsen", + "Star2":"Thomas Bo Larsen", + "Star3":"Magnus Millang", + "Star4":"Lars Ranthe", + "No_of_Votes":33931, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTM0ODk3MjM1MV5BMl5BanBnXkFtZTcwNzc1MDIwNA@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Fighter", + "Released_Year":"2010", + "Certificate":"UA", + "Runtime":"116 min", + "Genre":"Biography, Drama, Sport", + "IMDB_Rating":7.8, + "Overview":"Based on the story of Micky Ward, a fledgling boxer who tries to escape the shadow of his more famous but troubled older boxing brother and get his own shot at greatness.", + "Meta_score":79.0, + "Director":"David O. Russell", + "Star1":"Mark Wahlberg", + "Star2":"Christian Bale", + "Star3":"Amy Adams", + "Star4":"Melissa Leo", + "No_of_Votes":340584, + "Gross":"93,617,009" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTM4NzQ0OTYyOF5BMl5BanBnXkFtZTcwMDkyNjQyMg@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Taken", + "Released_Year":"2008", + "Certificate":"A", + "Runtime":"90 min", + "Genre":"Action, Thriller", + "IMDB_Rating":7.8, + "Overview":"A retired CIA agent travels across Europe and relies on his old skills to save his estranged daughter, who has been kidnapped while on a trip to Paris.", + "Meta_score":51.0, + "Director":"Pierre Morel", + "Star1":"Liam Neeson", + "Star2":"Maggie Grace", + "Star3":"Famke Janssen", + "Star4":"Leland Orser", + "No_of_Votes":564791, + "Gross":"145,000,989" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTMzMTc3MjA5NF5BMl5BanBnXkFtZTcwOTk3MDE5MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Boy in the Striped Pyjamas", + "Released_Year":"2008", + "Certificate":"PG-13", + "Runtime":"94 min", + "Genre":"Drama, History, War", + "IMDB_Rating":7.8, + "Overview":"Through the innocent eyes of Bruno, the eight-year-old son of the commandant at a German concentration camp, a forbidden friendship with a Jewish boy on the other side of the camp fence has startling and unexpected consequences.", + "Meta_score":55.0, + "Director":"Mark Herman", + "Star1":"Asa Butterfield", + "Star2":"David Thewlis", + "Star3":"Rupert Friend", + "Star4":"Zac Mattoon O'Brien", + "No_of_Votes":190748, + "Gross":"9,030,581" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYWUxZjJkMDktZmMxMS00Mzg3LTk4MDItN2IwODlmN2E0MTM0XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Once", + "Released_Year":"2007", + "Certificate":"R", + "Runtime":"86 min", + "Genre":"Drama, Music, Romance", + "IMDB_Rating":7.8, + "Overview":"A modern-day musical about a busker and an immigrant and their eventful week in Dublin, as they write, rehearse and record songs that tell their love story.", + "Meta_score":88.0, + "Director":"John Carney", + "Star1":"Glen Hansard", + "Star2":"Mark\u00e9ta Irglov\u00e1", + "Star3":"Hugh Walsh", + "Star4":"Gerard Hendrick", + "No_of_Votes":110656, + "Gross":"9,439,923" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTcwNTE4MTUxMl5BMl5BanBnXkFtZTcwMDIyODM4OA@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Hobbit: An Unexpected Journey", + "Released_Year":"2012", + "Certificate":"UA", + "Runtime":"169 min", + "Genre":"Adventure, Fantasy", + "IMDB_Rating":7.8, + "Overview":"A reluctant Hobbit, Bilbo Baggins, sets out to the Lonely Mountain with a spirited group of dwarves to reclaim their mountain home, and the gold within it from the dragon Smaug.", + "Meta_score":58.0, + "Director":"Peter Jackson", + "Star1":"Martin Freeman", + "Star2":"Ian McKellen", + "Star3":"Richard Armitage", + "Star4":"Andy Serkis", + "No_of_Votes":757377, + "Gross":"303,003,568" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzgxMzYyNzAyOF5BMl5BanBnXkFtZTcwODY5MjY3MQ@@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Auf der anderen Seite", + "Released_Year":"2007", + "Certificate":null, + "Runtime":"122 min", + "Genre":"Drama", + "IMDB_Rating":7.8, + "Overview":"A Turkish man travels to Istanbul to find the daughter of his father's former girlfriend.", + "Meta_score":85.0, + "Director":"Fatih Akin", + "Star1":"Baki Davrak", + "Star2":"Nurg\u00fcl Yesil\u00e7ay", + "Star3":"Tuncel Kurtiz", + "Star4":"Nursel K\u00f6se", + "No_of_Votes":30827, + "Gross":"741,283" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMGRiYjE0YzItMzk3Zi00ZmYwLWJjNDktYTAwYjIwMjIxYzM3XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Atonement", + "Released_Year":"2007", + "Certificate":"R", + "Runtime":"123 min", + "Genre":"Drama, Mystery, Romance", + "IMDB_Rating":7.8, + "Overview":"Thirteen-year-old fledgling writer Briony Tallis irrevocably changes the course of several lives when she accuses her older sister's lover of a crime he did not commit.", + "Meta_score":85.0, + "Director":"Joe Wright", + "Star1":"Keira Knightley", + "Star2":"James McAvoy", + "Star3":"Brenda Blethyn", + "Star4":"Saoirse Ronan", + "No_of_Votes":251370, + "Gross":"50,927,067" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZjY5ZjQyMjMtMmEwOC00Nzc2LTllYTItMmU2MzJjNTg1NjY0XkEyXkFqcGdeQXVyNjQ1MTMzMDQ@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Drive", + "Released_Year":"2011", + "Certificate":"A", + "Runtime":"100 min", + "Genre":"Crime, Drama", + "IMDB_Rating":7.8, + "Overview":"A mysterious Hollywood stuntman and mechanic moonlights as a getaway driver and finds himself in trouble when he helps out his neighbor.", + "Meta_score":78.0, + "Director":"Nicolas Winding Refn", + "Star1":"Ryan Gosling", + "Star2":"Carey Mulligan", + "Star3":"Bryan Cranston", + "Star4":"Albert Brooks", + "No_of_Votes":571571, + "Gross":"35,061,555" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjFmZGI2YTEtYmJhMS00YTE5LWJjNjAtNDI5OGY5ZDhmNTRlXkEyXkFqcGdeQXVyODAwMTU1MTE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"American Gangster", + "Released_Year":"2007", + "Certificate":"A", + "Runtime":"157 min", + "Genre":"Biography, Crime, Drama", + "IMDB_Rating":7.8, + "Overview":"An outcast New York City cop is charged with bringing down Harlem drug lord Frank Lucas, whose real life inspired this partly biographical film.", + "Meta_score":76.0, + "Director":"Ridley Scott", + "Star1":"Denzel Washington", + "Star2":"Russell Crowe", + "Star3":"Chiwetel Ejiofor", + "Star4":"Josh Brolin", + "No_of_Votes":392449, + "Gross":"130,164,645" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTYwOTEwNjAzMl5BMl5BanBnXkFtZTcwODc5MTUwMw@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Avatar", + "Released_Year":"2009", + "Certificate":"UA", + "Runtime":"162 min", + "Genre":"Action, Adventure, Fantasy", + "IMDB_Rating":7.8, + "Overview":"A paraplegic Marine dispatched to the moon Pandora on a unique mission becomes torn between following his orders and protecting the world he feels is his home.", + "Meta_score":83.0, + "Director":"James Cameron", + "Star1":"Sam Worthington", + "Star2":"Zoe Saldana", + "Star3":"Sigourney Weaver", + "Star4":"Michelle Rodriguez", + "No_of_Votes":1118998, + "Gross":"760,507,625" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTg4ODkzMDQ3Nl5BMl5BanBnXkFtZTgwNTEwMTkxMDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Mr. Nobody", + "Released_Year":"2009", + "Certificate":"R", + "Runtime":"141 min", + "Genre":"Drama, Fantasy, Romance", + "IMDB_Rating":7.8, + "Overview":"A boy stands on a station platform as a train is about to leave. Should he go with his mother or stay with his father? Infinite possibilities arise from this decision. As long as he doesn't choose, anything is possible.", + "Meta_score":63.0, + "Director":"Jaco Van Dormael", + "Star1":"Jared Leto", + "Star2":"Sarah Polley", + "Star3":"Diane Kruger", + "Star4":"Linh Dan Pham", + "No_of_Votes":216421, + "Gross":"3,600" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzhmNGMzMDMtZDM0Yi00MmVmLWExYjAtZDhjZjcxZDM0MzJhXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Apocalypto", + "Released_Year":"2006", + "Certificate":"A", + "Runtime":"139 min", + "Genre":"Action, Adventure, Drama", + "IMDB_Rating":7.8, + "Overview":"As the Mayan kingdom faces its decline, a young man is taken on a perilous journey to a world ruled by fear and oppression.", + "Meta_score":68.0, + "Director":"Mel Gibson", + "Star1":"Gerardo Taracena", + "Star2":"Raoul Max Trujillo", + "Star3":"Dalia Hern\u00e1ndez", + "Star4":"Rudy Youngblood", + "No_of_Votes":291018, + "Gross":"50,866,635" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTgzNTgzODU0NV5BMl5BanBnXkFtZTcwMjEyMjMzMQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Little Miss Sunshine", + "Released_Year":"2006", + "Certificate":"UA", + "Runtime":"101 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":7.8, + "Overview":"A family determined to get their young daughter into the finals of a beauty pageant take a cross-country trip in their VW bus.", + "Meta_score":80.0, + "Director":"Jonathan Dayton", + "Star1":"Valerie Faris", + "Star2":"Steve Carell", + "Star3":"Toni Collette", + "Star4":"Greg Kinnear", + "No_of_Votes":439856, + "Gross":"59,891,098" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzg4MDJhMDMtYmJiMS00ZDZmLThmZWUtYTMwZDM1YTc5MWE2XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Hot Fuzz", + "Released_Year":"2007", + "Certificate":"UA", + "Runtime":"121 min", + "Genre":"Action, Comedy, Mystery", + "IMDB_Rating":7.8, + "Overview":"A skilled London police officer is transferred to a small town with a dark secret.", + "Meta_score":81.0, + "Director":"Edgar Wright", + "Star1":"Simon Pegg", + "Star2":"Nick Frost", + "Star3":"Martin Freeman", + "Star4":"Bill Nighy", + "No_of_Votes":463466, + "Gross":"23,637,265" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjQ0NTY2ODY2M15BMl5BanBnXkFtZTgwMjE4MzkxMDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Curious Case of Benjamin Button", + "Released_Year":"2008", + "Certificate":"UA", + "Runtime":"166 min", + "Genre":"Drama, Fantasy, Romance", + "IMDB_Rating":7.8, + "Overview":"Tells the story of Benjamin Button, a man who starts aging backwards with consequences.", + "Meta_score":70.0, + "Director":"David Fincher", + "Star1":"Brad Pitt", + "Star2":"Cate Blanchett", + "Star3":"Tilda Swinton", + "Star4":"Julia Ormond", + "No_of_Votes":589160, + "Gross":"127,509,326" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BY2VlOTc4ZjctYjVlMS00NDYwLWEwZjctZmYzZmVkNGU5NjNjXkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UY98_CR2,0,67,98_AL_.jpg", + "Series_Title":"Veer-Zaara", + "Released_Year":"2004", + "Certificate":"U", + "Runtime":"192 min", + "Genre":"Drama, Family, Musical", + "IMDB_Rating":7.8, + "Overview":"Veer-Zaara is a saga of love, separation, courage and sacrifice. A love story that is an inspiration and will remain a legend forever.", + "Meta_score":67.0, + "Director":"Yash Chopra", + "Star1":"Shah Rukh Khan", + "Star2":"Preity Zinta", + "Star3":"Rani Mukerji", + "Star4":"Kirron Kher", + "No_of_Votes":49050, + "Gross":"2,921,738" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTU4NTc5NjM5M15BMl5BanBnXkFtZTgwODEyMTE0MDE@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Adams \u00e6bler", + "Released_Year":"2005", + "Certificate":"R", + "Runtime":"94 min", + "Genre":"Comedy, Crime, Drama", + "IMDB_Rating":7.8, + "Overview":"A neo-nazi sentenced to community service at a church clashes with the blindly devotional priest.", + "Meta_score":51.0, + "Director":"Anders Thomas Jensen", + "Star1":"Ulrich Thomsen", + "Star2":"Mads Mikkelsen", + "Star3":"Nicolas Bro", + "Star4":"Paprika Steen", + "No_of_Votes":45717, + "Gross":"1,305" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTA1NDQ3NTcyOTNeQTJeQWpwZ15BbWU3MDA0MzA4MzE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Pride & Prejudice", + "Released_Year":"2005", + "Certificate":"PG", + "Runtime":"129 min", + "Genre":"Drama, Romance", + "IMDB_Rating":7.8, + "Overview":"Sparks fly when spirited Elizabeth Bennet meets single, rich, and proud Mr. Darcy. But Mr. Darcy reluctantly finds himself falling in love with a woman beneath his class. Can each overcome their own pride and prejudice?", + "Meta_score":82.0, + "Director":"Joe Wright", + "Star1":"Keira Knightley", + "Star2":"Matthew Macfadyen", + "Star3":"Brenda Blethyn", + "Star4":"Donald Sutherland", + "No_of_Votes":258924, + "Gross":"38,405,088" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjE1MjA0MDA3MV5BMl5BanBnXkFtZTcwOTU0MjMzMQ@@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"The World's Fastest Indian", + "Released_Year":"2005", + "Certificate":"U", + "Runtime":"127 min", + "Genre":"Biography, Drama, Sport", + "IMDB_Rating":7.8, + "Overview":"The story of New Zealander Burt Munro, who spent years rebuilding a 1920 Indian motorcycle, which helped him set the land speed world record at Utah's Bonneville Salt Flats in 1967.", + "Meta_score":68.0, + "Director":"Roger Donaldson", + "Star1":"Anthony Hopkins", + "Star2":"Diane Ladd", + "Star3":"Iain Rea", + "Star4":"Tessa Mitchell", + "No_of_Votes":51980, + "Gross":"5,128,124" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNWY2ODRkZDYtMjllYi00Y2EyLWFhYjktMTQ5OGNkY2ViYmY2XkEyXkFqcGdeQXVyNjUxMDQ0MTg@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"T\u00f4ky\u00f4 goddof\u00e2z\u00e2zu", + "Released_Year":"2003", + "Certificate":"UA", + "Runtime":"90 min", + "Genre":"Animation, Adventure, Comedy", + "IMDB_Rating":7.8, + "Overview":"On Christmas Eve, three homeless people living on the streets of Tokyo discover a newborn baby among the trash and set out to find its parents.", + "Meta_score":73.0, + "Director":"Satoshi Kon", + "Star1":"Sh\u00f4go Furuya", + "Star2":"T\u00f4ru Emori", + "Star3":"Yoshiaki Umegaki", + "Star4":"Aya Okamoto", + "No_of_Votes":31658, + "Gross":"128,985" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOWE2MDAwZjEtODEyOS00ZjYyLTgzNDUtYmNiY2VmNWRiMTQxXkEyXkFqcGdeQXVyNTIzOTk5ODM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Serenity", + "Released_Year":"2005", + "Certificate":"PG-13", + "Runtime":"119 min", + "Genre":"Action, Adventure, Sci-Fi", + "IMDB_Rating":7.8, + "Overview":"The crew of the ship Serenity try to evade an assassin sent to recapture one of their members who is telepathic.", + "Meta_score":74.0, + "Director":"Joss Whedon", + "Star1":"Nathan Fillion", + "Star2":"Gina Torres", + "Star3":"Chiwetel Ejiofor", + "Star4":"Alan Tudyk", + "No_of_Votes":283310, + "Gross":"25,514,517" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjIyOTU3MjUxOF5BMl5BanBnXkFtZTcwMTQ0NjYzMw@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Walk the Line", + "Released_Year":"2005", + "Certificate":"PG-13", + "Runtime":"136 min", + "Genre":"Biography, Drama, Music", + "IMDB_Rating":7.8, + "Overview":"A chronicle of country music legend Johnny Cash's life, from his early days on an Arkansas cotton farm to his rise to fame with Sun Records in Memphis, where he recorded alongside Elvis Presley, Jerry Lee Lewis, and Carl Perkins.", + "Meta_score":72.0, + "Director":"James Mangold", + "Star1":"Joaquin Phoenix", + "Star2":"Reese Witherspoon", + "Star3":"Ginnifer Goodwin", + "Star4":"Robert Patrick", + "No_of_Votes":234207, + "Gross":"119,519,402" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzYwODUxNjkyMF5BMl5BanBnXkFtZTcwODUzNjQyMQ@@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Ondskan", + "Released_Year":"2003", + "Certificate":null, + "Runtime":"113 min", + "Genre":"Drama", + "IMDB_Rating":7.8, + "Overview":"A teenage boy expelled from school for fighting arrives at a boarding school where the systematic bullying of younger students is encouraged as a means to maintain discipline, and decides to fight back.", + "Meta_score":61.0, + "Director":"Mikael H\u00e5fstr\u00f6m", + "Star1":"Andreas Wilson", + "Star2":"Henrik Lundstr\u00f6m", + "Star3":"Gustaf Skarsg\u00e5rd", + "Star4":"Linda Zilliacus", + "No_of_Votes":35682, + "Gross":"15,280" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTk3OTM5Njg5M15BMl5BanBnXkFtZTYwMzA0ODI3._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Notebook", + "Released_Year":"2004", + "Certificate":"A", + "Runtime":"123 min", + "Genre":"Drama, Romance", + "IMDB_Rating":7.8, + "Overview":"A poor yet passionate young man falls in love with a rich young woman, giving her a sense of freedom, but they are soon separated because of their social differences.", + "Meta_score":53.0, + "Director":"Nick Cassavetes", + "Star1":"Gena Rowlands", + "Star2":"James Garner", + "Star3":"Rachel McAdams", + "Star4":"Ryan Gosling", + "No_of_Votes":520284, + "Gross":"81,001,787" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTNmZTgyMzAtMTUwZC00NjAwLTk4MjktODllYTY5YTUwN2YwXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Diarios de motocicleta", + "Released_Year":"2004", + "Certificate":"U", + "Runtime":"126 min", + "Genre":"Adventure, Biography, Drama", + "IMDB_Rating":7.8, + "Overview":"The dramatization of a motorcycle road trip Che Guevara went on in his youth that showed him his life's calling.", + "Meta_score":75.0, + "Director":"Walter Salles", + "Star1":"Gael Garc\u00eda Bernal", + "Star2":"Rodrigo De la Serna", + "Star3":"M\u00eda Maestro", + "Star4":"Mercedes Mor\u00e1n", + "No_of_Votes":96703, + "Gross":"16,756,372" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BM2YwNTQwM2ItZTA2Ni00NGY1LThjY2QtNzgyZTBhMTM0MWI4XkEyXkFqcGdeQXVyNzQxNDExNTU@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Lilja 4-ever", + "Released_Year":"2002", + "Certificate":"R", + "Runtime":"109 min", + "Genre":"Crime, Drama", + "IMDB_Rating":7.8, + "Overview":"Sixteen-year-old Lilja and her only friend, the young boy Volodja, live in Russia, fantasizing about a better life. One day, Lilja falls in love with Andrej, who is going to Sweden, and invites Lilja to come along and start a new life.", + "Meta_score":82.0, + "Director":"Lukas Moodysson", + "Star1":"Oksana Akinshina", + "Star2":"Artyom Bogucharskiy", + "Star3":"Pavel Ponomaryov", + "Star4":"Lyubov Agapova", + "No_of_Votes":42673, + "Gross":"181,655" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNGRiOTIwNTAtYWM2Yy00Yzc4LTkyZjEtNTM3NTIyZTNhMzg1XkEyXkFqcGdeQXVyODIyOTEyMzY@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Les triplettes de Belleville", + "Released_Year":"2003", + "Certificate":"PG-13", + "Runtime":"80 min", + "Genre":"Animation, Comedy, Drama", + "IMDB_Rating":7.8, + "Overview":"When her grandson is kidnapped during the Tour de France, Madame Souza and her beloved pooch Bruno team up with the Belleville Sisters--an aged song-and-dance team from the days of Fred Astaire--to rescue him.", + "Meta_score":91.0, + "Director":"Sylvain Chomet", + "Star1":"Mich\u00e8le Caucheteux", + "Star2":"Jean-Claude Donda", + "Star3":"Michel Robin", + "Star4":"Monica Viegas", + "No_of_Votes":50622, + "Gross":"7,002,255" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTI1NDA4NTMyN15BMl5BanBnXkFtZTYwNTA2ODc5._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Gongdong gyeongbi guyeok JSA", + "Released_Year":"2000", + "Certificate":null, + "Runtime":"110 min", + "Genre":"Action, Drama, Thriller", + "IMDB_Rating":7.8, + "Overview":"After a shooting incident at the North\/South Korean border\/DMZ leaves 2 North Korean soldiers dead, a neutral Swiss\/Swedish team investigates, what actually happened.", + "Meta_score":58.0, + "Director":"Chan-wook Park", + "Star1":"Lee Yeong-ae", + "Star2":"Lee Byung-Hun", + "Star3":"Kang-ho Song", + "Star4":"Kim Tae-Woo", + "No_of_Votes":26518, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMDM0ZWRjZDgtZWI0MS00ZTIzLTg4MWYtZjU5MDEyMDU0ODBjXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Count of Monte Cristo", + "Released_Year":"2002", + "Certificate":"PG-13", + "Runtime":"131 min", + "Genre":"Action, Adventure, Drama", + "IMDB_Rating":7.8, + "Overview":"A young man, falsely imprisoned by his jealous \"friend\", escapes and uses a hidden treasure to exact his revenge.", + "Meta_score":61.0, + "Director":"Kevin Reynolds", + "Star1":"Jim Caviezel", + "Star2":"Guy Pearce", + "Star3":"Christopher Adamson", + "Star4":"JB Blanc", + "No_of_Votes":129022, + "Gross":"54,234,062" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMWM0ZjY5ZjctODNkZi00Nzk0LWE1ODUtNGM4ZDUyMzUwMGYwXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Waking Life", + "Released_Year":"2001", + "Certificate":"R", + "Runtime":"99 min", + "Genre":"Animation, Drama, Fantasy", + "IMDB_Rating":7.8, + "Overview":"A man shuffles through a dream meeting various people and discussing the meanings and purposes of the universe.", + "Meta_score":83.0, + "Director":"Richard Linklater", + "Star1":"Ethan Hawke", + "Star2":"Trevor Jack Brooks", + "Star3":"Lorelei Linklater", + "Star4":"Wiley Wiggins", + "No_of_Votes":60684, + "Gross":"2,892,011" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYThkMzgxNjEtMzFiOC00MTI0LWI5MDItNDVmYjA4NzY5MDQ2L2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Remember the Titans", + "Released_Year":"2000", + "Certificate":"U", + "Runtime":"113 min", + "Genre":"Biography, Drama, Sport", + "IMDB_Rating":7.8, + "Overview":"The true story of a newly appointed African-American coach and his high school team on their first season as a racially integrated unit.", + "Meta_score":48.0, + "Director":"Boaz Yakin", + "Star1":"Denzel Washington", + "Star2":"Will Patton", + "Star3":"Wood Harris", + "Star4":"Ryan Hurst", + "No_of_Votes":198089, + "Gross":"115,654,751" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNDdhMzMxOTctNDMyNS00NTZmLTljNWEtNTc4MDBmZTYxY2NmXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Wo hu cang long", + "Released_Year":"2000", + "Certificate":"UA", + "Runtime":"120 min", + "Genre":"Action, Adventure, Fantasy", + "IMDB_Rating":7.8, + "Overview":"A young Chinese warrior steals a sword from a famed swordsman and then escapes into a world of romantic adventure with a mysterious man in the frontier of the nation.", + "Meta_score":94.0, + "Director":"Ang Lee", + "Star1":"Yun-Fat Chow", + "Star2":"Michelle Yeoh", + "Star3":"Ziyi Zhang", + "Star4":"Chen Chang", + "No_of_Votes":253228, + "Gross":"128,078,872" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZTk2ZTMzMmUtZjUyNi00YzMyLWE3NTAtNDNjNzU3MGQ1YTFjXkEyXkFqcGdeQXVyMTA0MjU0Ng@@._V1_UY98_CR3,0,67,98_AL_.jpg", + "Series_Title":"Todo sobre mi madre", + "Released_Year":"1999", + "Certificate":"R", + "Runtime":"101 min", + "Genre":"Drama", + "IMDB_Rating":7.8, + "Overview":"Young Esteban wants to become a writer and also to discover the identity of his second mother, a trans woman, carefully concealed by his mother Manuela.", + "Meta_score":87.0, + "Director":"Pedro Almod\u00f3var", + "Star1":"Cecilia Roth", + "Star2":"Marisa Paredes", + "Star3":"Candela Pe\u00f1a", + "Star4":"Antonia San Juan", + "No_of_Votes":89058, + "Gross":"8,264,530" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BN2Y5ZTU4YjctMDRmMC00MTg4LWE1M2MtMjk4MzVmOTE4YjkzXkEyXkFqcGdeQXVyNTc1NTQxODI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Cast Away", + "Released_Year":"2000", + "Certificate":"UA", + "Runtime":"143 min", + "Genre":"Adventure, Drama, Romance", + "IMDB_Rating":7.8, + "Overview":"A FedEx executive undergoes a physical and emotional transformation after crash landing on a deserted island.", + "Meta_score":73.0, + "Director":"Robert Zemeckis", + "Star1":"Tom Hanks", + "Star2":"Helen Hunt", + "Star3":"Paul Sanchez", + "Star4":"Lari White", + "No_of_Votes":524235, + "Gross":"233,632,142" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYzVmMTdjOTYtOTJkYS00ZTg2LWExNTgtNzA1N2Y0MDgwYWFhXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Boondock Saints", + "Released_Year":"1999", + "Certificate":"R", + "Runtime":"108 min", + "Genre":"Action, Crime, Thriller", + "IMDB_Rating":7.8, + "Overview":"Two Irish Catholic brothers become vigilantes and wipe out Boston's criminal underworld in the name of God.", + "Meta_score":44.0, + "Director":"Troy Duffy", + "Star1":"Willem Dafoe", + "Star2":"Sean Patrick Flanery", + "Star3":"Norman Reedus", + "Star4":"David Della Rocco", + "No_of_Votes":227143, + "Gross":"25,812" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODg0YjAzNDQtOGFkMi00Yzk2LTg1NzYtYTNjY2UwZTM2ZDdkL2ltYWdlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Insider", + "Released_Year":"1999", + "Certificate":"UA", + "Runtime":"157 min", + "Genre":"Biography, Drama, Thriller", + "IMDB_Rating":7.8, + "Overview":"A research chemist comes under personal and professional attack when he decides to appear in a 60 Minutes expos\u00e9 on Big Tobacco.", + "Meta_score":84.0, + "Director":"Michael Mann", + "Star1":"Russell Crowe", + "Star2":"Al Pacino", + "Star3":"Christopher Plummer", + "Star4":"Diane Venora", + "No_of_Votes":159886, + "Gross":"28,965,197" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZmIzMjE0M2YtNzliZi00YWNmLTgyNDItZDhjNWVhY2Q2ODk0XkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"October Sky", + "Released_Year":"1999", + "Certificate":"PG", + "Runtime":"108 min", + "Genre":"Biography, Drama, Family", + "IMDB_Rating":7.8, + "Overview":"The true story of Homer Hickam, a coal miner's son who was inspired by the first Sputnik launch to take up rocketry against his father's wishes.", + "Meta_score":71.0, + "Director":"Joe Johnston", + "Star1":"Jake Gyllenhaal", + "Star2":"Chris Cooper", + "Star3":"Laura Dern", + "Star4":"Chris Owen", + "No_of_Votes":82855, + "Gross":"32,481,825" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOGZhM2FhNTItODAzNi00YjA0LWEyN2UtNjJlYWQzYzU1MDg5L2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Shrek", + "Released_Year":"2001", + "Certificate":"U", + "Runtime":"90 min", + "Genre":"Animation, Adventure, Comedy", + "IMDB_Rating":7.8, + "Overview":"A mean lord exiles fairytale creatures to the swamp of a grumpy ogre, who must go on a quest and rescue a princess for the lord in order to get his land back.", + "Meta_score":84.0, + "Director":"Andrew Adamson", + "Star1":"Vicky Jenson", + "Star2":"Mike Myers", + "Star3":"Eddie Murphy", + "Star4":"Cameron Diaz", + "No_of_Votes":613941, + "Gross":"267,665,011" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMDdmZGU3NDQtY2E5My00ZTliLWIzOTUtMTY4ZGI1YjdiNjk3XkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Titanic", + "Released_Year":"1997", + "Certificate":"UA", + "Runtime":"194 min", + "Genre":"Drama, Romance", + "IMDB_Rating":7.8, + "Overview":"A seventeen-year-old aristocrat falls in love with a kind but poor artist aboard the luxurious, ill-fated R.M.S. Titanic.", + "Meta_score":75.0, + "Director":"James Cameron", + "Star1":"Leonardo DiCaprio", + "Star2":"Kate Winslet", + "Star3":"Billy Zane", + "Star4":"Kathy Bates", + "No_of_Votes":1046089, + "Gross":"659,325,379" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODk4MzE5NjgtN2ZhOS00YTdkLTg0YzktMmE1MTkxZmMyMWI2L2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Hana-bi", + "Released_Year":"1997", + "Certificate":null, + "Runtime":"103 min", + "Genre":"Crime, Drama, Romance", + "IMDB_Rating":7.8, + "Overview":"Nishi leaves the police in the face of harrowing personal and professional difficulties. Spiraling into depression, he makes questionable decisions.", + "Meta_score":null, + "Director":"Takeshi Kitano", + "Star1":"Takeshi Kitano", + "Star2":"Kayoko Kishimoto", + "Star3":"Ren Osugi", + "Star4":"Susumu Terajima", + "No_of_Votes":27712, + "Gross":"233,986" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODI3ZTc5NjktOGMyOC00NjYzLTgwZDYtYmQ4NDc1MmJjMjRlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Gattaca", + "Released_Year":"1997", + "Certificate":"UA", + "Runtime":"106 min", + "Genre":"Drama, Sci-Fi, Thriller", + "IMDB_Rating":7.8, + "Overview":"A genetically inferior man assumes the identity of a superior one in order to pursue his lifelong dream of space travel.", + "Meta_score":64.0, + "Director":"Andrew Niccol", + "Star1":"Ethan Hawke", + "Star2":"Uma Thurman", + "Star3":"Jude Law", + "Star4":"Gore Vidal", + "No_of_Votes":280845, + "Gross":"12,339,633" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZGVmMDNmYmEtNGQ2Mi00Y2ZhLThhZTYtYjE5YmQzMjZiZGMxXkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"The Game", + "Released_Year":"1997", + "Certificate":"UA", + "Runtime":"129 min", + "Genre":"Action, Drama, Mystery", + "IMDB_Rating":7.8, + "Overview":"After a wealthy banker is given an opportunity to participate in a mysterious game, his life is turned upside down when he becomes unable to distinguish between the game and reality.", + "Meta_score":61.0, + "Director":"David Fincher", + "Star1":"Michael Douglas", + "Star2":"Deborah Kara Unger", + "Star3":"Sean Penn", + "Star4":"James Rebhorn", + "No_of_Votes":345096, + "Gross":"48,323,648" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNDYwZTU2MzktNWYxMS00NTYzLTgzOWEtMTRiYjc5NGY2Nzg1XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Breaking the Waves", + "Released_Year":"1996", + "Certificate":"R", + "Runtime":"159 min", + "Genre":"Drama", + "IMDB_Rating":7.8, + "Overview":"Oilman Jan is paralyzed in an accident. His wife, who prayed for his return, feels guilty; even more, when Jan urges her to have sex with another.", + "Meta_score":76.0, + "Director":"Lars von Trier", + "Star1":"Emily Watson", + "Star2":"Stellan Skarsg\u00e5rd", + "Star3":"Katrin Cartlidge", + "Star4":"Jean-Marc Barr", + "No_of_Votes":62428, + "Gross":"4,040,691" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNTA5ZjdjNWUtZGUwNy00N2RhLWJiZmItYzFhYjU1NmYxNjY4XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Ed Wood", + "Released_Year":"1994", + "Certificate":"U", + "Runtime":"127 min", + "Genre":"Biography, Comedy, Drama", + "IMDB_Rating":7.8, + "Overview":"Ambitious but troubled movie director Edward D. Wood Jr. tries his best to fulfill his dreams, despite his lack of talent.", + "Meta_score":70.0, + "Director":"Tim Burton", + "Star1":"Johnny Depp", + "Star2":"Martin Landau", + "Star3":"Sarah Jessica Parker", + "Star4":"Patricia Arquette", + "No_of_Votes":164937, + "Gross":"5,887,457" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BY2EyZDlhNjItODYzNi00Mzc3LWJjOWUtMTViODU5MTExZWMyL2ltYWdlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"What's Eating Gilbert Grape", + "Released_Year":"1993", + "Certificate":"U", + "Runtime":"118 min", + "Genre":"Drama", + "IMDB_Rating":7.8, + "Overview":"A young man in a small Midwestern town struggles to care for his mentally-disabled younger brother and morbidly obese mother while attempting to pursue his own happiness.", + "Meta_score":73.0, + "Director":"Lasse Hallstr\u00f6m", + "Star1":"Johnny Depp", + "Star2":"Leonardo DiCaprio", + "Star3":"Juliette Lewis", + "Star4":"Mary Steenburgen", + "No_of_Votes":215034, + "Gross":"9,170,214" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODRkYzA4MGItODE2MC00ZjkwLWI2NDEtYzU1NzFiZGU1YzA0XkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Tombstone", + "Released_Year":"1993", + "Certificate":"R", + "Runtime":"130 min", + "Genre":"Action, Biography, Drama", + "IMDB_Rating":7.8, + "Overview":"A successful lawman's plans to retire anonymously in Tombstone, Arizona are disrupted by the kind of outlaws he was famous for eliminating.", + "Meta_score":50.0, + "Director":"George P. Cosmatos", + "Star1":"Kevin Jarre", + "Star2":"Kurt Russell", + "Star3":"Val Kilmer", + "Star4":"Sam Elliott", + "No_of_Votes":126871, + "Gross":"56,505,065" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODllYjM1ODItYjBmOC00MzkwLWJmM2YtMjMyZDU3MGJhNjc4L2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Sandlot", + "Released_Year":"1993", + "Certificate":"U", + "Runtime":"101 min", + "Genre":"Comedy, Drama, Family", + "IMDB_Rating":7.8, + "Overview":"In the summer of 1962, a new kid in town is taken under the wing of a young baseball prodigy and his rowdy team, resulting in many adventures.", + "Meta_score":55.0, + "Director":"David Mickey Evans", + "Star1":"Tom Guiry", + "Star2":"Mike Vitar", + "Star3":"Art LaFleur", + "Star4":"Patrick Renna", + "No_of_Votes":78963, + "Gross":"32,416,586" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNDYwOThlMDAtYWUwMS00MjY5LTliMGUtZWFiYTA5MjYwZDAyXkEyXkFqcGdeQXVyNjY1NTQ0NDg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Remains of the Day", + "Released_Year":"1993", + "Certificate":"U", + "Runtime":"134 min", + "Genre":"Drama, Romance", + "IMDB_Rating":7.8, + "Overview":"A butler who sacrificed body and soul to service in the years leading up to World War II realizes too late how misguided his loyalty was to his lordly employer.", + "Meta_score":84.0, + "Director":"James Ivory", + "Star1":"Anthony Hopkins", + "Star2":"Emma Thompson", + "Star3":"John Haycraft", + "Star4":"Christopher Reeve", + "No_of_Votes":66065, + "Gross":"22,954,968" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjA3Y2I4NjAtMDQyZS00ZGJhLWEwMzgtODBiNzE5Zjc1Nzk1L2ltYWdlXkEyXkFqcGdeQXVyNTc2MDU0NDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Naked", + "Released_Year":"1993", + "Certificate":null, + "Runtime":"132 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":7.8, + "Overview":"Parallel tales of two sexually obsessed men, one hurting and annoying women physically and mentally, one wandering around the city talking to strangers and experiencing dimensions of life.", + "Meta_score":84.0, + "Director":"Mike Leigh", + "Star1":"David Thewlis", + "Star2":"Lesley Sharp", + "Star3":"Katrin Cartlidge", + "Star4":"Greg Cruttwell", + "No_of_Votes":34635, + "Gross":"1,769,305" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYmFmOGZjYTItYjY1ZS00OWRiLTk0NDgtMjQ5MzBkYWE2YWE0XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Fugitive", + "Released_Year":"1993", + "Certificate":"U", + "Runtime":"130 min", + "Genre":"Action, Crime, Drama", + "IMDB_Rating":7.8, + "Overview":"Dr. Richard Kimble, unjustly accused of murdering his wife, must find the real killer while being the target of a nationwide manhunt led by a seasoned U.S. Marshal.", + "Meta_score":87.0, + "Director":"Andrew Davis", + "Star1":"Harrison Ford", + "Star2":"Tommy Lee Jones", + "Star3":"Sela Ward", + "Star4":"Julianne Moore", + "No_of_Votes":267684, + "Gross":"183,875,760" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTczOTczNjE3Ml5BMl5BanBnXkFtZTgwODEzMzg5MTI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"A Bronx Tale", + "Released_Year":"1993", + "Certificate":"R", + "Runtime":"121 min", + "Genre":"Crime, Drama, Romance", + "IMDB_Rating":7.8, + "Overview":"A father becomes worried when a local gangster befriends his son in the Bronx in the 1960s.", + "Meta_score":80.0, + "Director":"Robert De Niro", + "Star1":"Robert De Niro", + "Star2":"Chazz Palminteri", + "Star3":"Lillo Brancato", + "Star4":"Francis Capra", + "No_of_Votes":128171, + "Gross":"17,266,971" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYTRiMWM3MGItNjAxZC00M2E3LThhODgtM2QwOGNmZGU4OWZhXkEyXkFqcGdeQXVyNjExODE1MDc@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Batman: Mask of the Phantasm", + "Released_Year":"1993", + "Certificate":"PG", + "Runtime":"76 min", + "Genre":"Animation, Action, Crime", + "IMDB_Rating":7.8, + "Overview":"Batman is wrongly implicated in a series of murders of mob bosses actually done by a new vigilante assassin.", + "Meta_score":null, + "Director":"Kevin Altieri", + "Star1":"Boyd Kirkland", + "Star2":"Frank Paur", + "Star3":"Dan Riba", + "Star4":"Eric Radomski", + "No_of_Votes":43690, + "Gross":"5,617,391" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTIzZGU4ZWMtYmNjMy00NzU0LTljMGYtZmVkMDYwN2U2MzYwL2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Lat sau san taam", + "Released_Year":"1992", + "Certificate":"R", + "Runtime":"128 min", + "Genre":"Action, Crime, Thriller", + "IMDB_Rating":7.8, + "Overview":"A tough-as-nails cop teams up with an undercover agent to shut down a sinister mobster and his crew.", + "Meta_score":null, + "Director":"John Woo", + "Star1":"Yun-Fat Chow", + "Star2":"Tony Chiu-Wai Leung", + "Star3":"Teresa Mo", + "Star4":"Philip Chan", + "No_of_Votes":46700, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOGNmMjBmZWEtOWYwZC00NGIzLTg0YWItMzkzMWMwOTU4YTViXkEyXkFqcGdeQXVyNzc5MjA3OA@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Night on Earth", + "Released_Year":"1991", + "Certificate":"R", + "Runtime":"129 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":7.8, + "Overview":"An anthology of 5 different cab drivers in 5 American and European cities and their remarkable fares on the same eventful night.", + "Meta_score":68.0, + "Director":"Jim Jarmusch", + "Star1":"Winona Ryder", + "Star2":"Gena Rowlands", + "Star3":"Lisanne Falk", + "Star4":"Alan Randolph Scott", + "No_of_Votes":55362, + "Gross":"2,015,810" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYmE0ZGRiMDgtOTU0ZS00YWUwLTk5YWQtMzhiZGVhNzViMGZiXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"La double vie de V\u00e9ronique", + "Released_Year":"1991", + "Certificate":"R", + "Runtime":"98 min", + "Genre":"Drama, Fantasy, Music", + "IMDB_Rating":7.8, + "Overview":"Two parallel stories about two identical women; one living in Poland, the other in France. They don't know each other, but their lives are nevertheless profoundly connected.", + "Meta_score":86.0, + "Director":"Krzysztof Kieslowski", + "Star1":"Ir\u00e8ne Jacob", + "Star2":"Wladyslaw Kowalski", + "Star3":"Halina Gryglaszewska", + "Star4":"Kalina Jedrusik", + "No_of_Votes":42376, + "Gross":"1,999,955" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZmRjNDI5NTgtOTIwMC00MzJhLWI4ZTYtMmU0ZTE3ZmRkZDNhXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Boyz n the Hood", + "Released_Year":"1991", + "Certificate":"A", + "Runtime":"112 min", + "Genre":"Crime, Drama", + "IMDB_Rating":7.8, + "Overview":"Follows the lives of three young males living in the Crenshaw ghetto of Los Angeles, dissecting questions of race, relationships, violence, and future prospects.", + "Meta_score":76.0, + "Director":"John Singleton", + "Star1":"Cuba Gooding Jr.", + "Star2":"Laurence Fishburne", + "Star3":"Hudhail Al-Amir", + "Star4":"Lloyd Avery II", + "No_of_Votes":126082, + "Gross":"57,504,069" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNzY0ODQ3MTMxN15BMl5BanBnXkFtZTgwMDkwNTg4NjE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Misery", + "Released_Year":"1990", + "Certificate":"R", + "Runtime":"107 min", + "Genre":"Drama, Thriller", + "IMDB_Rating":7.8, + "Overview":"After a famous author is rescued from a car crash by a fan of his novels, he comes to realize that the care he is receiving is only the beginning of a nightmare of captivity and abuse.", + "Meta_score":75.0, + "Director":"Rob Reiner", + "Star1":"James Caan", + "Star2":"Kathy Bates", + "Star3":"Richard Farnsworth", + "Star4":"Frances Sternhagen", + "No_of_Votes":184740, + "Gross":"61,276,872" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjI5NjEzMDYyMl5BMl5BanBnXkFtZTgwNjgwNTg4NjE@._V1_UY98_CR3,0,67,98_AL_.jpg", + "Series_Title":"Awakenings", + "Released_Year":"1990", + "Certificate":"U", + "Runtime":"121 min", + "Genre":"Biography, Drama", + "IMDB_Rating":7.8, + "Overview":"The victims of an encephalitis epidemic many years ago have been catatonic ever since, but now a new drug offers the prospect of reviving them.", + "Meta_score":74.0, + "Director":"Penny Marshall", + "Star1":"Robert De Niro", + "Star2":"Robin Williams", + "Star3":"Julie Kavner", + "Star4":"Ruth Nelson", + "No_of_Votes":125276, + "Gross":"52,096,475" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTc0ODM1Njk1NF5BMl5BanBnXkFtZTcwMDI5OTEyNw@@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Majo no takky\u00fbbin", + "Released_Year":"1989", + "Certificate":"U", + "Runtime":"103 min", + "Genre":"Animation, Adventure, Drama", + "IMDB_Rating":7.8, + "Overview":"A young witch, on her mandatory year of independent life, finds fitting into a new community difficult while she supports herself by running an air courier service.", + "Meta_score":83.0, + "Director":"Hayao Miyazaki", + "Star1":"Kirsten Dunst", + "Star2":"Minami Takayama", + "Star3":"Rei Sakuma", + "Star4":"Kappei Yamaguchi", + "No_of_Votes":124193, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODhlNjA5MDEtZDVhNS00ZmM3LTg1YzAtZGRjNjhjNTAzNzVkXkEyXkFqcGdeQXVyNjUwMzI2NzU@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Glory", + "Released_Year":"1989", + "Certificate":"R", + "Runtime":"122 min", + "Genre":"Biography, Drama, History", + "IMDB_Rating":7.8, + "Overview":"Robert Gould Shaw leads the U.S. Civil War's first all-black volunteer company, fighting prejudices from both his own Union Army, and the Confederates.", + "Meta_score":78.0, + "Director":"Edward Zwick", + "Star1":"Matthew Broderick", + "Star2":"Denzel Washington", + "Star3":"Cary Elwes", + "Star4":"Morgan Freeman", + "No_of_Votes":122779, + "Gross":"26,830,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMDQyMDVhZjItMGI0Mi00MDQ1LTk3NmQtZmRjZGQ5ZTQ2ZDU5XkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Dip huet seung hung", + "Released_Year":"1989", + "Certificate":"R", + "Runtime":"111 min", + "Genre":"Action, Crime, Drama", + "IMDB_Rating":7.8, + "Overview":"A disillusioned assassin accepts one last hit in hopes of using his earnings to restore vision to a singer he accidentally blinded.", + "Meta_score":82.0, + "Director":"John Woo", + "Star1":"Yun-Fat Chow", + "Star2":"Danny Lee", + "Star3":"Sally Yeh", + "Star4":"Kong Chu", + "No_of_Votes":45624, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZTMxMGM5MjItNDJhNy00MWI2LWJlZWMtOWFhMjI5ZTQwMWM3XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Back to the Future Part II", + "Released_Year":"1989", + "Certificate":"U", + "Runtime":"108 min", + "Genre":"Adventure, Comedy, Sci-Fi", + "IMDB_Rating":7.8, + "Overview":"After visiting 2015, Marty McFly must repeat his visit to 1955 to prevent disastrous changes to 1985...without interfering with his first trip.", + "Meta_score":57.0, + "Director":"Robert Zemeckis", + "Star1":"Michael J. Fox", + "Star2":"Christopher Lloyd", + "Star3":"Lea Thompson", + "Star4":"Thomas F. Wilson", + "No_of_Votes":481918, + "Gross":"118,500,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZTFjNjU4OTktYzljMS00MmFlLWI3NGEtNjNhMTYwYzUyZDgyL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Mississippi Burning", + "Released_Year":"1988", + "Certificate":"A", + "Runtime":"128 min", + "Genre":"Crime, Drama, History", + "IMDB_Rating":7.8, + "Overview":"Two F.B.I. Agents with wildly different styles arrive in Mississippi to investigate the disappearance of some civil rights activists.", + "Meta_score":65.0, + "Director":"Alan Parker", + "Star1":"Gene Hackman", + "Star2":"Willem Dafoe", + "Star3":"Frances McDormand", + "Star4":"Brad Dourif", + "No_of_Votes":88214, + "Gross":"34,603,943" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BY2QwYmFmZTEtNzY2Mi00ZWMyLWEwY2YtMGIyNGZjMWExOWEyXkEyXkFqcGdeQXVyNjUwNzk3NDc@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Predator", + "Released_Year":"1987", + "Certificate":"A", + "Runtime":"107 min", + "Genre":"Action, Adventure, Sci-Fi", + "IMDB_Rating":7.8, + "Overview":"A team of commandos on a mission in a Central American jungle find themselves hunted by an extraterrestrial warrior.", + "Meta_score":45.0, + "Director":"John McTiernan", + "Star1":"Arnold Schwarzenegger", + "Star2":"Carl Weathers", + "Star3":"Kevin Peter Hall", + "Star4":"Elpidia Carrillo", + "No_of_Votes":371387, + "Gross":"59,735,548" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMWY3ODZlOGMtNzJmOS00ZTNjLWI3ZWEtZTJhZTk5NDZjYWRjXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Evil Dead II", + "Released_Year":"1987", + "Certificate":"A", + "Runtime":"84 min", + "Genre":"Action, Comedy, Fantasy", + "IMDB_Rating":7.8, + "Overview":"The lone survivor of an onslaught of flesh-possessing spirits holes up in a cabin with a group of strangers while the demons continue their attack.", + "Meta_score":72.0, + "Director":"Sam Raimi", + "Star1":"Bruce Campbell", + "Star2":"Sarah Berry", + "Star3":"Dan Hicks", + "Star4":"Kassie Wesley DePaiva", + "No_of_Votes":148359, + "Gross":"5,923,044" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMDA0NjZhZWUtNmI2NC00MmFjLTgwZDYtYzVjZmNhMDVmOTBkXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Ferris Bueller's Day Off", + "Released_Year":"1986", + "Certificate":"U", + "Runtime":"103 min", + "Genre":"Comedy", + "IMDB_Rating":7.8, + "Overview":"A high school wise guy is determined to have a day off from school, despite what the Principal thinks of that.", + "Meta_score":61.0, + "Director":"John Hughes", + "Star1":"Matthew Broderick", + "Star2":"Alan Ruck", + "Star3":"Mia Sara", + "Star4":"Jeffrey Jones", + "No_of_Votes":321382, + "Gross":"70,136,369" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BM2ZmNDJiZTUtYjg5Zi00M2I3LTliZjAtNzQ4NTlkYTAzYTAxXkEyXkFqcGdeQXVyNTkyMDc0MjI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Down by Law", + "Released_Year":"1986", + "Certificate":"R", + "Runtime":"107 min", + "Genre":"Comedy, Crime, Drama", + "IMDB_Rating":7.8, + "Overview":"Two men are framed and sent to jail, where they meet a murderer who helps them escape and leave the state.", + "Meta_score":75.0, + "Director":"Jim Jarmusch", + "Star1":"Tom Waits", + "Star2":"John Lurie", + "Star3":"Roberto Benigni", + "Star4":"Nicoletta Braschi", + "No_of_Votes":47834, + "Gross":"1,436,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODRlMjRkZGEtZWM2Zi00ZjYxLWE0MWUtMmM1YWM2NzZlOTE1XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Goonies", + "Released_Year":"1985", + "Certificate":"U", + "Runtime":"114 min", + "Genre":"Adventure, Comedy, Family", + "IMDB_Rating":7.8, + "Overview":"A group of young misfits called The Goonies discover an ancient map and set out on an adventure to find a legendary pirate's long-lost treasure.", + "Meta_score":62.0, + "Director":"Richard Donner", + "Star1":"Sean Astin", + "Star2":"Josh Brolin", + "Star3":"Jeff Cohen", + "Star4":"Corey Feldman", + "No_of_Votes":244430, + "Gross":"61,503,218" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZDRkOWQ5NGUtYTVmOS00ZjNhLWEwODgtOGI2MmUxNTBkMjU0XkEyXkFqcGdeQXVyMjUzOTY1NTc@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Color Purple", + "Released_Year":"1985", + "Certificate":"U", + "Runtime":"154 min", + "Genre":"Drama", + "IMDB_Rating":7.8, + "Overview":"A black Southern woman struggles to find her identity after suffering abuse from her father and others over four decades.", + "Meta_score":78.0, + "Director":"Steven Spielberg", + "Star1":"Danny Glover", + "Star2":"Whoopi Goldberg", + "Star3":"Oprah Winfrey", + "Star4":"Margaret Avery", + "No_of_Votes":78321, + "Gross":"98,467,863" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTM5N2ZmZTMtNjlmOS00YzlkLTk3YjEtNTU1ZmQ5OTdhODZhXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Breakfast Club", + "Released_Year":"1985", + "Certificate":"UA", + "Runtime":"97 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":7.8, + "Overview":"Five high school students meet in Saturday detention and discover how they have a lot more in common than they thought.", + "Meta_score":66.0, + "Director":"John Hughes", + "Star1":"Emilio Estevez", + "Star2":"Judd Nelson", + "Star3":"Molly Ringwald", + "Star4":"Ally Sheedy", + "No_of_Votes":357026, + "Gross":"45,875,171" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMGI0NzI5YjAtNTg0MS00NDA2LWE5ZWItODRmOTAxOTAxYjg2L2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNTI4MjkwNjA@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Killing Fields", + "Released_Year":"1984", + "Certificate":"UA", + "Runtime":"141 min", + "Genre":"Biography, Drama, History", + "IMDB_Rating":7.8, + "Overview":"A journalist is trapped in Cambodia during tyrant Pol Pot's bloody 'Year Zero' cleansing campaign, which claimed the lives of two million 'undesirable' civilians.", + "Meta_score":76.0, + "Director":"Roland Joff\u00e9", + "Star1":"Sam Waterston", + "Star2":"Haing S. Ngor", + "Star3":"John Malkovich", + "Star4":"Julian Sands", + "No_of_Votes":51585, + "Gross":"34,700,291" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTkxMjYyNzgwMl5BMl5BanBnXkFtZTgwMTE3MjYyMTE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Ghostbusters", + "Released_Year":"1984", + "Certificate":"UA", + "Runtime":"105 min", + "Genre":"Action, Comedy, Fantasy", + "IMDB_Rating":7.8, + "Overview":"Three former parapsychology professors set up shop as a unique ghost removal service.", + "Meta_score":71.0, + "Director":"Ivan Reitman", + "Star1":"Bill Murray", + "Star2":"Dan Aykroyd", + "Star3":"Sigourney Weaver", + "Star4":"Harold Ramis", + "No_of_Votes":355413, + "Gross":"238,632,124" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTUwMDA3MTYtZjhjMi00ODFmLTg5ZTAtYzgwN2NlODgzMmUwXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Right Stuff", + "Released_Year":"1983", + "Certificate":"PG", + "Runtime":"193 min", + "Genre":"Adventure, Biography, Drama", + "IMDB_Rating":7.8, + "Overview":"The story of the original Mercury 7 astronauts and their macho, seat-of-the-pants approach to the space program.", + "Meta_score":91.0, + "Director":"Philip Kaufman", + "Star1":"Sam Shepard", + "Star2":"Scott Glenn", + "Star3":"Ed Harris", + "Star4":"Dennis Quaid", + "No_of_Votes":56235, + "Gross":"21,500,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTViNjlkYjgtMmE3Zi00ZGVkLTkyMjMtNzc3YzAwNzNiODQ1XkEyXkFqcGdeQXVyMjA0MzYwMDY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The King of Comedy", + "Released_Year":"1982", + "Certificate":"U", + "Runtime":"109 min", + "Genre":"Comedy, Crime, Drama", + "IMDB_Rating":7.8, + "Overview":"Rupert Pupkin is a passionate yet unsuccessful comic who craves nothing more than to be in the spotlight and to achieve this, he stalks and kidnaps his idol to take the spotlight for himself.", + "Meta_score":73.0, + "Director":"Martin Scorsese", + "Star1":"Robert De Niro", + "Star2":"Jerry Lewis", + "Star3":"Diahnne Abbott", + "Star4":"Sandra Bernhard", + "No_of_Votes":88511, + "Gross":"2,500,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTQ2ODFlMDAtNzdhOC00ZDYzLWE3YTMtNDU4ZGFmZmJmYTczXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"E.T. the Extra-Terrestrial", + "Released_Year":"1982", + "Certificate":"U", + "Runtime":"115 min", + "Genre":"Family, Sci-Fi", + "IMDB_Rating":7.8, + "Overview":"A troubled child summons the courage to help a friendly alien escape Earth and return to his home world.", + "Meta_score":91.0, + "Director":"Steven Spielberg", + "Star1":"Henry Thomas", + "Star2":"Drew Barrymore", + "Star3":"Peter Coyote", + "Star4":"Dee Wallace", + "No_of_Votes":372490, + "Gross":"435,110,554" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNDM3YjNlYmMtOGY3NS00MmRjLWIyY2UtNDA0MWM3OTNlZTY2XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Kramer vs. Kramer", + "Released_Year":"1979", + "Certificate":"A", + "Runtime":"105 min", + "Genre":"Drama", + "IMDB_Rating":7.8, + "Overview":"Ted Kramer's wife leaves him, allowing for a lost bond to be rediscovered between Ted and his son, Billy. But a heated custody battle ensues over the divorced couple's son, deepening the wounds left by the separation.", + "Meta_score":77.0, + "Director":"Robert Benton", + "Star1":"Dustin Hoffman", + "Star2":"Meryl Streep", + "Star3":"Jane Alexander", + "Star4":"Justin Henry", + "No_of_Votes":133351, + "Gross":"106,260,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZjMyZmU4OGYtNjBiYS00YTIxLWJjMDUtZjczZmQwMTM4YjQxXkEyXkFqcGdeQXVyNTI4MjkwNjA@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Days of Heaven", + "Released_Year":"1978", + "Certificate":"PG", + "Runtime":"94 min", + "Genre":"Drama, Romance", + "IMDB_Rating":7.8, + "Overview":"A hot-tempered farm laborer convinces the woman he loves to marry their rich but dying boss so that they can have a claim to his fortune.", + "Meta_score":93.0, + "Director":"Terrence Malick", + "Star1":"Richard Gere", + "Star2":"Brooke Adams", + "Star3":"Sam Shepard", + "Star4":"Linda Manz", + "No_of_Votes":52852, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjIxNDYxMTk2MF5BMl5BanBnXkFtZTgwMjQxNjU3MTE@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Outlaw Josey Wales", + "Released_Year":"1976", + "Certificate":"A", + "Runtime":"135 min", + "Genre":"Western", + "IMDB_Rating":7.8, + "Overview":"Missouri farmer Josey Wales joins a Confederate guerrilla unit and winds up on the run from the Union soldiers who murdered his family.", + "Meta_score":69.0, + "Director":"Clint Eastwood", + "Star1":"Clint Eastwood", + "Star2":"Sondra Locke", + "Star3":"Chief Dan George", + "Star4":"Bill McKinney", + "No_of_Votes":65659, + "Gross":"31,800,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZWQzYjBjZmQtZDFiOS00ZDQ1LWI4MDAtMDk1NGE1NDBhYjNhL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Man Who Would Be King", + "Released_Year":"1975", + "Certificate":"PG", + "Runtime":"129 min", + "Genre":"Adventure, History, War", + "IMDB_Rating":7.8, + "Overview":"Two British former soldiers decide to set themselves up as Kings in Kafiristan, a land where no white man has set foot since Alexander the Great.", + "Meta_score":91.0, + "Director":"John Huston", + "Star1":"Sean Connery", + "Star2":"Michael Caine", + "Star3":"Christopher Plummer", + "Star4":"Saeed Jaffrey", + "No_of_Votes":44917, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNzZlMThlYzktMDlmZC00YTI1LThlNzktZWU0MTY4ODc2ZWY4XkEyXkFqcGdeQXVyNTA1NjYyMDk@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Conversation", + "Released_Year":"1974", + "Certificate":"U", + "Runtime":"113 min", + "Genre":"Drama, Mystery, Thriller", + "IMDB_Rating":7.8, + "Overview":"A paranoid, secretive surveillance expert has a crisis of conscience when he suspects that the couple he is spying on will be murdered.", + "Meta_score":85.0, + "Director":"Francis Ford Coppola", + "Star1":"Gene Hackman", + "Star2":"John Cazale", + "Star3":"Allen Garfield", + "Star4":"Frederic Forrest", + "No_of_Votes":98611, + "Gross":"4,420,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYjhhMDFlZDctYzg1Mi00ZmZiLTgyNTgtM2NkMjRkNzYwZmQ0XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"La plan\u00e8te sauvage", + "Released_Year":"1973", + "Certificate":"U", + "Runtime":"72 min", + "Genre":"Animation, Sci-Fi", + "IMDB_Rating":7.8, + "Overview":"On a faraway planet where blue giants rule, oppressed humanoids rebel against their machine-like leaders.", + "Meta_score":73.0, + "Director":"Ren\u00e9 Laloux", + "Star1":"Barry Bostwick", + "Star2":"Jennifer Drake", + "Star3":"Eric Baugin", + "Star4":"Jean Topart", + "No_of_Votes":25229, + "Gross":"193,817" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjZmMWE4NzgtZjc5OS00NTBmLThlY2MtM2MzNTA5NTZiNTFjXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Day of the Jackal", + "Released_Year":"1973", + "Certificate":"A", + "Runtime":"143 min", + "Genre":"Crime, Drama, Thriller", + "IMDB_Rating":7.8, + "Overview":"A professional assassin codenamed \"Jackal\" plots to kill Charles de Gaulle, the President of France.", + "Meta_score":80.0, + "Director":"Fred Zinnemann", + "Star1":"Edward Fox", + "Star2":"Terence Alexander", + "Star3":"Michel Auclair", + "Star4":"Alan Badel", + "No_of_Votes":37445, + "Gross":"16,056,255" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMDcxNjhiOTEtMzQ0YS00OTBhLTkxM2QtN2UyZDMzNzIzNWFlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Badlands", + "Released_Year":"1973", + "Certificate":"PG", + "Runtime":"94 min", + "Genre":"Action, Crime, Drama", + "IMDB_Rating":7.8, + "Overview":"An impressionable teenage girl from a dead-end town and her older greaser boyfriend embark on a killing spree in the South Dakota badlands.", + "Meta_score":93.0, + "Director":"Terrence Malick", + "Star1":"Martin Sheen", + "Star2":"Sissy Spacek", + "Star3":"Warren Oates", + "Star4":"Ramon Bieri", + "No_of_Votes":66009, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNTEyMzc0Mjk5MV5BMl5BanBnXkFtZTgwMjI2NDIwMTE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Cabaret", + "Released_Year":"1972", + "Certificate":"A", + "Runtime":"124 min", + "Genre":"Drama, Music, Musical", + "IMDB_Rating":7.8, + "Overview":"A female girlie club entertainer in Weimar Republic era Berlin romances two men while the Nazi Party rises to power around them.", + "Meta_score":80.0, + "Director":"Bob Fosse", + "Star1":"Liza Minnelli", + "Star2":"Michael York", + "Star3":"Helmut Griem", + "Star4":"Joel Grey", + "No_of_Votes":48334, + "Gross":"42,765,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZTllNDU0ZTItYTYxMC00OTI4LThlNDAtZjNiNzdhMWZiYjNmXkEyXkFqcGdeQXVyNzY1NDgwNjQ@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Willy Wonka & the Chocolate Factory", + "Released_Year":"1971", + "Certificate":"U", + "Runtime":"100 min", + "Genre":"Family, Fantasy, Musical", + "IMDB_Rating":7.8, + "Overview":"A poor but hopeful boy seeks one of the five coveted golden tickets that will send him on a tour of Willy Wonka's mysterious chocolate factory.", + "Meta_score":67.0, + "Director":"Mel Stuart", + "Star1":"Gene Wilder", + "Star2":"Jack Albertson", + "Star3":"Peter Ostrum", + "Star4":"Roy Kinnear", + "No_of_Votes":178731, + "Gross":"4,000,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNTgwZmIzMmYtZjE3Yy00NzgzLTgxNmUtNjlmZDlkMzlhOTJkXkEyXkFqcGdeQXVyNjUwNzk3NDc@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Midnight Cowboy", + "Released_Year":"1969", + "Certificate":"A", + "Runtime":"113 min", + "Genre":"Drama", + "IMDB_Rating":7.8, + "Overview":"A naive hustler travels from Texas to New York City to seek personal fortune, finding a new friend in the process.", + "Meta_score":79.0, + "Director":"John Schlesinger", + "Star1":"Dustin Hoffman", + "Star2":"Jon Voight", + "Star3":"Sylvia Miles", + "Star4":"John McGiver", + "No_of_Votes":101124, + "Gross":"44,785,053" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTQyNTAzOTI3NF5BMl5BanBnXkFtZTcwNTM0Mjg0Mg@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Wait Until Dark", + "Released_Year":"1967", + "Certificate":null, + "Runtime":"108 min", + "Genre":"Thriller", + "IMDB_Rating":7.8, + "Overview":"A recently blinded woman is terrorized by a trio of thugs while they search for a heroin-stuffed doll they believe is in her apartment.", + "Meta_score":81.0, + "Director":"Terence Young", + "Star1":"Audrey Hepburn", + "Star2":"Alan Arkin", + "Star3":"Richard Crenna", + "Star4":"Efrem Zimbalist Jr.", + "No_of_Votes":27733, + "Gross":"17,550,741" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZTVmMTk2NjUtNjVjNC00OTcwLWE4OWEtNzA4Mjk1ZmIwNDExXkEyXkFqcGdeQXVyNjUwNzk3NDc@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Guess Who's Coming to Dinner", + "Released_Year":"1967", + "Certificate":null, + "Runtime":"108 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":7.8, + "Overview":"A couple's attitudes are challenged when their daughter introduces them to her African-American fianc\u00e9.", + "Meta_score":63.0, + "Director":"Stanley Kramer", + "Star1":"Spencer Tracy", + "Star2":"Sidney Poitier", + "Star3":"Katharine Hepburn", + "Star4":"Katharine Houghton", + "No_of_Votes":39642, + "Gross":"56,700,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTViZmMwOGEtYzc4Yy00ZGQ1LWFkZDQtMDljNGZlMjAxMjhiXkEyXkFqcGdeQXVyNzM0MTUwNTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Bonnie and Clyde", + "Released_Year":"1967", + "Certificate":"A", + "Runtime":"111 min", + "Genre":"Action, Biography, Crime", + "IMDB_Rating":7.8, + "Overview":"Bored waitress Bonnie Parker falls in love with an ex-con named Clyde Barrow and together they start a violent crime spree through the country, stealing cars and robbing banks.", + "Meta_score":86.0, + "Director":"Arthur Penn", + "Star1":"Warren Beatty", + "Star2":"Faye Dunaway", + "Star3":"Michael J. Pollard", + "Star4":"Gene Hackman", + "No_of_Votes":102415, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNGM0ZTU3NmItZmRmMy00YWNjLWEzMWItYzg3MzcwZmM5NjdiXkEyXkFqcGdeQXVyNDYyMDk5MTU@._V1_UY98_CR2,0,67,98_AL_.jpg", + "Series_Title":"My Fair Lady", + "Released_Year":"1964", + "Certificate":"U", + "Runtime":"170 min", + "Genre":"Drama, Family, Musical", + "IMDB_Rating":7.8, + "Overview":"Snobbish phonetics Professor Henry Higgins agrees to a wager that he can make flower girl Eliza Doolittle presentable in high society.", + "Meta_score":95.0, + "Director":"George Cukor", + "Star1":"Audrey Hepburn", + "Star2":"Rex Harrison", + "Star3":"Stanley Holloway", + "Star4":"Wilfrid Hyde-White", + "No_of_Votes":86525, + "Gross":"72,000,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNmJkODczNjItNDI5Yy00MGI1LTkyOWItZDNmNjM4ZGI1ZDVlL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyMDI2NDg0NQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Mary Poppins", + "Released_Year":"1964", + "Certificate":"U", + "Runtime":"139 min", + "Genre":"Comedy, Family, Fantasy", + "IMDB_Rating":7.8, + "Overview":"In turn of the century London, a magical nanny employs music and adventure to help two neglected children become closer to their father.", + "Meta_score":88.0, + "Director":"Robert Stevenson", + "Star1":"Julie Andrews", + "Star2":"Dick Van Dyke", + "Star3":"David Tomlinson", + "Star4":"Glynis Johns", + "No_of_Votes":158029, + "Gross":"102,272,727" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZTM1ZjQ2YTktNDM2MS00NGY2LTkzNzItZTU4ODg1ODNkMWYxL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Longest Day", + "Released_Year":"1962", + "Certificate":"G", + "Runtime":"178 min", + "Genre":"Action, Drama, History", + "IMDB_Rating":7.8, + "Overview":"The events of D-Day, told on a grand scale from both the Allied and German points of view.", + "Meta_score":75.0, + "Director":"Ken Annakin", + "Star1":"Andrew Marton", + "Star2":"Gerd Oswald", + "Star3":"Bernhard Wicki", + "Star4":"Darryl F. Zanuck", + "No_of_Votes":52141, + "Gross":"39,100,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZTM1MTRiNDctMTFiMC00NGM1LTkyMWQtNTY1M2JjZDczOWQ3XkEyXkFqcGdeQXVyMDI3OTIzOA@@._V1_UY98_CR3,0,67,98_AL_.jpg", + "Series_Title":"Jules et Jim", + "Released_Year":"1962", + "Certificate":null, + "Runtime":"105 min", + "Genre":"Drama, Romance", + "IMDB_Rating":7.8, + "Overview":"Decades of a love triangle concerning two friends and an impulsive woman.", + "Meta_score":97.0, + "Director":"Fran\u00e7ois Truffaut", + "Star1":"Jeanne Moreau", + "Star2":"Oskar Werner", + "Star3":"Henri Serre", + "Star4":"Vanna Urbino", + "No_of_Votes":37605, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNGQyNjBjNTUtNTM1OS00YzcyLWFhNTgtNTU0MDg3NzBlMDQzXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Innocents", + "Released_Year":"1961", + "Certificate":"A", + "Runtime":"100 min", + "Genre":"Horror", + "IMDB_Rating":7.8, + "Overview":"A young governess for two children becomes convinced that the house and grounds are haunted.", + "Meta_score":88.0, + "Director":"Jack Clayton", + "Star1":"Deborah Kerr", + "Star2":"Peter Wyngarde", + "Star3":"Megs Jenkins", + "Star4":"Michael Redgrave", + "No_of_Votes":27007, + "Gross":"2,616,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNzk5MDk2MjktY2I3NS00ODZkLTk3OTktY2Q3ZDE2MmQ2M2ZmXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UY98_CR2,0,67,98_AL_.jpg", + "Series_Title":"\u00c0 bout de souffle", + "Released_Year":"1960", + "Certificate":"U", + "Runtime":"90 min", + "Genre":"Crime, Drama", + "IMDB_Rating":7.8, + "Overview":"A small-time thief steals a car and impulsively murders a motorcycle policeman. Wanted by the authorities, he reunites with a hip American journalism student and attempts to persuade her to run away with him to Italy.", + "Meta_score":null, + "Director":"Jean-Luc Godard", + "Star1":"Jean-Paul Belmondo", + "Star2":"Jean Seberg", + "Star3":"Daniel Boulanger", + "Star4":"Henri-Jacques Huet", + "No_of_Votes":73251, + "Gross":"336,705" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNzNiOGJhMDUtZjNjMC00YmE5LTk3NjQtNGM4ZjAzOGJjZmRlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Red River", + "Released_Year":"1948", + "Certificate":"Passed", + "Runtime":"133 min", + "Genre":"Action, Adventure, Drama", + "IMDB_Rating":7.8, + "Overview":"Dunson leads a cattle drive, the culmination of over 14 years of work, to its destination in Missouri. But his tyrannical behavior along the way causes a mutiny, led by his adopted son.", + "Meta_score":null, + "Director":"Howard Hawks", + "Star1":"Arthur Rosson", + "Star2":"John Wayne", + "Star3":"Montgomery Clift", + "Star4":"Joanne Dru", + "No_of_Votes":28167, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODI3YzNiZTUtYjEyZS00ODkwLWE2ZDUtNGJmMTNiYTc4ZTM4XkEyXkFqcGdeQXVyMDI2NDg0NQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Key Largo", + "Released_Year":"1948", + "Certificate":null, + "Runtime":"100 min", + "Genre":"Action, Crime, Drama", + "IMDB_Rating":7.8, + "Overview":"A man visits his war buddy's family hotel and finds a gangster running things. As a hurricane approaches, the two end up confronting each other.", + "Meta_score":null, + "Director":"John Huston", + "Star1":"Humphrey Bogart", + "Star2":"Edward G. Robinson", + "Star3":"Lauren Bacall", + "Star4":"Lionel Barrymore", + "No_of_Votes":36995, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZGU2YmU0MWMtMzg5My00ZmY2LTljMDItMTg2YTI5Y2U2OTE3XkEyXkFqcGdeQXVyMjUxODE0MDY@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"To Have and Have Not", + "Released_Year":"1944", + "Certificate":"PG", + "Runtime":"100 min", + "Genre":"Adventure, Comedy, Film-Noir", + "IMDB_Rating":7.8, + "Overview":"During World War II, American expatriate Harry Morgan helps transport a French Resistance leader and his beautiful wife to Martinique while romancing a sensuous lounge singer.", + "Meta_score":null, + "Director":"Howard Hawks", + "Star1":"Humphrey Bogart", + "Star2":"Lauren Bacall", + "Star3":"Walter Brennan", + "Star4":"Dolores Moran", + "No_of_Votes":31053, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BM2I1YWM4NTYtYjA0Ny00ZDEwLTg3NTgtNzBjMzZhZTk1YTA1XkEyXkFqcGdeQXVyMTY5Nzc4MDY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Shadow of a Doubt", + "Released_Year":"1943", + "Certificate":"PG", + "Runtime":"108 min", + "Genre":"Film-Noir, Thriller", + "IMDB_Rating":7.8, + "Overview":"A young girl, overjoyed when her favorite uncle comes to visit the family, slowly begins to suspect that he is in fact the \"Merry Widow\" killer sought by the authorities.", + "Meta_score":94.0, + "Director":"Alfred Hitchcock", + "Star1":"Teresa Wright", + "Star2":"Joseph Cotten", + "Star3":"Macdonald Carey", + "Star4":"Henry Travers", + "No_of_Votes":59556, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOGQ4NDUyNWQtZTEyOC00OTMzLWFhYjAtNDNmYmQ2MWQyMTRmXkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Stagecoach", + "Released_Year":"1939", + "Certificate":"Passed", + "Runtime":"96 min", + "Genre":"Adventure, Drama, Western", + "IMDB_Rating":7.8, + "Overview":"A group of people traveling on a stagecoach find their journey complicated by the threat of Geronimo and learn something about each other in the process.", + "Meta_score":93.0, + "Director":"John Ford", + "Star1":"John Wayne", + "Star2":"Claire Trevor", + "Star3":"Andy Devine", + "Star4":"John Carradine", + "No_of_Votes":43621, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjk3YzFjYTktOGY0ZS00Y2EwLTk2NTctYTI1Nzc2OWNiN2I4XkEyXkFqcGdeQXVyNzM0MTUwNTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Lady Vanishes", + "Released_Year":"1938", + "Certificate":null, + "Runtime":"96 min", + "Genre":"Mystery, Thriller", + "IMDB_Rating":7.8, + "Overview":"While travelling in continental Europe, a rich young playgirl realizes that an elderly lady seems to have disappeared from the train.", + "Meta_score":98.0, + "Director":"Alfred Hitchcock", + "Star1":"Margaret Lockwood", + "Star2":"Michael Redgrave", + "Star3":"Paul Lukas", + "Star4":"May Whitty", + "No_of_Votes":47400, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMmVkOTRiYmItZjE4NS00MWNjLWE0ZmMtYzg5YzFjMjMyY2RkXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Bringing Up Baby", + "Released_Year":"1938", + "Certificate":"Passed", + "Runtime":"102 min", + "Genre":"Comedy, Family, Romance", + "IMDB_Rating":7.8, + "Overview":"While trying to secure a $1 million donation for his museum, a befuddled paleontologist is pursued by a flighty and often irritating heiress and her pet leopard, Baby.", + "Meta_score":91.0, + "Director":"Howard Hawks", + "Star1":"Katharine Hepburn", + "Star2":"Cary Grant", + "Star3":"Charles Ruggles", + "Star4":"Walter Catlett", + "No_of_Votes":55163, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTUzMzAzMzEzNV5BMl5BanBnXkFtZTgwOTg1NTAwMjE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Bride of Frankenstein", + "Released_Year":"1935", + "Certificate":null, + "Runtime":"75 min", + "Genre":"Drama, Horror, Sci-Fi", + "IMDB_Rating":7.8, + "Overview":"Mary Shelley reveals the main characters of her novel survived: Dr. Frankenstein, goaded by an even madder scientist, builds his monster a mate.", + "Meta_score":95.0, + "Director":"James Whale", + "Star1":"Boris Karloff", + "Star2":"Elsa Lanchester", + "Star3":"Colin Clive", + "Star4":"Valerie Hobson", + "No_of_Votes":43542, + "Gross":"4,360,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYmYxZGU2NWYtNzQxZS00NmEyLWIzN2YtMDk5MWM0ODc5ZTE4XkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Duck Soup", + "Released_Year":"1933", + "Certificate":null, + "Runtime":"69 min", + "Genre":"Comedy, Musical, War", + "IMDB_Rating":7.8, + "Overview":"Rufus T. Firefly is named president\/dictator of bankrupt Freedonia and declares war on neighboring Sylvania over the love of wealthy Mrs. Teasdale.", + "Meta_score":93.0, + "Director":"Leo McCarey", + "Star1":"Groucho Marx", + "Star2":"Harpo Marx", + "Star3":"Chico Marx", + "Star4":"Zeppo Marx", + "No_of_Votes":55581, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYmMxZTU2ZDUtM2Y1MS00ZWFmLWJlN2UtNzI0OTJiOTYzMTk3XkEyXkFqcGdeQXVyMjUxODE0MDY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Scarface: The Shame of the Nation", + "Released_Year":"1932", + "Certificate":"PG", + "Runtime":"93 min", + "Genre":"Action, Crime, Drama", + "IMDB_Rating":7.8, + "Overview":"An ambitious and nearly insane violent gangster climbs the ladder of success in the mob, but his weaknesses prove to be his downfall.", + "Meta_score":87.0, + "Director":"Howard Hawks", + "Star1":"Richard Rosson", + "Star2":"Paul Muni", + "Star3":"Ann Dvorak", + "Star4":"Karen Morley", + "No_of_Votes":25312, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTQ0Njc1MjM0OF5BMl5BanBnXkFtZTgwNTY2NTUyMjE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Frankenstein", + "Released_Year":"1931", + "Certificate":"Passed", + "Runtime":"70 min", + "Genre":"Drama, Horror, Sci-Fi", + "IMDB_Rating":7.8, + "Overview":"Dr. Frankenstein dares to tamper with life and death by creating a human monster out of lifeless body parts.", + "Meta_score":91.0, + "Director":"James Whale", + "Star1":"Colin Clive", + "Star2":"Mae Clarke", + "Star3":"Boris Karloff", + "Star4":"John Boles", + "No_of_Votes":65341, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTU0OTc3ODk4Ml5BMl5BanBnXkFtZTgwMzM4NzI5NjM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Roma", + "Released_Year":"2018", + "Certificate":"R", + "Runtime":"135 min", + "Genre":"Drama", + "IMDB_Rating":7.7, + "Overview":"A year in the life of a middle-class family's maid in Mexico City in the early 1970s.", + "Meta_score":96.0, + "Director":"Alfonso Cuar\u00f3n", + "Star1":"Yalitza Aparicio", + "Star2":"Marina de Tavira", + "Star3":"Diego Cortina Autrey", + "Star4":"Carlos Peralta", + "No_of_Votes":140375, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjRhYzk2NDAtYzA1Mi00MmNmLWE1ZjQtMDBhZmUyMTdjZjBiXkEyXkFqcGdeQXVyNjk1Njg5NTA@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"God's Own Country", + "Released_Year":"2017", + "Certificate":null, + "Runtime":"104 min", + "Genre":"Drama, Romance", + "IMDB_Rating":7.7, + "Overview":"Spring. Yorkshire. Young farmer Johnny Saxby numbs his daily frustrations with binge drinking and casual sex, until the arrival of a Romanian migrant worker for lambing season ignites an intense relationship that sets Johnny on a new path.", + "Meta_score":85.0, + "Director":"Francis Lee", + "Star1":"Josh O'Connor", + "Star2":"Alec Secareanu", + "Star3":"Gemma Jones", + "Star4":"Ian Hart", + "No_of_Votes":25198, + "Gross":"335,609" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjk1Njk3YjctMmMyYS00Y2I4LThhMzktN2U0MTMyZTFlYWQ5XkEyXkFqcGdeQXVyODM2ODEzMDA@._V1_UY98_CR15,0,67,98_AL_.jpg", + "Series_Title":"Deadpool 2", + "Released_Year":"2018", + "Certificate":"R", + "Runtime":"119 min", + "Genre":"Action, Adventure, Comedy", + "IMDB_Rating":7.7, + "Overview":"Foul-mouthed mutant mercenary Wade Wilson (a.k.a. Deadpool), brings together a team of fellow mutant rogues to protect a young boy with supernatural abilities from the brutal, time-traveling cyborg Cable.", + "Meta_score":66.0, + "Director":"David Leitch", + "Star1":"Ryan Reynolds", + "Star2":"Josh Brolin", + "Star3":"Morena Baccarin", + "Star4":"Julian Dennison", + "No_of_Votes":478586, + "Gross":"324,591,735" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTUyMjU1OTUwM15BMl5BanBnXkFtZTgwMDg1NDQ2MjI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Wind River", + "Released_Year":"2017", + "Certificate":"R", + "Runtime":"107 min", + "Genre":"Crime, Drama, Mystery", + "IMDB_Rating":7.7, + "Overview":"A veteran hunter helps an FBI agent investigate the murder of a young woman on a Wyoming Native American reservation.", + "Meta_score":73.0, + "Director":"Taylor Sheridan", + "Star1":"Kelsey Asbille", + "Star2":"Jeremy Renner", + "Star3":"Julia Jones", + "Star4":"Teo Briones", + "No_of_Votes":205444, + "Gross":"33,800,859" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjUxMDQwNjcyNl5BMl5BanBnXkFtZTgwNzcwMzc0MTI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Get Out", + "Released_Year":"2017", + "Certificate":"R", + "Runtime":"104 min", + "Genre":"Horror, Mystery, Thriller", + "IMDB_Rating":7.7, + "Overview":"A young African-American visits his white girlfriend's parents for the weekend, where his simmering uneasiness about their reception of him eventually reaches a boiling point.", + "Meta_score":85.0, + "Director":"Jordan Peele", + "Star1":"Daniel Kaluuya", + "Star2":"Allison Williams", + "Star3":"Bradley Whitford", + "Star4":"Catherine Keener", + "No_of_Votes":492851, + "Gross":"176,040,665" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjRlZmM0ODktY2RjNS00ZDdjLWJhZGYtNDljNWZkMGM5MTg0XkEyXkFqcGdeQXVyNjAwMjI5MDk@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Mission: Impossible - Fallout", + "Released_Year":"2018", + "Certificate":"UA", + "Runtime":"147 min", + "Genre":"Action, Adventure, Thriller", + "IMDB_Rating":7.7, + "Overview":"Ethan Hunt and his IMF team, along with some familiar allies, race against time after a mission gone wrong.", + "Meta_score":86.0, + "Director":"Christopher McQuarrie", + "Star1":"Tom Cruise", + "Star2":"Henry Cavill", + "Star3":"Ving Rhames", + "Star4":"Simon Pegg", + "No_of_Votes":291257, + "Gross":"220,159,104" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjE0NDUyOTc2MV5BMl5BanBnXkFtZTgwODk2NzU3OTE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"En man som heter Ove", + "Released_Year":"2015", + "Certificate":"PG-13", + "Runtime":"116 min", + "Genre":"Comedy, Drama, Romance", + "IMDB_Rating":7.7, + "Overview":"Ove, an ill-tempered, isolated retiree who spends his days enforcing block association rules and visiting his wife's grave, has finally given up on life just as an unlikely friendship develops with his boisterous new neighbors.", + "Meta_score":70.0, + "Director":"Hannes Holm", + "Star1":"Rolf Lassg\u00e5rd", + "Star2":"Bahar Pars", + "Star3":"Filip Berg", + "Star4":"Ida Engvoll", + "No_of_Votes":47444, + "Gross":"3,358,518" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjAwNDA5NzEwM15BMl5BanBnXkFtZTgwMTA1MDUyNDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"What We Do in the Shadows", + "Released_Year":"2014", + "Certificate":"R", + "Runtime":"86 min", + "Genre":"Comedy, Horror", + "IMDB_Rating":7.7, + "Overview":"Viago, Deacon and Vladislav are vampires who are finding that modern life has them struggling with the mundane - like paying rent, keeping up with the chore wheel, trying to get into nightclubs and overcoming flatmate conflicts.", + "Meta_score":76.0, + "Director":"Jemaine Clement", + "Star1":"Taika Waititi", + "Star2":"Jemaine Clement", + "Star3":"Taika Waititi", + "Star4":"Cori Gonzalez-Macuer", + "No_of_Votes":157498, + "Gross":"3,333,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZTlmYTJmMWEtNDRhNy00ODc1LTg2OTMtMjk2ODJhNTA4YTE1XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Omoide no M\u00e2n\u00ee", + "Released_Year":"2014", + "Certificate":"U", + "Runtime":"103 min", + "Genre":"Animation, Drama, Family", + "IMDB_Rating":7.7, + "Overview":"Due to 12 y.o. Anna's asthma, she's sent to stay with relatives of her guardian in the Japanese countryside. She likes to be alone, sketching. She befriends Marnie. Who is the mysterious, blonde Marnie.", + "Meta_score":72.0, + "Director":"James Simone", + "Star1":"Hiromasa Yonebayashi", + "Star2":"Sara Takatsuki", + "Star3":"Kasumi Arimura", + "Star4":"Nanako Matsushima", + "No_of_Votes":32798, + "Gross":"765,127" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTAwMTU4MDA3NDNeQTJeQWpwZ15BbWU4MDk4NTMxNTIx._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Theory of Everything", + "Released_Year":"2014", + "Certificate":"U", + "Runtime":"123 min", + "Genre":"Biography, Drama, Romance", + "IMDB_Rating":7.7, + "Overview":"A look at the relationship between the famous physicist Stephen Hawking and his wife.", + "Meta_score":72.0, + "Director":"James Marsh", + "Star1":"Eddie Redmayne", + "Star2":"Felicity Jones", + "Star3":"Tom Prior", + "Star4":"Sophie Perry", + "No_of_Votes":404182, + "Gross":"35,893,537" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYTM3ZTllNzItNTNmOS00NzJiLTg1MWMtMjMxNDc0NmJhODU5XkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Kingsman: The Secret Service", + "Released_Year":"2014", + "Certificate":"A", + "Runtime":"129 min", + "Genre":"Action, Adventure, Comedy", + "IMDB_Rating":7.7, + "Overview":"A spy organisation recruits a promising street kid into the agency's training program, while a global threat emerges from a twisted tech genius.", + "Meta_score":60.0, + "Director":"Matthew Vaughn", + "Star1":"Colin Firth", + "Star2":"Taron Egerton", + "Star3":"Samuel L. Jackson", + "Star4":"Michael Caine", + "No_of_Votes":590440, + "Gross":"128,261,724" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNTVkMTFiZWItOTFkOC00YTc3LWFhYzQtZTg3NzAxZjJlNTAyXkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Fault in Our Stars", + "Released_Year":"2014", + "Certificate":"UA", + "Runtime":"126 min", + "Genre":"Drama, Romance", + "IMDB_Rating":7.7, + "Overview":"Two teenage cancer patients begin a life-affirming journey to visit a reclusive author in Amsterdam.", + "Meta_score":69.0, + "Director":"Josh Boone", + "Star1":"Shailene Woodley", + "Star2":"Ansel Elgort", + "Star3":"Nat Wolff", + "Star4":"Laura Dern", + "No_of_Votes":344312, + "Gross":"124,872,350" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNTA1NzUzNjY4MV5BMl5BanBnXkFtZTgwNDU0MDI0NTE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Me and Earl and the Dying Girl", + "Released_Year":"2015", + "Certificate":"PG-13", + "Runtime":"105 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":7.7, + "Overview":"High schooler Greg, who spends most of his time making parodies of classic movies with his co-worker Earl, finds his outlook forever altered after befriending a classmate who has just been diagnosed with cancer.", + "Meta_score":74.0, + "Director":"Alfonso Gomez-Rejon", + "Star1":"Thomas Mann", + "Star2":"RJ Cyler", + "Star3":"Olivia Cooke", + "Star4":"Nick Offerman", + "No_of_Votes":123210, + "Gross":"6,743,776" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODAzNDMxMzAxOV5BMl5BanBnXkFtZTgwMDMxMjA4MjE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Birdman or (The Unexpected Virtue of Ignorance)", + "Released_Year":"2014", + "Certificate":"A", + "Runtime":"119 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":7.7, + "Overview":"A washed-up superhero actor attempts to revive his fading career by writing, directing, and starring in a Broadway production.", + "Meta_score":87.0, + "Director":"Alejandro G. I\u00f1\u00e1rritu", + "Star1":"Michael Keaton", + "Star2":"Zach Galifianakis", + "Star3":"Edward Norton", + "Star4":"Andrea Riseborough", + "No_of_Votes":580291, + "Gross":"42,340,598" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTQ5NTg5ODk4OV5BMl5BanBnXkFtZTgwODc4MTMzMDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"La vie d'Ad\u00e8le", + "Released_Year":"2013", + "Certificate":"A", + "Runtime":"180 min", + "Genre":"Drama, Romance", + "IMDB_Rating":7.7, + "Overview":"Ad\u00e8le's life is changed when she meets Emma, a young woman with blue hair, who will allow her to discover desire and to assert herself as a woman and as an adult. In front of others, Ad\u00e8le grows, seeks herself, loses herself, and ultimately finds herself through love and loss.", + "Meta_score":89.0, + "Director":"Abdellatif Kechiche", + "Star1":"L\u00e9a Seydoux", + "Star2":"Ad\u00e8le Exarchopoulos", + "Star3":"Salim Kechiouche", + "Star4":"Aur\u00e9lien Recoing", + "No_of_Votes":138741, + "Gross":"2,199,675" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTgwNTAwMjEzMF5BMl5BanBnXkFtZTcwNzMzODY4OA@@._V1_UY98_CR3,0,67,98_AL_.jpg", + "Series_Title":"Kai po che!", + "Released_Year":"2013", + "Certificate":"U", + "Runtime":"130 min", + "Genre":"Drama, Sport", + "IMDB_Rating":7.7, + "Overview":"Three friends growing up in India at the turn of the millennium set out to open a training academy to produce the country's next cricket stars.", + "Meta_score":40.0, + "Director":"Abhishek Kapoor", + "Star1":"Amit Sadh", + "Star2":"Sushant Singh Rajput", + "Star3":"Rajkummar Rao", + "Star4":"Amrita Puri", + "No_of_Votes":32628, + "Gross":"1,122,527" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTQzMzg2Nzg2MF5BMl5BanBnXkFtZTgwNjUzNzIzMDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Broken Circle Breakdown", + "Released_Year":"2012", + "Certificate":null, + "Runtime":"111 min", + "Genre":"Drama, Music, Romance", + "IMDB_Rating":7.7, + "Overview":"Elise and Didier fall in love at first sight, in spite of their differences. He talks, she listens. He's a romantic atheist, she's a religious realist. When their daughter becomes seriously ill, their love is put on trial.", + "Meta_score":70.0, + "Director":"Felix van Groeningen", + "Star1":"Veerle Baetens", + "Star2":"Johan Heldenbergh", + "Star3":"Nell Cattrysse", + "Star4":"Geert Van Rampelberg", + "No_of_Votes":39379, + "Gross":"175,058" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzA2NDkwODAwM15BMl5BanBnXkFtZTgwODk5MTgzMTE@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Captain America: The Winter Soldier", + "Released_Year":"2014", + "Certificate":"UA", + "Runtime":"136 min", + "Genre":"Action, Adventure, Sci-Fi", + "IMDB_Rating":7.7, + "Overview":"As Steve Rogers struggles to embrace his role in the modern world, he teams up with a fellow Avenger and S.H.I.E.L.D agent, Black Widow, to battle a new threat from history: an assassin known as the Winter Soldier.", + "Meta_score":70.0, + "Director":"Anthony Russo", + "Star1":"Joe Russo", + "Star2":"Chris Evans", + "Star3":"Samuel L. Jackson", + "Star4":"Scarlett Johansson", + "No_of_Votes":736182, + "Gross":"259,766,572" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTc3NzAxMjg4M15BMl5BanBnXkFtZTcwMDc2ODQwNw@@._V1_UY98_CR3,0,67,98_AL_.jpg", + "Series_Title":"Rockstar", + "Released_Year":"2011", + "Certificate":"UA", + "Runtime":"159 min", + "Genre":"Drama, Music, Musical", + "IMDB_Rating":7.7, + "Overview":"Janardhan Jakhar chases his dreams of becoming a big Rock star, during which he falls in love with Heer.", + "Meta_score":null, + "Director":"Imtiaz Ali", + "Star1":"Ranbir Kapoor", + "Star2":"Nargis Fakhri", + "Star3":"Shammi Kapoor", + "Star4":"Kumud Mishra", + "No_of_Votes":39501, + "Gross":"985,912" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOGQzODdlMDktNzU4ZC00N2M3LWFkYTAtYTM1NTE0ZWI5YTg4XkEyXkFqcGdeQXVyMTA1NTM1NDI2._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Nebraska", + "Released_Year":"2013", + "Certificate":"UA", + "Runtime":"115 min", + "Genre":"Adventure, Comedy, Drama", + "IMDB_Rating":7.7, + "Overview":"An aging, booze-addled father makes the trip from Montana to Nebraska with his estranged son in order to claim a million-dollar Mega Sweepstakes Marketing prize.", + "Meta_score":87.0, + "Director":"Alexander Payne", + "Star1":"Bruce Dern", + "Star2":"Will Forte", + "Star3":"June Squibb", + "Star4":"Bob Odenkirk", + "No_of_Votes":112298, + "Gross":"17,654,912" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNzMxNTExOTkyMF5BMl5BanBnXkFtZTcwMzEyNDc0OA@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Wreck-It Ralph", + "Released_Year":"2012", + "Certificate":"U", + "Runtime":"101 min", + "Genre":"Animation, Adventure, Comedy", + "IMDB_Rating":7.7, + "Overview":"A video game villain wants to be a hero and sets out to fulfill his dream, but his quest brings havoc to the whole arcade where he lives.", + "Meta_score":72.0, + "Director":"Rich Moore", + "Star1":"John C. Reilly", + "Star2":"Jack McBrayer", + "Star3":"Jane Lynch", + "Star4":"Sarah Silverman", + "No_of_Votes":380195, + "Gross":"189,422,889" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjg0OTM5OTQyNV5BMl5BanBnXkFtZTgwNDg5NDQ0NTE@._V1_UY98_CR2,0,67,98_AL_.jpg", + "Series_Title":"Le Petit Prince", + "Released_Year":"2015", + "Certificate":"PG", + "Runtime":"108 min", + "Genre":"Animation, Adventure, Drama", + "IMDB_Rating":7.7, + "Overview":"A little girl lives in a very grown-up world with her mother, who tries to prepare her for it. Her neighbor, the Aviator, introduces the girl to an extraordinary world where anything is possible, the world of the Little Prince.", + "Meta_score":70.0, + "Director":"Mark Osborne", + "Star1":"Jeff Bridges", + "Star2":"Mackenzie Foy", + "Star3":"Rachel McAdams", + "Star4":"Marion Cotillard", + "No_of_Votes":56720, + "Gross":"1,339,152" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTM3NzQzMDA5Ml5BMl5BanBnXkFtZTcwODA5NTcyNw@@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Detachment", + "Released_Year":"2011", + "Certificate":null, + "Runtime":"98 min", + "Genre":"Drama", + "IMDB_Rating":7.7, + "Overview":"A substitute teacher who drifts from classroom to classroom finds a connection to the students and teachers during his latest assignment.", + "Meta_score":52.0, + "Director":"Tony Kaye", + "Star1":"Adrien Brody", + "Star2":"Christina Hendricks", + "Star3":"Marcia Gay Harden", + "Star4":"Lucy Liu", + "No_of_Votes":77071, + "Gross":"71,177" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTM4NjY1MDQwMl5BMl5BanBnXkFtZTcwNTI3Njg3NA@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Midnight in Paris", + "Released_Year":"2011", + "Certificate":"PG-13", + "Runtime":"96 min", + "Genre":"Comedy, Fantasy, Romance", + "IMDB_Rating":7.7, + "Overview":"While on a trip to Paris with his fianc\u00e9e's family, a nostalgic screenwriter finds himself mysteriously going back to the 1920s every day at midnight.", + "Meta_score":81.0, + "Director":"Woody Allen", + "Star1":"Owen Wilson", + "Star2":"Rachel McAdams", + "Star3":"Kathy Bates", + "Star4":"Kurt Fuller", + "No_of_Votes":388089, + "Gross":"56,816,662" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTg4MDk1ODExN15BMl5BanBnXkFtZTgwNzIyNjg3MDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Lego Movie", + "Released_Year":"2014", + "Certificate":"U", + "Runtime":"100 min", + "Genre":"Animation, Action, Adventure", + "IMDB_Rating":7.7, + "Overview":"An ordinary LEGO construction worker, thought to be the prophesied as \"special\", is recruited to join a quest to stop an evil tyrant from gluing the LEGO universe into eternal stasis.", + "Meta_score":83.0, + "Director":"Christopher Miller", + "Star1":"Phil Lord", + "Star2":"Chris Pratt", + "Star3":"Will Ferrell", + "Star4":"Elizabeth Banks", + "No_of_Votes":323982, + "Gross":"257,760,692" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjE5MzYwMzYxMF5BMl5BanBnXkFtZTcwOTk4MTk0OQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Gravity", + "Released_Year":"2013", + "Certificate":"UA", + "Runtime":"91 min", + "Genre":"Drama, Sci-Fi, Thriller", + "IMDB_Rating":7.7, + "Overview":"Two astronauts work together to survive after an accident leaves them stranded in space.", + "Meta_score":96.0, + "Director":"Alfonso Cuar\u00f3n", + "Star1":"Sandra Bullock", + "Star2":"George Clooney", + "Star3":"Ed Harris", + "Star4":"Orto Ignatiussen", + "No_of_Votes":769145, + "Gross":"274,092,705" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTk2NzczOTgxNF5BMl5BanBnXkFtZTcwODQ5ODczOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Star Trek Into Darkness", + "Released_Year":"2013", + "Certificate":"UA", + "Runtime":"132 min", + "Genre":"Action, Adventure, Sci-Fi", + "IMDB_Rating":7.7, + "Overview":"After the crew of the Enterprise find an unstoppable force of terror from within their own organization, Captain Kirk leads a manhunt to a war-zone world to capture a one-man weapon of mass destruction.", + "Meta_score":72.0, + "Director":"J.J. Abrams", + "Star1":"Chris Pine", + "Star2":"Zachary Quinto", + "Star3":"Zoe Saldana", + "Star4":"Benedict Cumberbatch", + "No_of_Votes":463188, + "Gross":"228,778,661" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTYwMzMzMDI0NF5BMl5BanBnXkFtZTgwNDQ3NjI3NjE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Beasts of No Nation", + "Released_Year":"2015", + "Certificate":null, + "Runtime":"137 min", + "Genre":"Drama, War", + "IMDB_Rating":7.7, + "Overview":"A drama based on the experiences of Agu, a child soldier fighting in the civil war of an unnamed African country.", + "Meta_score":79.0, + "Director":"Cary Joji Fukunaga", + "Star1":"Abraham Attah", + "Star2":"Emmanuel Affadzi", + "Star3":"Ricky Adelayitor", + "Star4":"Andrew Adote", + "No_of_Votes":73964, + "Gross":"83,861" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOGUyZDUxZjEtMmIzMC00MzlmLTg4MGItZWJmMzBhZjE0Mjc1XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Social Network", + "Released_Year":"2010", + "Certificate":"UA", + "Runtime":"120 min", + "Genre":"Biography, Drama", + "IMDB_Rating":7.7, + "Overview":"As Harvard student Mark Zuckerberg creates the social networking site that would become known as Facebook, he is sued by the twins who claimed he stole their idea, and by the co-founder who was later squeezed out of the business.", + "Meta_score":95.0, + "Director":"David Fincher", + "Star1":"Jesse Eisenberg", + "Star2":"Andrew Garfield", + "Star3":"Justin Timberlake", + "Star4":"Rooney Mara", + "No_of_Votes":624982, + "Gross":"96,962,694" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTg5OTMxNzk4Nl5BMl5BanBnXkFtZTcwOTk1MjAwNQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"X: First Class", + "Released_Year":"2011", + "Certificate":"UA", + "Runtime":"131 min", + "Genre":"Action, Adventure, Sci-Fi", + "IMDB_Rating":7.7, + "Overview":"In the 1960s, superpowered humans Charles Xavier and Erik Lensherr work together to find others like them, but Erik's vengeful pursuit of an ambitious mutant who ruined his life causes a schism to divide them.", + "Meta_score":65.0, + "Director":"Matthew Vaughn", + "Star1":"James McAvoy", + "Star2":"Michael Fassbender", + "Star3":"Jennifer Lawrence", + "Star4":"Kevin Bacon", + "No_of_Votes":645512, + "Gross":"146,408,305" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNGQwZjg5YmYtY2VkNC00NzliLTljYTctNzI5NmU3MjE2ODQzXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Hangover", + "Released_Year":"2009", + "Certificate":"UA", + "Runtime":"100 min", + "Genre":"Comedy", + "IMDB_Rating":7.7, + "Overview":"Three buddies wake up from a bachelor party in Las Vegas, with no memory of the previous night and the bachelor missing. They make their way around the city in order to find their friend before his wedding.", + "Meta_score":73.0, + "Director":"Todd Phillips", + "Star1":"Zach Galifianakis", + "Star2":"Bradley Cooper", + "Star3":"Justin Bartha", + "Star4":"Ed Helms", + "No_of_Votes":717559, + "Gross":"277,322,503" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMWZiNjE2OWItMTkwNy00ZWQzLWI0NTgtMWE0NjNiYTljN2Q1XkEyXkFqcGdeQXVyNzAwMjYxMzA@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Skyfall", + "Released_Year":"2012", + "Certificate":"UA", + "Runtime":"143 min", + "Genre":"Action, Adventure, Thriller", + "IMDB_Rating":7.7, + "Overview":"James Bond's loyalty to M is tested when her past comes back to haunt her. When MI6 comes under attack, 007 must track down and destroy the threat, no matter how personal the cost.", + "Meta_score":81.0, + "Director":"Sam Mendes", + "Star1":"Daniel Craig", + "Star2":"Javier Bardem", + "Star3":"Naomie Harris", + "Star4":"Judi Dench", + "No_of_Votes":630614, + "Gross":"304,360,277" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTM2MTI5NzA3MF5BMl5BanBnXkFtZTcwODExNTc0OA@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Silver Linings Playbook", + "Released_Year":"2012", + "Certificate":"A", + "Runtime":"122 min", + "Genre":"Comedy, Drama, Romance", + "IMDB_Rating":7.7, + "Overview":"After a stint in a mental institution, former teacher Pat Solitano moves back in with his parents and tries to reconcile with his ex-wife. Things get more challenging when Pat meets Tiffany, a mysterious girl with problems of her own.", + "Meta_score":81.0, + "Director":"David O. Russell", + "Star1":"Bradley Cooper", + "Star2":"Jennifer Lawrence", + "Star3":"Robert De Niro", + "Star4":"Jacki Weaver", + "No_of_Votes":661871, + "Gross":"132,092,958" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNzljNjY3MDYtYzc0Ni00YjU0LWIyNDUtNTE0ZDRiMGExMjZlXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Argo", + "Released_Year":"2012", + "Certificate":"A", + "Runtime":"120 min", + "Genre":"Biography, Drama, Thriller", + "IMDB_Rating":7.7, + "Overview":"Acting under the cover of a Hollywood producer scouting a location for a science fiction film, a CIA agent launches a dangerous operation to rescue six Americans in Tehran during the U.S. hostage crisis in Iran in 1979.", + "Meta_score":86.0, + "Director":"Ben Affleck", + "Star1":"Ben Affleck", + "Star2":"Bryan Cranston", + "Star3":"John Goodman", + "Star4":"Alan Arkin", + "No_of_Votes":572581, + "Gross":"136,025,503" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTk5MjM4OTU1OV5BMl5BanBnXkFtZTcwODkzNDIzMw@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"(500) Days of Summer", + "Released_Year":"2009", + "Certificate":"UA", + "Runtime":"95 min", + "Genre":"Comedy, Drama, Romance", + "IMDB_Rating":7.7, + "Overview":"An offbeat romantic comedy about a woman who doesn't believe true love exists, and the young man who falls for her.", + "Meta_score":76.0, + "Director":"Marc Webb", + "Star1":"Zooey Deschanel", + "Star2":"Joseph Gordon-Levitt", + "Star3":"Geoffrey Arend", + "Star4":"Chlo\u00eb Grace Moretz", + "No_of_Votes":472242, + "Gross":"32,391,374" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTQ2OTE1Mjk0N15BMl5BanBnXkFtZTcwODE3MDAwNA@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Harry Potter and the Deathly Hallows: Part 1", + "Released_Year":"2010", + "Certificate":"A", + "Runtime":"146 min", + "Genre":"Adventure, Family, Fantasy", + "IMDB_Rating":7.7, + "Overview":"As Harry, Ron, and Hermione race against time and evil to destroy the Horcruxes, they uncover the existence of the three most powerful objects in the wizarding world: the Deathly Hallows.", + "Meta_score":65.0, + "Director":"David Yates", + "Star1":"Daniel Radcliffe", + "Star2":"Emma Watson", + "Star3":"Rupert Grint", + "Star4":"Bill Nighy", + "No_of_Votes":479120, + "Gross":"295,983,305" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTc3YmM3N2QtODZkMC00ZDE5LThjMTQtYTljN2Y1YTYwYWJkXkEyXkFqcGdeQXVyODEzNjM5OTQ@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Gake no ue no Ponyo", + "Released_Year":"2008", + "Certificate":"U", + "Runtime":"101 min", + "Genre":"Animation, Adventure, Comedy", + "IMDB_Rating":7.7, + "Overview":"A five-year-old boy develops a relationship with Ponyo, a young goldfish princess who longs to become a human after falling in love with him.", + "Meta_score":86.0, + "Director":"Hayao Miyazaki", + "Star1":"Cate Blanchett", + "Star2":"Matt Damon", + "Star3":"Liam Neeson", + "Star4":"Tomoko Yamaguchi", + "No_of_Votes":125317, + "Gross":"15,090,400" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTY4NTU2NTU4NF5BMl5BanBnXkFtZTcwNjE0OTc5MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Frost\/Nixon", + "Released_Year":"2008", + "Certificate":"R", + "Runtime":"122 min", + "Genre":"Biography, Drama, History", + "IMDB_Rating":7.7, + "Overview":"A dramatic retelling of the post-Watergate television interviews between British talk-show host David Frost and former president Richard Nixon.", + "Meta_score":80.0, + "Director":"Ron Howard", + "Star1":"Frank Langella", + "Star2":"Michael Sheen", + "Star3":"Kevin Bacon", + "Star4":"Sam Rockwell", + "No_of_Votes":103330, + "Gross":"18,593,156" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNDliMTMxOWEtODM3Yi00N2QwLTg4YTAtNTE5YzBlNTA2NjhlXkEyXkFqcGdeQXVyNjE5MjUyOTM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Papurika", + "Released_Year":"2006", + "Certificate":"U", + "Runtime":"90 min", + "Genre":"Animation, Drama, Fantasy", + "IMDB_Rating":7.7, + "Overview":"When a machine that allows therapists to enter their patients' dreams is stolen, all Hell breaks loose. Only a young female therapist, Paprika, can stop it.", + "Meta_score":81.0, + "Director":"Satoshi Kon", + "Star1":"Megumi Hayashibara", + "Star2":"T\u00f4ru Emori", + "Star3":"Katsunosuke Hori", + "Star4":"T\u00f4ru Furuya", + "No_of_Votes":71379, + "Gross":"881,302" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTA1Mzg3NjIxNV5BMl5BanBnXkFtZTcwNzU2NTc5MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Changeling", + "Released_Year":"2008", + "Certificate":"R", + "Runtime":"141 min", + "Genre":"Biography, Crime, Drama", + "IMDB_Rating":7.7, + "Overview":"Grief-stricken mother Christine Collins (Angelina Jolie) takes on the L.A.P.D. to her own detriment when it tries to pass off an obvious impostor as her missing child.", + "Meta_score":63.0, + "Director":"Clint Eastwood", + "Star1":"Angelina Jolie", + "Star2":"Colm Feore", + "Star3":"Amy Ryan", + "Star4":"Gattlin Griffith", + "No_of_Votes":239203, + "Gross":"35,739,802" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTU2NjQ1Nzc4MF5BMl5BanBnXkFtZTcwNTM0NDk1Mw@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Flipped", + "Released_Year":"2010", + "Certificate":"PG", + "Runtime":"90 min", + "Genre":"Comedy, Drama, Romance", + "IMDB_Rating":7.7, + "Overview":"Two eighth-graders start to have feelings for each other despite being total opposites.", + "Meta_score":45.0, + "Director":"Rob Reiner", + "Star1":"Madeline Carroll", + "Star2":"Callan McAuliffe", + "Star3":"Rebecca De Mornay", + "Star4":"Anthony Edwards", + "No_of_Votes":81446, + "Gross":"1,752,214" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzA4ZGM1NjYtMjcxYS00MTdiLWJmNzEtMTUzODY0NDQ0YzUzXkEyXkFqcGdeQXVyMzYwMjQ3OTI@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Toki o kakeru sh\u00f4jo", + "Released_Year":"2006", + "Certificate":"U", + "Runtime":"98 min", + "Genre":"Animation, Adventure, Comedy", + "IMDB_Rating":7.7, + "Overview":"A high-school girl named Makoto acquires the power to travel back in time, and decides to use it for her own personal benefits. Little does she know that she is affecting the lives of others just as much as she is her own.", + "Meta_score":null, + "Director":"Mamoru Hosoda", + "Star1":"Riisa Naka", + "Star2":"Takuya Ishida", + "Star3":"Mitsutaka Itakura", + "Star4":"Ayami Kakiuchi", + "No_of_Votes":60368, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZDNlNjEzMzQtZDM0MS00YzhiLTk0MGUtYTdmNDZiZGVjNTk0L2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Death Note: Desu n\u00f4to", + "Released_Year":"2006", + "Certificate":null, + "Runtime":"126 min", + "Genre":"Crime, Drama, Fantasy", + "IMDB_Rating":7.7, + "Overview":"A battle between the world's two greatest minds begins when Light Yagami finds the Death Note, a notebook with the power to kill, and decides to rid the world of criminals.", + "Meta_score":null, + "Director":"Sh\u00fbsuke Kaneko", + "Star1":"Tatsuya Fujiwara", + "Star2":"Ken'ichi Matsuyama", + "Star3":"Asaka Seto", + "Star4":"Y\u00fb Kashii", + "No_of_Votes":28630, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMmE3OWZhZDYtOTBjMi00NDIwLTg1NWMtMjg0NjJmZWM4MjliL2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"This Is England", + "Released_Year":"2006", + "Certificate":null, + "Runtime":"101 min", + "Genre":"Crime, Drama", + "IMDB_Rating":7.7, + "Overview":"A young boy becomes friends with a gang of skinheads. Friends soon become like family, and relationships will be pushed to the very limit.", + "Meta_score":86.0, + "Director":"Shane Meadows", + "Star1":"Thomas Turgoose", + "Star2":"Stephen Graham", + "Star3":"Jo Hartley", + "Star4":"Andrew Shim", + "No_of_Votes":115576, + "Gross":"327,919" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTUxNzc0OTIxMV5BMl5BanBnXkFtZTgwNDI3NzU2NDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Ex Machina", + "Released_Year":"2014", + "Certificate":"UA", + "Runtime":"108 min", + "Genre":"Drama, Sci-Fi, Thriller", + "IMDB_Rating":7.7, + "Overview":"A young programmer is selected to participate in a ground-breaking experiment in synthetic intelligence by evaluating the human qualities of a highly advanced humanoid A.I.", + "Meta_score":78.0, + "Director":"Alex Garland", + "Star1":"Alicia Vikander", + "Star2":"Domhnall Gleeson", + "Star3":"Oscar Isaac", + "Star4":"Sonoya Mizuno", + "No_of_Votes":474141, + "Gross":"25,442,958" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjIxODEyOTQ5Ml5BMl5BanBnXkFtZTcwNjE3NzI5Mw@@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Efter brylluppet", + "Released_Year":"2006", + "Certificate":"R", + "Runtime":"120 min", + "Genre":"Drama", + "IMDB_Rating":7.7, + "Overview":"A manager of an orphanage in India is sent to Copenhagen, Denmark, where he discovers a life-altering family secret.", + "Meta_score":78.0, + "Director":"Susanne Bier", + "Star1":"Mads Mikkelsen", + "Star2":"Sidse Babett Knudsen", + "Star3":"Rolf Lassg\u00e5rd", + "Star4":"Neeral Mulchandani", + "No_of_Votes":32001, + "Gross":"412,544" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjM1NTkxNjkzMl5BMl5BanBnXkFtZTgwNDgwMDAxMzE@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"The Last King of Scotland", + "Released_Year":"2006", + "Certificate":"R", + "Runtime":"123 min", + "Genre":"Biography, Drama, History", + "IMDB_Rating":7.7, + "Overview":"Based on the events of the brutal Ugandan dictator Idi Amin's regime as seen by his personal physician during the 1970s.", + "Meta_score":74.0, + "Director":"Kevin Macdonald", + "Star1":"James McAvoy", + "Star2":"Forest Whitaker", + "Star3":"Gillian Anderson", + "Star4":"Kerry Washington", + "No_of_Votes":175355, + "Gross":"17,605,861" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BN2UwNDc5NmEtNjVjZS00OTI5LWE5YjctMWM3ZjBiZGYwMGI2XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Zodiac", + "Released_Year":"2007", + "Certificate":"UA", + "Runtime":"157 min", + "Genre":"Crime, Drama, Mystery", + "IMDB_Rating":7.7, + "Overview":"In the late 1960s\/early 1970s, a San Francisco cartoonist becomes an amateur detective obsessed with tracking down the Zodiac Killer, an unidentified individual who terrorizes Northern California with a killing spree.", + "Meta_score":78.0, + "Director":"David Fincher", + "Star1":"Jake Gyllenhaal", + "Star2":"Robert Downey Jr.", + "Star3":"Mark Ruffalo", + "Star4":"Anthony Edwards", + "No_of_Votes":466080, + "Gross":"33,080,084" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZjczMWI1YWMtYTZjOS00ZDc5LWE2MWItMTY3ZGUxNzFkNjJmL2ltYWdlXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Lucky Number Slevin", + "Released_Year":"2006", + "Certificate":"R", + "Runtime":"110 min", + "Genre":"Action, Crime, Drama", + "IMDB_Rating":7.7, + "Overview":"A case of mistaken identity lands Slevin into the middle of a war being plotted by two of the city's most rival crime bosses. Under constant surveillance by Detective Brikowski and assassin Goodkat, he must get them before they get him.", + "Meta_score":53.0, + "Director":"Paul McGuigan", + "Star1":"Josh Hartnett", + "Star2":"Ben Kingsley", + "Star3":"Morgan Freeman", + "Star4":"Lucy Liu", + "No_of_Votes":299524, + "Gross":"22,494,487" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTQyODczNjU3NF5BMl5BanBnXkFtZTcwNjQ0NDIzMQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Joyeux No\u00ebl", + "Released_Year":"2005", + "Certificate":"PG-13", + "Runtime":"116 min", + "Genre":"Drama, History, Music", + "IMDB_Rating":7.7, + "Overview":"In December 1914, an unofficial Christmas truce on the Western Front allows soldiers from opposing sides of the First World War to gain insight into each other's way of life.", + "Meta_score":70.0, + "Director":"Christian Carion", + "Star1":"Diane Kruger", + "Star2":"Benno F\u00fcrmann", + "Star3":"Guillaume Canet", + "Star4":"Natalie Dessay", + "No_of_Votes":28003, + "Gross":"1,054,361" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNTEzOTYwMTcxN15BMl5BanBnXkFtZTcwNTgyNjI1MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Control", + "Released_Year":"2007", + "Certificate":"R", + "Runtime":"122 min", + "Genre":"Biography, Drama, Music", + "IMDB_Rating":7.7, + "Overview":"A profile of Ian Curtis, the enigmatic singer of Joy Division whose personal, professional, and romantic troubles led him to commit suicide at the age of 23.", + "Meta_score":78.0, + "Director":"Anton Corbijn", + "Star1":"Sam Riley", + "Star2":"Samantha Morton", + "Star3":"Craig Parkinson", + "Star4":"Alexandra Maria Lara", + "No_of_Votes":61609, + "Gross":"871,577" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTAxNDYxMjg0MjNeQTJeQWpwZ15BbWU3MDcyNTk2OTM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Tangled", + "Released_Year":"2010", + "Certificate":"U", + "Runtime":"100 min", + "Genre":"Animation, Adventure, Comedy", + "IMDB_Rating":7.7, + "Overview":"The magically long-haired Rapunzel has spent her entire life in a tower, but now that a runaway thief has stumbled upon her, she is about to discover the world for the first time, and who she really is.", + "Meta_score":71.0, + "Director":"Nathan Greno", + "Star1":"Byron Howard", + "Star2":"Mandy Moore", + "Star3":"Zachary Levi", + "Star4":"Donna Murphy", + "No_of_Votes":405922, + "Gross":"200,821,936" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODFlNTI0ZWQtOTcxNC00OTc0LTkwZDUtMmNkM2I1ZWFlYzZkXkEyXkFqcGdeQXVyNTIzOTk5ODM@._V1_UY98_CR2,0,67,98_AL_.jpg", + "Series_Title":"Zwartboek", + "Released_Year":"2006", + "Certificate":"R", + "Runtime":"145 min", + "Genre":"Drama, Thriller, War", + "IMDB_Rating":7.7, + "Overview":"In the Nazi-occupied Netherlands during World War II, a Jewish singer infiltrates the regional Gestapo headquarters for the Dutch resistance.", + "Meta_score":71.0, + "Director":"Paul Verhoeven", + "Star1":"Carice van Houten", + "Star2":"Sebastian Koch", + "Star3":"Thom Hoffman", + "Star4":"Halina Reijn", + "No_of_Votes":72643, + "Gross":"4,398,392" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTY5NTAzNTc1NF5BMl5BanBnXkFtZTYwNDY4MDc3._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Brokeback Mountain", + "Released_Year":"2005", + "Certificate":"A", + "Runtime":"134 min", + "Genre":"Drama, Romance", + "IMDB_Rating":7.7, + "Overview":"The story of a forbidden and secretive relationship between two cowboys, and their lives over the years.", + "Meta_score":87.0, + "Director":"Ang Lee", + "Star1":"Jake Gyllenhaal", + "Star2":"Heath Ledger", + "Star3":"Michelle Williams", + "Star4":"Randy Quaid", + "No_of_Votes":323103, + "Gross":"83,043,761" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODE0NTcxNTQzNF5BMl5BanBnXkFtZTcwMzczOTIzMw@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"3:10 to Yuma", + "Released_Year":"2007", + "Certificate":"A", + "Runtime":"122 min", + "Genre":"Action, Crime, Drama", + "IMDB_Rating":7.7, + "Overview":"A small-time rancher agrees to hold a captured outlaw who's awaiting a train to go to court in Yuma. A battle of wills ensues as the outlaw tries to psych out the rancher.", + "Meta_score":76.0, + "Director":"James Mangold", + "Star1":"Russell Crowe", + "Star2":"Christian Bale", + "Star3":"Ben Foster", + "Star4":"Logan Lerman", + "No_of_Votes":288797, + "Gross":"53,606,916" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTk1OTA1MjIyNV5BMl5BanBnXkFtZTcwODQxMTkyMQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Crash", + "Released_Year":"2004", + "Certificate":"UA", + "Runtime":"112 min", + "Genre":"Crime, Drama, Thriller", + "IMDB_Rating":7.7, + "Overview":"Los Angeles citizens with vastly separate lives collide in interweaving stories of race, loss and redemption.", + "Meta_score":66.0, + "Director":"Paul Haggis", + "Star1":"Don Cheadle", + "Star2":"Sandra Bullock", + "Star3":"Thandie Newton", + "Star4":"Karina Arroyave", + "No_of_Votes":419483, + "Gross":"54,580,300" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjZiOTNlMzYtZWYwZS00YWJjLTk5NDgtODkwNjRhMDI0MjhjXkEyXkFqcGdeQXVyMjgyNjk3MzE@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Kung fu", + "Released_Year":"2004", + "Certificate":"UA", + "Runtime":"99 min", + "Genre":"Action, Comedy, Fantasy", + "IMDB_Rating":7.7, + "Overview":"In Shanghai, China in the 1940s, a wannabe gangster aspires to join the notorious \"Axe Gang\" while residents of a housing complex exhibit extraordinary powers in defending their turf.", + "Meta_score":78.0, + "Director":"Stephen Chow", + "Star1":"Stephen Chow", + "Star2":"Wah Yuen", + "Star3":"Qiu Yuen", + "Star4":"Siu-Lung Leung", + "No_of_Votes":127250, + "Gross":"17,108,591" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYTIyMDFmMmItMWQzYy00MjBiLTg2M2UtM2JiNDRhOWE4NjBhXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Bourne Supremacy", + "Released_Year":"2004", + "Certificate":"A", + "Runtime":"108 min", + "Genre":"Action, Mystery, Thriller", + "IMDB_Rating":7.7, + "Overview":"When Jason Bourne is framed for a CIA operation gone awry, he is forced to resume his former life as a trained assassin to survive.", + "Meta_score":73.0, + "Director":"Paul Greengrass", + "Star1":"Matt Damon", + "Star2":"Franka Potente", + "Star3":"Joan Allen", + "Star4":"Brian Cox", + "No_of_Votes":434841, + "Gross":"176,241,941" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjk1NzBlY2YtNjJmNi00YTVmLWI2OTgtNDUxNDE5NjUzZmE0XkEyXkFqcGdeQXVyNTc1NTQxODI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Machinist", + "Released_Year":"2004", + "Certificate":"R", + "Runtime":"101 min", + "Genre":"Drama, Thriller", + "IMDB_Rating":7.7, + "Overview":"An industrial worker who hasn't slept in a year begins to doubt his own sanity.", + "Meta_score":61.0, + "Director":"Brad Anderson", + "Star1":"Christian Bale", + "Star2":"Jennifer Jason Leigh", + "Star3":"Aitana S\u00e1nchez-Gij\u00f3n", + "Star4":"John Sharian", + "No_of_Votes":358432, + "Gross":"1,082,715" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTQxNDQwNjQzOV5BMl5BanBnXkFtZTcwNTQxNDYyMQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Ray", + "Released_Year":"2004", + "Certificate":"A", + "Runtime":"152 min", + "Genre":"Biography, Drama, Music", + "IMDB_Rating":7.7, + "Overview":"The story of the life and career of the legendary rhythm and blues musician Ray Charles, from his humble beginnings in the South, where he went blind at age seven, to his meteoric rise to stardom during the 1950s and 1960s.", + "Meta_score":73.0, + "Director":"Taylor Hackford", + "Star1":"Jamie Foxx", + "Star2":"Regina King", + "Star3":"Kerry Washington", + "Star4":"Clifton Powell", + "No_of_Votes":138356, + "Gross":"75,331,600" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTI2NDI5ODk4N15BMl5BanBnXkFtZTYwMTI3NTE3._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Lost in Translation", + "Released_Year":"2003", + "Certificate":"UA", + "Runtime":"102 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":7.7, + "Overview":"A faded movie star and a neglected young woman form an unlikely bond after crossing paths in Tokyo.", + "Meta_score":89.0, + "Director":"Sofia Coppola", + "Star1":"Bill Murray", + "Star2":"Scarlett Johansson", + "Star3":"Giovanni Ribisi", + "Star4":"Anna Faris", + "No_of_Votes":415074, + "Gross":"44,585,453" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTI1NDMyMjExOF5BMl5BanBnXkFtZTcwOTc4MjQzMQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Harry Potter and the Goblet of Fire", + "Released_Year":"2005", + "Certificate":"UA", + "Runtime":"157 min", + "Genre":"Adventure, Family, Fantasy", + "IMDB_Rating":7.7, + "Overview":"Harry Potter finds himself competing in a hazardous tournament between rival schools of magic, but he is distracted by recurring nightmares.", + "Meta_score":81.0, + "Director":"Mike Newell", + "Star1":"Daniel Radcliffe", + "Star2":"Emma Watson", + "Star3":"Rupert Grint", + "Star4":"Eric Sykes", + "No_of_Votes":548619, + "Gross":"290,013,036" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODFlMmEwMDgtYjhmZi00ZTE5LTk2NWQtMWE1Y2M0NjkzOGYxXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Man on Fire", + "Released_Year":"2004", + "Certificate":"UA", + "Runtime":"146 min", + "Genre":"Action, Crime, Drama", + "IMDB_Rating":7.7, + "Overview":"In Mexico City, a former CIA operative swears vengeance on those who committed an unspeakable act against the family he was hired to protect.", + "Meta_score":47.0, + "Director":"Tony Scott", + "Star1":"Denzel Washington", + "Star2":"Christopher Walken", + "Star3":"Dakota Fanning", + "Star4":"Radha Mitchell", + "No_of_Votes":329592, + "Gross":"77,911,774" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzQxNjM5NzkxNV5BMl5BanBnXkFtZTcwMzg5NDMwMg@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Coraline", + "Released_Year":"2009", + "Certificate":"U", + "Runtime":"100 min", + "Genre":"Animation, Drama, Family", + "IMDB_Rating":7.7, + "Overview":"An adventurous 11-year-old girl finds another world that is a strangely idealized version of her frustrating home, but it has sinister secrets.", + "Meta_score":80.0, + "Director":"Henry Selick", + "Star1":"Dakota Fanning", + "Star2":"Teri Hatcher", + "Star3":"John Hodgman", + "Star4":"Jennifer Saunders", + "No_of_Votes":197761, + "Gross":"75,286,229" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzkyNzQ1Mzc0NV5BMl5BanBnXkFtZTcwODg3MzUzMw@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Last Samurai", + "Released_Year":"2003", + "Certificate":"UA", + "Runtime":"154 min", + "Genre":"Action, Drama", + "IMDB_Rating":7.7, + "Overview":"An American military advisor embraces the Samurai culture he was hired to destroy after he is captured in battle.", + "Meta_score":55.0, + "Director":"Edward Zwick", + "Star1":"Tom Cruise", + "Star2":"Ken Watanabe", + "Star3":"Billy Connolly", + "Star4":"William Atherton", + "No_of_Votes":400049, + "Gross":"111,110,575" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTI2NzU1NTc1NF5BMl5BanBnXkFtZTcwOTQ1MjAwMQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Magdalene Sisters", + "Released_Year":"2002", + "Certificate":"R", + "Runtime":"114 min", + "Genre":"Drama", + "IMDB_Rating":7.7, + "Overview":"Three young Irish women struggle to maintain their spirits while they endure dehumanizing abuse as inmates of a Magdalene Sisters Asylum.", + "Meta_score":83.0, + "Director":"Peter Mullan", + "Star1":"Eileen Walsh", + "Star2":"Dorothy Duffy", + "Star3":"Nora-Jane Noone", + "Star4":"Anne-Marie Duff", + "No_of_Votes":25938, + "Gross":"4,890,878" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTI0MTg4NzI3M15BMl5BanBnXkFtZTcwOTE0MTUyMQ@@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Good Bye Lenin!", + "Released_Year":"2003", + "Certificate":"R", + "Runtime":"121 min", + "Genre":"Comedy, Drama, Romance", + "IMDB_Rating":7.7, + "Overview":"In 1990, to protect his fragile mother from a fatal shock after a long coma, a young man must keep her from learning that her beloved nation of East Germany as she knew it has disappeared.", + "Meta_score":68.0, + "Director":"Wolfgang Becker", + "Star1":"Daniel Br\u00fchl", + "Star2":"Katrin Sa\u00df", + "Star3":"Chulpan Khamatova", + "Star4":"Florian Lukas", + "No_of_Votes":137981, + "Gross":"4,064,200" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOGY1YmUzN2MtNDQ3NC00Nzc4LWI5M2EtYzUwMGQ4NWM4NjE1XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"In America", + "Released_Year":"2002", + "Certificate":"PG-13", + "Runtime":"105 min", + "Genre":"Drama", + "IMDB_Rating":7.7, + "Overview":"A family of Irish immigrants adjust to life on the mean streets of Hell's Kitchen while also grieving the death of a child.", + "Meta_score":76.0, + "Director":"Jim Sheridan", + "Star1":"Paddy Considine", + "Star2":"Samantha Morton", + "Star3":"Djimon Hounsou", + "Star4":"Sarah Bolger", + "No_of_Votes":40403, + "Gross":"15,539,266" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYzEyNzc0NjctZjJiZC00MWI1LWJlOTMtYWZkZDAzNzQ0ZDNkXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"I Am Sam", + "Released_Year":"2001", + "Certificate":"PG-13", + "Runtime":"132 min", + "Genre":"Drama", + "IMDB_Rating":7.7, + "Overview":"A mentally handicapped man fights for custody of his 7-year-old daughter and in the process teaches his cold-hearted lawyer the value of love and family.", + "Meta_score":28.0, + "Director":"Jessie Nelson", + "Star1":"Sean Penn", + "Star2":"Michelle Pfeiffer", + "Star3":"Dakota Fanning", + "Star4":"Dianne Wiest", + "No_of_Votes":142863, + "Gross":"40,311,852" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZjIwZWU0ZDItNzBlNS00MDIwLWFlZjctZTJjODdjZWYxNzczL2ltYWdlXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Adaptation.", + "Released_Year":"2002", + "Certificate":"R", + "Runtime":"115 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":7.7, + "Overview":"A lovelorn screenwriter becomes desperate as he tries and fails to adapt 'The Orchid Thief' by Susan Orlean for the screen.", + "Meta_score":83.0, + "Director":"Spike Jonze", + "Star1":"Nicolas Cage", + "Star2":"Meryl Streep", + "Star3":"Chris Cooper", + "Star4":"Tilda Swinton", + "No_of_Votes":178565, + "Gross":"22,245,861" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYWMwMzQxZjQtODM1YS00YmFiLTk1YjQtNzNiYWY1MDE4NTdiXkEyXkFqcGdeQXVyNDYyMDk5MTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Black Hawk Down", + "Released_Year":"2001", + "Certificate":"A", + "Runtime":"144 min", + "Genre":"Drama, History, War", + "IMDB_Rating":7.7, + "Overview":"160 elite U.S. soldiers drop into Somalia to capture two top lieutenants of a renegade warlord and find themselves in a desperate battle with a large force of heavily-armed Somalis.", + "Meta_score":74.0, + "Director":"Ridley Scott", + "Star1":"Josh Hartnett", + "Star2":"Ewan McGregor", + "Star3":"Tom Sizemore", + "Star4":"Eric Bana", + "No_of_Votes":364254, + "Gross":"108,638,745" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjcxMmQ0MmItYTkzYy00MmUyLTlhOTQtMmJmNjE3MDMwYjdlXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Road to Perdition", + "Released_Year":"2002", + "Certificate":"A", + "Runtime":"117 min", + "Genre":"Crime, Drama, Thriller", + "IMDB_Rating":7.7, + "Overview":"A mob enforcer's son witnesses a murder, forcing him and his father to take to the road, and his father down a path of redemption and revenge.", + "Meta_score":72.0, + "Director":"Sam Mendes", + "Star1":"Tom Hanks", + "Star2":"Tyler Hoechlin", + "Star3":"Rob Maxey", + "Star4":"Liam Aiken", + "No_of_Votes":246840, + "Gross":"104,454,762" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNThiMDc1YjUtYmE3Zi00MTM1LTkzM2MtNjdlNzQ4ZDlmYjRmXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Das Experiment", + "Released_Year":"2001", + "Certificate":"R", + "Runtime":"120 min", + "Genre":"Drama, Thriller", + "IMDB_Rating":7.7, + "Overview":"For two weeks, 20 male participants are hired to play prisoners and guards in a prison. The \"prisoners\" have to follow seemingly mild rules, and the \"guards\" are told to retain order without using physical violence.", + "Meta_score":60.0, + "Director":"Oliver Hirschbiegel", + "Star1":"Moritz Bleibtreu", + "Star2":"Christian Berkel", + "Star3":"Oliver Stokowski", + "Star4":"Wotan Wilke M\u00f6hring", + "No_of_Votes":90842, + "Gross":"141,072" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNGY3NWYwNzctNWU5Yi00ZjljLTgyNDgtZjNhZjRlNjc0ZTU1XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Billy Elliot", + "Released_Year":"2000", + "Certificate":"R", + "Runtime":"110 min", + "Genre":"Drama, Music", + "IMDB_Rating":7.7, + "Overview":"A talented young boy becomes torn between his unexpected love of dance and the disintegration of his family.", + "Meta_score":74.0, + "Director":"Stephen Daldry", + "Star1":"Jamie Bell", + "Star2":"Julie Walters", + "Star3":"Jean Heywood", + "Star4":"Jamie Draven", + "No_of_Votes":126770, + "Gross":"21,995,263" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZGY5NWUyNDUtZWJhZi00ZjMxLWFmMjMtYmJhZjVkZGZhNWQ4XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Hedwig and the Angry Inch", + "Released_Year":"2001", + "Certificate":"R", + "Runtime":"95 min", + "Genre":"Comedy, Drama, Music", + "IMDB_Rating":7.7, + "Overview":"A gender-queer punk-rock singer from East Berlin tours the U.S. with her band as she tells her life story and follows the former lover\/band-mate who stole her songs.", + "Meta_score":85.0, + "Director":"John Cameron Mitchell", + "Star1":"John Cameron Mitchell", + "Star2":"Miriam Shor", + "Star3":"Stephen Trask", + "Star4":"Theodore Liscinski", + "No_of_Votes":31957, + "Gross":"3,029,081" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYzVmYzVkMmUtOGRhMi00MTNmLThlMmUtZTljYjlkMjNkMjJkXkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Ocean's Eleven", + "Released_Year":"2001", + "Certificate":"UA", + "Runtime":"116 min", + "Genre":"Crime, Thriller", + "IMDB_Rating":7.7, + "Overview":"Danny Ocean and his ten accomplices plan to rob three Las Vegas casinos simultaneously.", + "Meta_score":74.0, + "Director":"Steven Soderbergh", + "Star1":"George Clooney", + "Star2":"Brad Pitt", + "Star3":"Julia Roberts", + "Star4":"Matt Damon", + "No_of_Votes":516372, + "Gross":"183,417,150" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNTIyNThlMjMtMzUyMi00YmEyLTljMmYtMWRhN2Q3ZTllZjA4XkEyXkFqcGdeQXVyMzM4MjM0Nzg@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Vampire Hunter D: Bloodlust", + "Released_Year":"2000", + "Certificate":"U", + "Runtime":"103 min", + "Genre":"Animation, Action, Fantasy", + "IMDB_Rating":7.7, + "Overview":"When a girl is abducted by a vampire, a legendary bounty hunter is hired to bring her back.", + "Meta_score":62.0, + "Director":"Yoshiaki Kawajiri", + "Star1":"Andrew Philpot", + "Star2":"John Rafter Lee", + "Star3":"Pamela Adlon", + "Star4":"Wendee Lee", + "No_of_Votes":29210, + "Gross":"151,086" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjZkOTdmMWItOTkyNy00MDdjLTlhNTQtYzU3MzdhZjA0ZDEyXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"O Brother, Where Art Thou?", + "Released_Year":"2000", + "Certificate":"U", + "Runtime":"107 min", + "Genre":"Adventure, Comedy, Crime", + "IMDB_Rating":7.7, + "Overview":"In the deep south during the 1930s, three escaped convicts search for hidden treasure while a relentless lawman pursues them.", + "Meta_score":69.0, + "Director":"Joel Coen", + "Star1":"Ethan Coen", + "Star2":"George Clooney", + "Star3":"John Turturro", + "Star4":"Tim Blake Nelson", + "No_of_Votes":286742, + "Gross":"45,512,588" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZDYwYzlhOTAtNDAwMC00ZTBhLWI4M2QtMTA1NmJhYTdiNTkxXkEyXkFqcGdeQXVyNTM0NTU5Mg@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Interstate 60: Episodes of the Road", + "Released_Year":"2002", + "Certificate":"R", + "Runtime":"116 min", + "Genre":"Adventure, Comedy, Drama", + "IMDB_Rating":7.7, + "Overview":"Neal Oliver, a very confused young man and an artist, takes a journey of a lifetime on a highway I60 that doesn't exist on any of the maps, going to the places he never even heard of, searching for an answer and his dreamgirl.", + "Meta_score":null, + "Director":"Bob Gale", + "Star1":"James Marsden", + "Star2":"Gary Oldman", + "Star3":"Kurt Russell", + "Star4":"Matthew Edison", + "No_of_Votes":29999, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOGE0ZWI0YzAtY2NkZi00YjkyLWIzYWEtNTJmMzJjODllNjdjXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"South Park: Bigger, Longer & Uncut", + "Released_Year":"1999", + "Certificate":"A", + "Runtime":"81 min", + "Genre":"Animation, Comedy, Fantasy", + "IMDB_Rating":7.7, + "Overview":"When Stan Marsh and his friends go see an R-rated movie, they start cursing and their parents think that Canada is to blame.", + "Meta_score":73.0, + "Director":"Trey Parker", + "Star1":"Trey Parker", + "Star2":"Matt Stone", + "Star3":"Mary Kay Bergman", + "Star4":"Isaac Hayes", + "No_of_Votes":192112, + "Gross":"52,037,603" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTA5MzQ3MzI1NV5BMl5BanBnXkFtZTgwNTcxNTYxMTE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Office Space", + "Released_Year":"1999", + "Certificate":"R", + "Runtime":"89 min", + "Genre":"Comedy", + "IMDB_Rating":7.7, + "Overview":"Three company workers who hate their jobs decide to rebel against their greedy boss.", + "Meta_score":68.0, + "Director":"Mike Judge", + "Star1":"Ron Livingston", + "Star2":"Jennifer Aniston", + "Star3":"David Herman", + "Star4":"Ajay Naidu", + "No_of_Votes":241575, + "Gross":"10,824,921" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BM2FlNzE0ZmUtMmVkZS00MWQ3LWE4OWQtYjQwZjdhNzRmNWE2XkEyXkFqcGdeQXVyMTAwMzUyOTc@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Happiness", + "Released_Year":"1998", + "Certificate":null, + "Runtime":"134 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":7.7, + "Overview":"The lives of several individuals intertwine as they go about their lives in their own unique ways, engaging in acts society as a whole might find disturbing in a desperate search for human connection.", + "Meta_score":81.0, + "Director":"Todd Solondz", + "Star1":"Jane Adams", + "Star2":"Jon Lovitz", + "Star3":"Philip Seymour Hoffman", + "Star4":"Dylan Baker", + "No_of_Votes":66408, + "Gross":"2,807,390" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMDZkMTUxYWEtMDY5NS00ZTA5LTg3MTItNTlkZWE1YWRjYjMwL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Training Day", + "Released_Year":"2001", + "Certificate":"A", + "Runtime":"122 min", + "Genre":"Crime, Drama, Thriller", + "IMDB_Rating":7.7, + "Overview":"A rookie cop spends his first day as a Los Angeles narcotics officer with a rogue detective who isn't what he appears to be.", + "Meta_score":69.0, + "Director":"Antoine Fuqua", + "Star1":"Denzel Washington", + "Star2":"Ethan Hawke", + "Star3":"Scott Glenn", + "Star4":"Tom Berenger", + "No_of_Votes":390247, + "Gross":"76,631,907" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjE2OTc3OTk2M15BMl5BanBnXkFtZTgwMjg2NjIyMDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Rushmore", + "Released_Year":"1998", + "Certificate":"UA", + "Runtime":"93 min", + "Genre":"Comedy, Drama, Romance", + "IMDB_Rating":7.7, + "Overview":"The extracurricular king of Rushmore Preparatory School is put on academic probation.", + "Meta_score":86.0, + "Director":"Wes Anderson", + "Star1":"Jason Schwartzman", + "Star2":"Bill Murray", + "Star3":"Olivia Williams", + "Star4":"Seymour Cassel", + "No_of_Votes":169229, + "Gross":"17,105,219" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYjA2MTA1MjUtYmUyNy00NGZiLTk2NTAtMDk3N2M3YmMwOTc1XkEyXkFqcGdeQXVyMjA0MzYwMDY@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Abre los ojos", + "Released_Year":"1997", + "Certificate":"U", + "Runtime":"119 min", + "Genre":"Drama, Mystery, Sci-Fi", + "IMDB_Rating":7.7, + "Overview":"A very handsome man finds the love of his life, but he suffers an accident and needs to have his face rebuilt by surgery after it is severely disfigured.", + "Meta_score":null, + "Director":"Alejandro Amen\u00e1bar", + "Star1":"Eduardo Noriega", + "Star2":"Pen\u00e9lope Cruz", + "Star3":"Chete Lera", + "Star4":"Fele Mart\u00ednez", + "No_of_Votes":64082, + "Gross":"368,234" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYmUxY2MyOTQtYjRlMi00ZWEwLTkzODctZDMxNDcyNTFhYjNjXkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Being John Malkovich", + "Released_Year":"1999", + "Certificate":"R", + "Runtime":"113 min", + "Genre":"Comedy, Drama, Fantasy", + "IMDB_Rating":7.7, + "Overview":"A puppeteer discovers a portal that leads literally into the head of movie star John Malkovich.", + "Meta_score":90.0, + "Director":"Spike Jonze", + "Star1":"John Cusack", + "Star2":"Cameron Diaz", + "Star3":"Catherine Keener", + "Star4":"John Malkovich", + "No_of_Votes":312542, + "Gross":"22,858,926" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNWMxZTgzMWEtMTU0Zi00NDc5LWFkZjctMzUxNDIyNzZiMmNjXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"As Good as It Gets", + "Released_Year":"1997", + "Certificate":"A", + "Runtime":"139 min", + "Genre":"Comedy, Drama, Romance", + "IMDB_Rating":7.7, + "Overview":"A single mother and waitress, a misanthropic author, and a gay artist form an unlikely friendship after the artist is assaulted in a robbery.", + "Meta_score":67.0, + "Director":"James L. Brooks", + "Star1":"Jack Nicholson", + "Star2":"Helen Hunt", + "Star3":"Greg Kinnear", + "Star4":"Cuba Gooding Jr.", + "No_of_Votes":275755, + "Gross":"148,478,011" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZWFjYmZmZGQtYzg4YS00ZGE5LTgwYzAtZmQwZjQ2NDliMGVmXkEyXkFqcGdeQXVyNTUyMzE4Mzg@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Fifth Element", + "Released_Year":"1997", + "Certificate":"UA", + "Runtime":"126 min", + "Genre":"Action, Adventure, Sci-Fi", + "IMDB_Rating":7.7, + "Overview":"In the colorful future, a cab driver unwittingly becomes the central figure in the search for a legendary cosmic weapon to keep Evil and Mr. Zorg at bay.", + "Meta_score":52.0, + "Director":"Luc Besson", + "Star1":"Bruce Willis", + "Star2":"Milla Jovovich", + "Star3":"Gary Oldman", + "Star4":"Ian Holm", + "No_of_Votes":434125, + "Gross":"63,540,020" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZjFkOWM5NDUtODYwOS00ZDg0LWFkZGUtYzBkYzNjZjU3ODE3XkEyXkFqcGdeQXVyNzQzNzQxNzI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Le d\u00eener de cons", + "Released_Year":"1998", + "Certificate":"PG-13", + "Runtime":"80 min", + "Genre":"Comedy", + "IMDB_Rating":7.7, + "Overview":"A few friends have a weekly fools' dinner, where each brings a fool along. Pierre finds a champion fool for next dinner. Surprise.", + "Meta_score":73.0, + "Director":"Francis Veber", + "Star1":"Thierry Lhermitte", + "Star2":"Jacques Villeret", + "Star3":"Francis Huster", + "Star4":"Daniel Pr\u00e9vost", + "No_of_Votes":37424, + "Gross":"4,065,116" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYzMzMDZkYWEtODIzNS00YjI3LTkxNTktOWEyZGM3ZWI2MWM4XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Donnie Brasco", + "Released_Year":"1997", + "Certificate":"A", + "Runtime":"127 min", + "Genre":"Biography, Crime, Drama", + "IMDB_Rating":7.7, + "Overview":"An FBI undercover agent infiltrates the mob and finds himself identifying more with the mafia life, at the expense of his regular one.", + "Meta_score":76.0, + "Director":"Mike Newell", + "Star1":"Al Pacino", + "Star2":"Johnny Depp", + "Star3":"Michael Madsen", + "Star4":"Bruno Kirby", + "No_of_Votes":279318, + "Gross":"41,909,762" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTQzMzcxMzUyMl5BMl5BanBnXkFtZTgwNDI1MjgxMTE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Shine", + "Released_Year":"1996", + "Certificate":"U", + "Runtime":"105 min", + "Genre":"Biography, Drama, Music", + "IMDB_Rating":7.7, + "Overview":"Pianist David Helfgott, driven by his father and teachers, has a breakdown. Years later he returns to the piano, to popular if not critical acclaim.", + "Meta_score":87.0, + "Director":"Scott Hicks", + "Star1":"Geoffrey Rush", + "Star2":"Armin Mueller-Stahl", + "Star3":"Justin Braine", + "Star4":"Sonia Todd", + "No_of_Votes":51350, + "Gross":"35,811,509" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZTM2NWI2OGYtYWNhMi00ZTlmLTg2ZTAtMmI5NWRjODA5YTE1XkEyXkFqcGdeQXVyODE2OTYwNTg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Primal Fear", + "Released_Year":"1996", + "Certificate":"A", + "Runtime":"129 min", + "Genre":"Crime, Drama, Mystery", + "IMDB_Rating":7.7, + "Overview":"An altar boy is accused of murdering a priest, and the truth is buried several layers deep.", + "Meta_score":47.0, + "Director":"Gregory Hoblit", + "Star1":"Richard Gere", + "Star2":"Laura Linney", + "Star3":"Edward Norton", + "Star4":"John Mahoney", + "No_of_Votes":189716, + "Gross":"56,116,183" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BM2U5OWM5NWQtZDYwZS00NmI3LTk4NDktNzcwZjYzNmEzYWU1XkEyXkFqcGdeQXVyNjMwMjk0MTQ@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Hamlet", + "Released_Year":"1996", + "Certificate":"PG-13", + "Runtime":"242 min", + "Genre":"Drama", + "IMDB_Rating":7.7, + "Overview":"Hamlet, Prince of Denmark, returns home to find his father murdered and his mother remarrying the murderer, his uncle. Meanwhile, war is brewing.", + "Meta_score":null, + "Director":"Kenneth Branagh", + "Star1":"Kenneth Branagh", + "Star2":"Julie Christie", + "Star3":"Derek Jacobi", + "Star4":"Kate Winslet", + "No_of_Votes":35991, + "Gross":"4,414,535" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZDQzMGE5ODYtZDdiNC00MzZjLTg2NjAtZTk0ODlkYmY4MTQzXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"A Little Princess", + "Released_Year":"1995", + "Certificate":"U", + "Runtime":"97 min", + "Genre":"Drama, Family, Fantasy", + "IMDB_Rating":7.7, + "Overview":"A young girl is relegated to servitude at a boarding school when her father goes missing and is presumed dead.", + "Meta_score":83.0, + "Director":"Alfonso Cuar\u00f3n", + "Star1":"Liesel Matthews", + "Star2":"Eleanor Bron", + "Star3":"Liam Cunningham", + "Star4":"Rusty Schwimmer", + "No_of_Votes":32236, + "Gross":"10,019,307" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZjM4NWRhYTQtYTJlNC00ZmMyLWEzNTAtZDA2MjJjYTQ5ZTVmXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Do lok tin si", + "Released_Year":"1995", + "Certificate":"UA", + "Runtime":"99 min", + "Genre":"Comedy, Crime, Drama", + "IMDB_Rating":7.7, + "Overview":"This Hong Kong-set crime drama follows the lives of a hitman, hoping to get out of the business, and his elusive female partner.", + "Meta_score":71.0, + "Director":"Kar-Wai Wong", + "Star1":"Leon Lai", + "Star2":"Michelle Reis", + "Star3":"Takeshi Kaneshiro", + "Star4":"Charlie Yeung", + "No_of_Votes":26429, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZmVhNWIzOTMtYmVlZC00ZDVmLWIyODEtODEzOTAxYjAwMzVlXkEyXkFqcGdeQXVyMzIwNDY4NDI@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Il postino", + "Released_Year":"1994", + "Certificate":"U", + "Runtime":"108 min", + "Genre":"Biography, Comedy, Drama", + "IMDB_Rating":7.7, + "Overview":"A simple Italian postman learns to love poetry while delivering mail to a famous poet, and then uses this to woo local beauty Beatrice.", + "Meta_score":81.0, + "Director":"Michael Radford", + "Star1":"Massimo Troisi", + "Star2":"Massimo Troisi", + "Star3":"Philippe Noiret", + "Star4":"Maria Grazia Cucinotta", + "No_of_Votes":33600, + "Gross":"21,848,932" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNzE1Njk0NmItNDhlMC00ZmFlLWI4ZTUtYTY4ZjgzNjkyMTU1XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Clerks", + "Released_Year":"1994", + "Certificate":"R", + "Runtime":"92 min", + "Genre":"Comedy", + "IMDB_Rating":7.7, + "Overview":"A day in the lives of two convenience clerks named Dante and Randal as they annoy customers, discuss movies, and play hockey on the store roof.", + "Meta_score":70.0, + "Director":"Kevin Smith", + "Star1":"Brian O'Halloran", + "Star2":"Jeff Anderson", + "Star3":"Marilyn Ghigliotti", + "Star4":"Lisa Spoonauer", + "No_of_Votes":211450, + "Gross":"3,151,130" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZWY0ODc2NDktYmYxNS00MGZiLTk5YjktZjgwZWFhNDQ0MzNhXkEyXkFqcGdeQXVyNTI4MjkwNjA@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Short Cuts", + "Released_Year":"1993", + "Certificate":"R", + "Runtime":"188 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":7.7, + "Overview":"The day-to-day lives of several suburban Los Angeles residents.", + "Meta_score":79.0, + "Director":"Robert Altman", + "Star1":"Andie MacDowell", + "Star2":"Julianne Moore", + "Star3":"Tim Robbins", + "Star4":"Bruce Davison", + "No_of_Votes":42275, + "Gross":"6,110,979" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNDE0MWE1ZTMtOWFkMS00YjdiLTkwZTItMDljYjY3MjM0NTk5XkEyXkFqcGdeQXVyNDYyMDk5MTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Philadelphia", + "Released_Year":"1993", + "Certificate":"UA", + "Runtime":"125 min", + "Genre":"Drama", + "IMDB_Rating":7.7, + "Overview":"When a man with HIV is fired by his law firm because of his condition, he hires a homophobic small time lawyer as the only willing advocate for a wrongful dismissal suit.", + "Meta_score":66.0, + "Director":"Jonathan Demme", + "Star1":"Tom Hanks", + "Star2":"Denzel Washington", + "Star3":"Roberta Maxwell", + "Star4":"Buzz Kilman", + "No_of_Votes":224169, + "Gross":"77,324,422" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BN2Y0NWRkNWItZWEwNi00MDNlLWJmZDYtNTkwYzI5Nzg4MjVjXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Muppet Christmas Carol", + "Released_Year":"1992", + "Certificate":"G", + "Runtime":"85 min", + "Genre":"Comedy, Drama, Family", + "IMDB_Rating":7.7, + "Overview":"The Muppet characters tell their version of the classic tale of an old and bitter miser's redemption on Christmas Eve.", + "Meta_score":64.0, + "Director":"Brian Henson", + "Star1":"Michael Caine", + "Star2":"Kermit the Frog", + "Star3":"Dave Goelz", + "Star4":"Miss Piggy", + "No_of_Votes":50298, + "Gross":"27,281,507" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZDkzOTFmMTUtMmI2OS00MDE4LTg5YTUtODMwNDMzNmI5OGYwL2ltYWdlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UY98_CR3,0,67,98_AL_.jpg", + "Series_Title":"Malcolm X", + "Released_Year":"1992", + "Certificate":"U", + "Runtime":"202 min", + "Genre":"Biography, Drama, History", + "IMDB_Rating":7.7, + "Overview":"Biographical epic of the controversial and influential Black Nationalist leader, from his early life and career as a small-time gangster, to his ministry as a member of the Nation of Islam.", + "Meta_score":73.0, + "Director":"Spike Lee", + "Star1":"Denzel Washington", + "Star2":"Angela Bassett", + "Star3":"Delroy Lindo", + "Star4":"Spike Lee", + "No_of_Votes":85819, + "Gross":"48,169,908" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZDNiYmRkNDYtOWU1NC00NmMxLWFkNmUtMGI5NTJjOTJmYTM5XkEyXkFqcGdeQXVyNzQ1ODk3MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Last of the Mohicans", + "Released_Year":"1992", + "Certificate":"UA", + "Runtime":"112 min", + "Genre":"Action, Adventure, Drama", + "IMDB_Rating":7.7, + "Overview":"Three trappers protect the daughters of a British Colonel in the midst of the French and Indian War.", + "Meta_score":76.0, + "Director":"Michael Mann", + "Star1":"Daniel Day-Lewis", + "Star2":"Madeleine Stowe", + "Star3":"Russell Means", + "Star4":"Eric Schweig", + "No_of_Votes":150409, + "Gross":"75,505,856" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZjVkYmFkZWQtZmNjYy00NmFhLTliMWYtNThlOTUxNjg5ODdhXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UY98_CR4,0,67,98_AL_.jpg", + "Series_Title":"Kurenai no buta", + "Released_Year":"1992", + "Certificate":"U", + "Runtime":"94 min", + "Genre":"Animation, Adventure, Comedy", + "IMDB_Rating":7.7, + "Overview":"In 1930s Italy, a veteran World War I pilot is cursed to look like an anthropomorphic pig.", + "Meta_score":83.0, + "Director":"Hayao Miyazaki", + "Star1":"Sh\u00fbichir\u00f4 Moriyama", + "Star2":"Tokiko Kat\u00f4", + "Star3":"Bunshi Katsura Vi", + "Star4":"Tsunehiko Kamij\u00f4", + "No_of_Votes":77798, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNTYzN2MxODMtMDBhOC00Y2M0LTgzMTItMzQ4NDIyYWIwMDEzL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNTc1NTQxODI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Glengarry Glen Ross", + "Released_Year":"1992", + "Certificate":"R", + "Runtime":"100 min", + "Genre":"Crime, Drama, Mystery", + "IMDB_Rating":7.7, + "Overview":"An examination of the machinations behind the scenes at a real estate office.", + "Meta_score":82.0, + "Director":"James Foley", + "Star1":"Al Pacino", + "Star2":"Jack Lemmon", + "Star3":"Alec Baldwin", + "Star4":"Alan Arkin", + "No_of_Votes":95826, + "Gross":"10,725,228" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMmRlZDQ1MmUtMzE2Yi00YTkxLTk1MGMtYmIyYWQwODcxYzRlXkEyXkFqcGdeQXVyNTI4MjkwNjA@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"A Few Good Men", + "Released_Year":"1992", + "Certificate":"U", + "Runtime":"138 min", + "Genre":"Drama, Thriller", + "IMDB_Rating":7.7, + "Overview":"Military lawyer Lieutenant Daniel Kaffee defends Marines accused of murder. They contend they were acting under orders.", + "Meta_score":62.0, + "Director":"Rob Reiner", + "Star1":"Tom Cruise", + "Star2":"Jack Nicholson", + "Star3":"Demi Moore", + "Star4":"Kevin Bacon", + "No_of_Votes":235388, + "Gross":"141,340,178" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOWQ1ZWE0MTQtMmEwOS00YjA3LTgyZTAtNjY5ODEyZTJjNDI2XkEyXkFqcGdeQXVyNjE5MjUyOTM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Fried Green Tomatoes", + "Released_Year":"1991", + "Certificate":"PG-13", + "Runtime":"130 min", + "Genre":"Drama", + "IMDB_Rating":7.7, + "Overview":"A housewife who is unhappy with her life befriends an old lady in a nursing home and is enthralled by the tales she tells of people she used to know.", + "Meta_score":64.0, + "Director":"Jon Avnet", + "Star1":"Kathy Bates", + "Star2":"Jessica Tandy", + "Star3":"Mary Stuart Masterson", + "Star4":"Mary-Louise Parker", + "No_of_Votes":66941, + "Gross":"82,418,501" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTgxMDMxMTctNDY0Zi00ZmNlLWFlYmQtODA2YjY4MDk4MjU1XkEyXkFqcGdeQXVyNTc1NTQxODI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Barton Fink", + "Released_Year":"1991", + "Certificate":"U", + "Runtime":"116 min", + "Genre":"Comedy, Drama, Thriller", + "IMDB_Rating":7.7, + "Overview":"A renowned New York playwright is enticed to California to write for the movies and discovers the hellish truth of Hollywood.", + "Meta_score":69.0, + "Director":"Joel Coen", + "Star1":"Ethan Coen", + "Star2":"John Turturro", + "Star3":"John Goodman", + "Star4":"Judy Davis", + "No_of_Votes":113240, + "Gross":"6,153,939" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTY2Njk3MTAzM15BMl5BanBnXkFtZTgwMTY5Mzk4NjE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Miller's Crossing", + "Released_Year":"1990", + "Certificate":"R", + "Runtime":"115 min", + "Genre":"Crime, Drama, Thriller", + "IMDB_Rating":7.7, + "Overview":"Tom Reagan, an advisor to a Prohibition-era crime boss, tries to keep the peace between warring mobs but gets caught in divided loyalties.", + "Meta_score":66.0, + "Director":"Joel Coen", + "Star1":"Ethan Coen", + "Star2":"Gabriel Byrne", + "Star3":"Albert Finney", + "Star4":"John Turturro", + "No_of_Votes":125822, + "Gross":"5,080,409" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMDhiOTM2OTctODk3Ny00NWI4LThhZDgtNGQ4NjRiYjFkZGQzXkEyXkFqcGdeQXVyMTA0MjU0Ng@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Who Framed Roger Rabbit", + "Released_Year":"1988", + "Certificate":"U", + "Runtime":"104 min", + "Genre":"Animation, Adventure, Comedy", + "IMDB_Rating":7.7, + "Overview":"A toon-hating detective is a cartoon rabbit's only hope to prove his innocence when he is accused of murder.", + "Meta_score":83.0, + "Director":"Robert Zemeckis", + "Star1":"Bob Hoskins", + "Star2":"Christopher Lloyd", + "Star3":"Joanna Cassidy", + "Star4":"Charles Fleischer", + "No_of_Votes":182009, + "Gross":"156,452,370" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNDcwMTYzMjctN2M2Yy00ZDcxLWJhNTEtMGNhYzEwYzc2NDE4XkEyXkFqcGdeQXVyNTI4MjkwNjA@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Spoorloos", + "Released_Year":"1988", + "Certificate":null, + "Runtime":"107 min", + "Genre":"Mystery, Thriller", + "IMDB_Rating":7.7, + "Overview":"Rex and Saskia, a young couple in love, are on vacation. They stop at a busy service station and Saskia is abducted. After three years and no sign of Saskia, Rex begins receiving letters from the abductor.", + "Meta_score":null, + "Director":"George Sluizer", + "Star1":"Bernard-Pierre Donnadieu", + "Star2":"Gene Bervoets", + "Star3":"Johanna ter Steege", + "Star4":"Gwen Eckhaus", + "No_of_Votes":33982, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYjE3ODY5OWEtZmE0Mi00MjUxLTg5MmUtZmFkMzM1N2VjMmU5XkEyXkFqcGdeQXVyNTI4MjkwNjA@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Withnail & I", + "Released_Year":"1987", + "Certificate":"R", + "Runtime":"107 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":7.7, + "Overview":"In 1969, two substance-abusing, unemployed actors retreat to the countryside for a holiday that proves disastrous.", + "Meta_score":84.0, + "Director":"Bruce Robinson", + "Star1":"Richard E. Grant", + "Star2":"Paul McGann", + "Star3":"Richard Griffiths", + "Star4":"Ralph Brown", + "No_of_Votes":40396, + "Gross":"1,544,889" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZTk0NDU4YmItOTk0ZS00ODc2LTkwNGItNWI5MDJkNTJiYWMxXkEyXkFqcGdeQXVyNjUwNzk3NDc@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Last Emperor", + "Released_Year":"1987", + "Certificate":"U", + "Runtime":"163 min", + "Genre":"Biography, Drama, History", + "IMDB_Rating":7.7, + "Overview":"The story of the final Emperor of China.", + "Meta_score":76.0, + "Director":"Bernardo Bertolucci", + "Star1":"John Lone", + "Star2":"Joan Chen", + "Star3":"Peter O'Toole", + "Star4":"Ruocheng Ying", + "No_of_Votes":94326, + "Gross":"43,984,230" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMmQwNzczZDItNmI0OS00MjRmLTliYWItZWIyMjk1MTU4ZTQ4L2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Empire of the Sun", + "Released_Year":"1987", + "Certificate":"U", + "Runtime":"153 min", + "Genre":"Action, Drama, History", + "IMDB_Rating":7.7, + "Overview":"A young English boy struggles to survive under Japanese occupation during World War II.", + "Meta_score":62.0, + "Director":"Steven Spielberg", + "Star1":"Christian Bale", + "Star2":"John Malkovich", + "Star3":"Miranda Richardson", + "Star4":"Nigel Havers", + "No_of_Votes":115677, + "Gross":"22,238,696" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZjEyZTdhNDMtMWFkMS00ZmRjLWEyNmEtZDU3MWFkNDEzMDYwXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Der Name der Rose", + "Released_Year":"1986", + "Certificate":"R", + "Runtime":"130 min", + "Genre":"Crime, Drama, Mystery", + "IMDB_Rating":7.7, + "Overview":"An intellectually nonconformist friar investigates a series of mysterious deaths in an isolated abbey.", + "Meta_score":54.0, + "Director":"Jean-Jacques Annaud", + "Star1":"Sean Connery", + "Star2":"Christian Slater", + "Star3":"Helmut Qualtinger", + "Star4":"Elya Baskin", + "No_of_Votes":102031, + "Gross":"7,153,487" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzExOTczNTgtN2Q1Yy00MmI1LWE0NjgtNmIwMzdmZGNlODU1XkEyXkFqcGdeQXVyNDkzNTM2ODg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Blue Velvet", + "Released_Year":"1986", + "Certificate":"A", + "Runtime":"120 min", + "Genre":"Drama, Mystery, Thriller", + "IMDB_Rating":7.7, + "Overview":"The discovery of a severed human ear found in a field leads a young man on an investigation related to a beautiful, mysterious nightclub singer and a group of psychopathic criminals who have kidnapped her child.", + "Meta_score":76.0, + "Director":"David Lynch", + "Star1":"Isabella Rossellini", + "Star2":"Kyle MacLachlan", + "Star3":"Dennis Hopper", + "Star4":"Laura Dern", + "No_of_Votes":181285, + "Gross":"8,551,228" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BY2E1YWRlNzAtYzAwYy00MDg5LTlmYTUtYjdlZDI0NzFkNjNlL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjQ2MjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Purple Rose of Cairo", + "Released_Year":"1985", + "Certificate":"U", + "Runtime":"82 min", + "Genre":"Comedy, Fantasy, Romance", + "IMDB_Rating":7.7, + "Overview":"In New Jersey in 1935, a movie character walks off the screen and into the real world.", + "Meta_score":75.0, + "Director":"Woody Allen", + "Star1":"Mia Farrow", + "Star2":"Jeff Daniels", + "Star3":"Danny Aiello", + "Star4":"Irving Metzman", + "No_of_Votes":47102, + "Gross":"10,631,333" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTUxMjEzMzI2MV5BMl5BanBnXkFtZTgwNTU3ODAxMDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"After Hours", + "Released_Year":"1985", + "Certificate":"UA", + "Runtime":"97 min", + "Genre":"Comedy, Crime, Drama", + "IMDB_Rating":7.7, + "Overview":"An ordinary word processor has the worst night of his life after he agrees to visit a girl in Soho who he met that evening at a coffee shop.", + "Meta_score":90.0, + "Director":"Martin Scorsese", + "Star1":"Griffin Dunne", + "Star2":"Rosanna Arquette", + "Star3":"Verna Bloom", + "Star4":"Tommy Chong", + "No_of_Votes":59635, + "Gross":"10,600,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMGUwMjM0MTEtOGY2NS00MjJmLWEyMDAtYmNkMWJjOWJlNGM0XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Zelig", + "Released_Year":"1983", + "Certificate":"PG", + "Runtime":"79 min", + "Genre":"Comedy", + "IMDB_Rating":7.7, + "Overview":"\"Documentary\" about a man who can look and act like whoever he's around, and meets various famous people.", + "Meta_score":null, + "Director":"Woody Allen", + "Star1":"Woody Allen", + "Star2":"Mia Farrow", + "Star3":"Patrick Horgan", + "Star4":"John Buckwalter", + "No_of_Votes":39881, + "Gross":"11,798,616" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTU5MzMwMzAzM15BMl5BanBnXkFtZTcwNjYyMjA0Mg@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Verdict", + "Released_Year":"1982", + "Certificate":"U", + "Runtime":"129 min", + "Genre":"Drama", + "IMDB_Rating":7.7, + "Overview":"A lawyer sees the chance to salvage his career and self-respect by taking a medical malpractice case to trial rather than settling.", + "Meta_score":77.0, + "Director":"Sidney Lumet", + "Star1":"Paul Newman", + "Star2":"Charlotte Rampling", + "Star3":"Jack Warden", + "Star4":"James Mason", + "No_of_Votes":36096, + "Gross":"54,000,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzcyYWE5YmQtNDE1Yi00ZjlmLWFlZTAtMzRjODBiYjM3OTA3XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Star Trek II: The Wrath of Khan", + "Released_Year":"1982", + "Certificate":"U", + "Runtime":"113 min", + "Genre":"Action, Adventure, Sci-Fi", + "IMDB_Rating":7.7, + "Overview":"With the assistance of the Enterprise crew, Admiral Kirk must stop an old nemesis, Khan Noonien Singh, from using the life-generating Genesis Device as the ultimate weapon.", + "Meta_score":67.0, + "Director":"Nicholas Meyer", + "Star1":"William Shatner", + "Star2":"Leonard Nimoy", + "Star3":"DeForest Kelley", + "Star4":"James Doohan", + "No_of_Votes":112704, + "Gross":"78,912,963" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODBmOWU2YWMtZGUzZi00YzRhLWJjNDAtYTUwNWVkNDcyZmU5XkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"First Blood", + "Released_Year":"1982", + "Certificate":"A", + "Runtime":"93 min", + "Genre":"Action, Adventure", + "IMDB_Rating":7.7, + "Overview":"A veteran Green Beret is forced by a cruel Sheriff and his deputies to flee into the mountains and wage an escalating one-man war against his pursuers.", + "Meta_score":61.0, + "Director":"Ted Kotcheff", + "Star1":"Sylvester Stallone", + "Star2":"Brian Dennehy", + "Star3":"Richard Crenna", + "Star4":"Bill McKinney", + "No_of_Votes":226541, + "Gross":"47,212,904" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNWU3MDFkYWQtMWQ5YS00YTcwLThmNDItODY4OWE2ZTdhZmIwXkEyXkFqcGdeQXVyMjUzOTY1NTc@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Ordinary People", + "Released_Year":"1980", + "Certificate":"U", + "Runtime":"124 min", + "Genre":"Drama", + "IMDB_Rating":7.7, + "Overview":"The accidental death of the older son of an affluent family deeply strains the relationships among the bitter mother, the good-natured father, and the guilt-ridden younger son.", + "Meta_score":86.0, + "Director":"Robert Redford", + "Star1":"Donald Sutherland", + "Star2":"Mary Tyler Moore", + "Star3":"Judd Hirsch", + "Star4":"Timothy Hutton", + "No_of_Votes":47099, + "Gross":"54,800,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZjA3YjdhMWEtYjc2Ni00YzVlLWI0MTUtMGZmNTJjNmU0Yzk2XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Airplane!", + "Released_Year":"1980", + "Certificate":"U", + "Runtime":"88 min", + "Genre":"Comedy", + "IMDB_Rating":7.7, + "Overview":"A man afraid to fly must ensure that a plane lands safely after the pilots become sick.", + "Meta_score":78.0, + "Director":"Jim Abrahams", + "Star1":"David Zucker", + "Star2":"Jerry Zucker", + "Star3":"Robert Hays", + "Star4":"Julie Hagerty", + "No_of_Votes":214882, + "Gross":"83,400,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYzYyNjg3OTctNzA2ZS00NjkzLWE4MmYtZDAzZWQ0NzkyMTJhXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Rupan sansei: Kariosutoro no shiro", + "Released_Year":"1979", + "Certificate":"U", + "Runtime":"100 min", + "Genre":"Animation, Adventure, Family", + "IMDB_Rating":7.7, + "Overview":"A dashing thief, his gang of desperadoes and an intrepid policeman struggle to free a princess from an evil count's clutches, and learn the hidden secret to a fabulous treasure that she holds part of a key to.", + "Meta_score":71.0, + "Director":"Hayao Miyazaki", + "Star1":"Yasuo Yamada", + "Star2":"Eiko Masuyama", + "Star3":"Kiyoshi Kobayashi", + "Star4":"Makio Inoue", + "No_of_Votes":27014, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNzk1OGU2NmMtNTdhZC00NjdlLWE5YTMtZTQ0MGExZTQzOGQyXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Halloween", + "Released_Year":"1978", + "Certificate":"A", + "Runtime":"91 min", + "Genre":"Horror, Thriller", + "IMDB_Rating":7.7, + "Overview":"Fifteen years after murdering his sister on Halloween night 1963, Michael Myers escapes from a mental hospital and returns to the small town of Haddonfield, Illinois to kill again.", + "Meta_score":87.0, + "Director":"John Carpenter", + "Star1":"Donald Pleasence", + "Star2":"Jamie Lee Curtis", + "Star3":"Tony Moran", + "Star4":"Nancy Kyes", + "No_of_Votes":233106, + "Gross":"47,000,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYmVhMDQ1YWUtYjgxOS00NzYyLWI0ZGItNTg3ZjM0MmQ4NmIwXkEyXkFqcGdeQXVyMjQzMzQzODY@._V1_UY98_CR3,0,67,98_AL_.jpg", + "Series_Title":"Le locataire", + "Released_Year":"1976", + "Certificate":"R", + "Runtime":"126 min", + "Genre":"Drama, Thriller", + "IMDB_Rating":7.7, + "Overview":"A bureaucrat rents a Paris apartment where he finds himself drawn into a rabbit hole of dangerous paranoia.", + "Meta_score":71.0, + "Director":"Roman Polanski", + "Star1":"Roman Polanski", + "Star2":"Isabelle Adjani", + "Star3":"Melvyn Douglas", + "Star4":"Jo Van Fleet", + "No_of_Votes":39889, + "Gross":"1,924,733" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTYxMDk1NTA5NF5BMl5BanBnXkFtZTcwNDkzNzA2NA@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Love and Death", + "Released_Year":"1975", + "Certificate":"PG", + "Runtime":"85 min", + "Genre":"Comedy, War", + "IMDB_Rating":7.7, + "Overview":"In czarist Russia, a neurotic soldier and his distant cousin formulate a plot to assassinate Napoleon.", + "Meta_score":89.0, + "Director":"Woody Allen", + "Star1":"Woody Allen", + "Star2":"Diane Keaton", + "Star3":"Georges Adet", + "Star4":"Frank Adu", + "No_of_Votes":36037, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjE1NDY0NDk3Ml5BMl5BanBnXkFtZTcwMTAzMTM3NA@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Taking of Pelham One Two Three", + "Released_Year":"1974", + "Certificate":"U", + "Runtime":"104 min", + "Genre":"Action, Crime, Thriller", + "IMDB_Rating":7.7, + "Overview":"In New York, armed men hijack a subway car and demand a ransom for the passengers. Even if it's paid, how could they get away?", + "Meta_score":68.0, + "Director":"Joseph Sargent", + "Star1":"Walter Matthau", + "Star2":"Robert Shaw", + "Star3":"Martin Balsam", + "Star4":"Hector Elizondo", + "No_of_Votes":26729, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZGZmMWE1MDYtNzAyNC00MDMzLTgzZjQtNTQ5NjYzN2E4MzkzXkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Blazing Saddles", + "Released_Year":"1974", + "Certificate":"A", + "Runtime":"93 min", + "Genre":"Comedy, Western", + "IMDB_Rating":7.7, + "Overview":"In order to ruin a western town, a corrupt politician appoints a black Sheriff, who promptly becomes his most formidable adversary.", + "Meta_score":73.0, + "Director":"Mel Brooks", + "Star1":"Cleavon Little", + "Star2":"Gene Wilder", + "Star3":"Slim Pickens", + "Star4":"Harvey Korman", + "No_of_Votes":125993, + "Gross":"119,500,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYTU4ZTI0NzAtYzMwNi00YmMxLThmZWItNTY5NzgyMDAwYWVhXkEyXkFqcGdeQXVyNjUwNzk3NDc@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Serpico", + "Released_Year":"1973", + "Certificate":"A", + "Runtime":"130 min", + "Genre":"Biography, Crime, Drama", + "IMDB_Rating":7.7, + "Overview":"An honest New York cop named Frank Serpico blows the whistle on rampant corruption in the force only to have his comrades turn against him.", + "Meta_score":87.0, + "Director":"Sidney Lumet", + "Star1":"Al Pacino", + "Star2":"John Randolph", + "Star3":"Jack Kehoe", + "Star4":"Biff McGuire", + "No_of_Votes":109941, + "Gross":"29,800,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNGZiMTkyNzQtMDdmZi00ZDNkLWE4YTAtZGNlNTIzYzQyMGM2XkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Enter the Dragon", + "Released_Year":"1973", + "Certificate":"A", + "Runtime":"102 min", + "Genre":"Action, Crime, Drama", + "IMDB_Rating":7.7, + "Overview":"A secret agent comes to an opium lord's island fortress with other fighters for a martial-arts tournament.", + "Meta_score":83.0, + "Director":"Robert Clouse", + "Star1":"Bruce Lee", + "Star2":"John Saxon", + "Star3":"Jim Kelly", + "Star4":"Ahna Capri", + "No_of_Votes":96561, + "Gross":"25,000,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZjBhYzU3NWItOWZjMy00NjI5LWFmYmItZmIyOWFlMDIxMWNiXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Deliverance", + "Released_Year":"1972", + "Certificate":"U", + "Runtime":"109 min", + "Genre":"Adventure, Drama, Thriller", + "IMDB_Rating":7.7, + "Overview":"Intent on seeing the Cahulawassee River before it's dammed and turned into a lake, outdoor fanatic Lewis Medlock takes his friends on a canoeing trip they'll never forget into the dangerous American back-country.", + "Meta_score":80.0, + "Director":"John Boorman", + "Star1":"Jon Voight", + "Star2":"Burt Reynolds", + "Star3":"Ned Beatty", + "Star4":"Ronny Cox", + "No_of_Votes":98740, + "Gross":"7,056,013" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTZhY2E3NmItMGIwNi00OTA2LThkYmEtODFiZTM0NGI0ZWU5XkEyXkFqcGdeQXVyNTc1NTQxODI@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"The French Connection", + "Released_Year":"1971", + "Certificate":"A", + "Runtime":"104 min", + "Genre":"Action, Crime, Drama", + "IMDB_Rating":7.7, + "Overview":"A pair of NYC cops in the Narcotics Bureau stumble onto a drug smuggling job with a French connection.", + "Meta_score":94.0, + "Director":"William Friedkin", + "Star1":"Gene Hackman", + "Star2":"Roy Scheider", + "Star3":"Fernando Rey", + "Star4":"Tony Lo Bianco", + "No_of_Votes":110075, + "Gross":"15,630,710" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzdhMTM2YTItOWU2YS00MTM0LTgyNDYtMDM1OWM3NzkzNTM2XkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Dirty Harry", + "Released_Year":"1971", + "Certificate":"A", + "Runtime":"102 min", + "Genre":"Action, Crime, Thriller", + "IMDB_Rating":7.7, + "Overview":"When a madman calling himself \"the Scorpio Killer\" menaces the city, tough-as-nails San Francisco Police Inspector \"Dirty\" Harry Callahan is assigned to track down and ferret out the crazed psychopath.", + "Meta_score":90.0, + "Director":"Don Siegel", + "Star1":"Clint Eastwood", + "Star2":"Andrew Robinson", + "Star3":"Harry Guardino", + "Star4":"Reni Santoni", + "No_of_Votes":143292, + "Gross":"35,900,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNGE3ZWZiNzktMDIyOC00ZmVhLThjZTktZjQ5NjI4NGVhMDBlXkEyXkFqcGdeQXVyMjI4MjA5MzA@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Where Eagles Dare", + "Released_Year":"1968", + "Certificate":"U", + "Runtime":"158 min", + "Genre":"Action, Adventure, War", + "IMDB_Rating":7.7, + "Overview":"Allied agents stage a daring raid on a castle where the Nazis are holding American brigadier general George Carnaby prisoner, but that's not all that's really going on.", + "Meta_score":63.0, + "Director":"Brian G. Hutton", + "Star1":"Richard Burton", + "Star2":"Clint Eastwood", + "Star3":"Mary Ure", + "Star4":"Patrick Wymark", + "No_of_Votes":51913, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZDVhNzQxZDEtMzcyZC00ZDg1LWFkZDctOWYxZTY0ZmYzYjc2XkEyXkFqcGdeQXVyMjA0MDQ0Mjc@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Odd Couple", + "Released_Year":"1968", + "Certificate":"G", + "Runtime":"105 min", + "Genre":"Comedy", + "IMDB_Rating":7.7, + "Overview":"Two friends try sharing an apartment, but their ideas of housekeeping and lifestyles are as different as night and day.", + "Meta_score":86.0, + "Director":"Gene Saks", + "Star1":"Jack Lemmon", + "Star2":"Walter Matthau", + "Star3":"John Fiedler", + "Star4":"Herb Edelman", + "No_of_Votes":31572, + "Gross":"44,527,234" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BM2Y1ZTI0NzktYzU3MS00YmE1LThkY2EtMDc0NGYxNTNlZDA5XkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Dirty Dozen", + "Released_Year":"1967", + "Certificate":null, + "Runtime":"150 min", + "Genre":"Action, Adventure, War", + "IMDB_Rating":7.7, + "Overview":"During World War II, a rebellious U.S. Army Major is assigned a dozen convicted murderers to train and lead them into a mass assassination mission of German officers.", + "Meta_score":73.0, + "Director":"Robert Aldrich", + "Star1":"Lee Marvin", + "Star2":"Ernest Borgnine", + "Star3":"Charles Bronson", + "Star4":"John Cassavetes", + "No_of_Votes":67183, + "Gross":"45,300,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZjNkNGJjYWEtM2IyNi00ZjM5LWFlYjYtYjQ4NTU5MGFlMTI2XkEyXkFqcGdeQXVyMTMxMTY0OTQ@._V1_UY98_CR3,0,67,98_AL_.jpg", + "Series_Title":"Belle de jour", + "Released_Year":"1967", + "Certificate":"A", + "Runtime":"100 min", + "Genre":"Drama, Romance", + "IMDB_Rating":7.7, + "Overview":"A frigid young housewife decides to spend her midweek afternoons as a prostitute.", + "Meta_score":null, + "Director":"Luis Bu\u00f1uel", + "Star1":"Catherine Deneuve", + "Star2":"Jean Sorel", + "Star3":"Michel Piccoli", + "Star4":"Genevi\u00e8ve Page", + "No_of_Votes":40274, + "Gross":"26,331" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTRjOTA1NzctNzFmMy00ZjcwLWExYjgtYWQyZDM5ZWY1Y2JlXkEyXkFqcGdeQXVyMDI2NDg0NQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"A Man for All Seasons", + "Released_Year":"1966", + "Certificate":"U", + "Runtime":"120 min", + "Genre":"Biography, Drama, History", + "IMDB_Rating":7.7, + "Overview":"The story of Sir Thomas More, who stood up to King Henry VIII when the King rejected the Roman Catholic Church to obtain a divorce and remarry.", + "Meta_score":72.0, + "Director":"Fred Zinnemann", + "Star1":"Paul Scofield", + "Star2":"Wendy Hiller", + "Star3":"Robert Shaw", + "Star4":"Leo McKern", + "No_of_Votes":31222, + "Gross":"28,350,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZTU5ZThjNzAtNjc4NC00OTViLWIxYTYtODFmMTk5Y2NjZjZiL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Repulsion", + "Released_Year":"1965", + "Certificate":null, + "Runtime":"105 min", + "Genre":"Drama, Horror, Thriller", + "IMDB_Rating":7.7, + "Overview":"A sex-repulsed woman who disapproves of her sister's boyfriend sinks into depression and has horrific visions of rape and violence.", + "Meta_score":91.0, + "Director":"Roman Polanski", + "Star1":"Catherine Deneuve", + "Star2":"Ian Hendry", + "Star3":"John Fraser", + "Star4":"Yvonne Furneaux", + "No_of_Votes":48883, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYzdlYmQ3MWMtMDY3My00MzVmLTg0YmMtYjRlZDUzNjBlMmE0L2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Zulu", + "Released_Year":"1964", + "Certificate":"U", + "Runtime":"138 min", + "Genre":"Drama, History, War", + "IMDB_Rating":7.7, + "Overview":"Outnumbered British soldiers do battle with Zulu warriors at Rorke's Drift.", + "Meta_score":77.0, + "Director":"Cy Endfield", + "Star1":"Stanley Baker", + "Star2":"Jack Hawkins", + "Star3":"Ulla Jacobsson", + "Star4":"James Booth", + "No_of_Votes":35999, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTQ2MzE0OTU3NV5BMl5BanBnXkFtZTcwNjQxNTgzNA@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Goldfinger", + "Released_Year":"1964", + "Certificate":"A", + "Runtime":"110 min", + "Genre":"Action, Adventure, Thriller", + "IMDB_Rating":7.7, + "Overview":"While investigating a gold magnate's smuggling, James Bond uncovers a plot to contaminate the Fort Knox gold reserve.", + "Meta_score":87.0, + "Director":"Guy Hamilton", + "Star1":"Sean Connery", + "Star2":"Gert Fr\u00f6be", + "Star3":"Honor Blackman", + "Star4":"Shirley Eaton", + "No_of_Votes":174119, + "Gross":"51,081,062" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTAxNDA1ODc5MDleQTJeQWpwZ15BbWU4MDg2MDA4OTEx._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Birds", + "Released_Year":"1963", + "Certificate":"A", + "Runtime":"119 min", + "Genre":"Drama, Horror, Mystery", + "IMDB_Rating":7.7, + "Overview":"A wealthy San Francisco socialite pursues a potential boyfriend to a small Northern California town that slowly takes a turn for the bizarre when birds of all kinds suddenly begin to attack people.", + "Meta_score":90.0, + "Director":"Alfred Hitchcock", + "Star1":"Rod Taylor", + "Star2":"Tippi Hedren", + "Star3":"Jessica Tandy", + "Star4":"Suzanne Pleshette", + "No_of_Votes":171739, + "Gross":"11,403,529" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOWNlMTJmMWUtYjk0MC00M2U4LWI1ODItZDgxNDZiODFmNjc5XkEyXkFqcGdeQXVyMTAwMzUyOTc@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Cape Fear", + "Released_Year":"1962", + "Certificate":"Passed", + "Runtime":"106 min", + "Genre":"Drama, Thriller", + "IMDB_Rating":7.7, + "Overview":"A lawyer's family is stalked by a man he once helped put in jail.", + "Meta_score":76.0, + "Director":"J. Lee Thompson", + "Star1":"Gregory Peck", + "Star2":"Robert Mitchum", + "Star3":"Polly Bergen", + "Star4":"Lori Martin", + "No_of_Votes":26457, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZjM3ZTAzZDYtZmFjZS00YmQ1LWJlOWEtN2I4MDRmYzY5YmRlL2ltYWdlXkEyXkFqcGdeQXVyMjgyNjk3MzE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Peeping Tom", + "Released_Year":"1960", + "Certificate":null, + "Runtime":"101 min", + "Genre":"Drama, Horror, Thriller", + "IMDB_Rating":7.7, + "Overview":"A young man murders women, using a movie camera to film their dying expressions of terror.", + "Meta_score":null, + "Director":"Michael Powell", + "Star1":"Karlheinz B\u00f6hm", + "Star2":"Anna Massey", + "Star3":"Moira Shearer", + "Star4":"Maxine Audley", + "No_of_Votes":31354, + "Gross":"83,957" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzYyNzU0MTM1OF5BMl5BanBnXkFtZTcwMzE1ODE1NA@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Magnificent Seven", + "Released_Year":"1960", + "Certificate":"Approved", + "Runtime":"128 min", + "Genre":"Action, Adventure, Western", + "IMDB_Rating":7.7, + "Overview":"Seven gunfighters are hired by Mexican peasants to liberate their village from oppressive bandits.", + "Meta_score":74.0, + "Director":"John Sturges", + "Star1":"Yul Brynner", + "Star2":"Steve McQueen", + "Star3":"Charles Bronson", + "Star4":"Eli Wallach", + "No_of_Votes":87719, + "Gross":"4,905,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNzBiMWRhNzQtMjZhZS00NzFmLWE5YWMtOWY4NzIxMjYzZTEyXkEyXkFqcGdeQXVyMzg2MzE2OTE@._V1_UY98_CR3,0,67,98_AL_.jpg", + "Series_Title":"Les yeux sans visage", + "Released_Year":"1960", + "Certificate":null, + "Runtime":"90 min", + "Genre":"Drama, Horror", + "IMDB_Rating":7.7, + "Overview":"A surgeon causes an accident which leaves his daughter disfigured, and goes to extremes to give her a new face.", + "Meta_score":90.0, + "Director":"Georges Franju", + "Star1":"Pierre Brasseur", + "Star2":"Alida Valli", + "Star3":"Juliette Mayniel", + "Star4":"Alexandre Rignault", + "No_of_Votes":27620, + "Gross":"52,709" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYTExYjM3MDYtMzg4MC00MjU4LTljZjAtYzdlMTFmYTJmYTE4XkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Invasion of the Body Snatchers", + "Released_Year":"1956", + "Certificate":"Approved", + "Runtime":"80 min", + "Genre":"Drama, Horror, Sci-Fi", + "IMDB_Rating":7.7, + "Overview":"A small-town doctor learns that the population of his community is being replaced by emotionless alien duplicates.", + "Meta_score":92.0, + "Director":"Don Siegel", + "Star1":"Kevin McCarthy", + "Star2":"Dana Wynter", + "Star3":"Larry Gates", + "Star4":"King Donovan", + "No_of_Votes":44839, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTg2ODcxOTU1OV5BMl5BanBnXkFtZTgwNzA3ODI1MDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Rebel Without a Cause", + "Released_Year":"1955", + "Certificate":"PG-13", + "Runtime":"111 min", + "Genre":"Drama", + "IMDB_Rating":7.7, + "Overview":"A rebellious young man with a troubled past comes to a new town, finding friends and enemies.", + "Meta_score":89.0, + "Director":"Nicholas Ray", + "Star1":"James Dean", + "Star2":"Natalie Wood", + "Star3":"Sal Mineo", + "Star4":"Jim Backus", + "No_of_Votes":83363, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYTVlM2JmOGQtNWEwYy00NDQzLWIyZmEtOGZhMzgxZGRjZDA0XkEyXkFqcGdeQXVyMDI2NDg0NQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Ladykillers", + "Released_Year":"1955", + "Certificate":null, + "Runtime":"91 min", + "Genre":"Comedy, Crime", + "IMDB_Rating":7.7, + "Overview":"Five oddball criminals planning a bank robbery rent rooms on a cul-de-sac from an octogenarian widow under the pretext that they are classical musicians.", + "Meta_score":91.0, + "Director":"Alexander Mackendrick", + "Star1":"Alec Guinness", + "Star2":"Peter Sellers", + "Star3":"Cecil Parker", + "Star4":"Herbert Lom", + "No_of_Votes":26464, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYmFlNTA1NWItODQxNC00YjFmLWE3ZWYtMzg3YTkwYmMxMjY2XkEyXkFqcGdeQXVyMTMxMTY0OTQ@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Sabrina", + "Released_Year":"1954", + "Certificate":"Passed", + "Runtime":"113 min", + "Genre":"Comedy, Drama, Romance", + "IMDB_Rating":7.7, + "Overview":"A playboy becomes interested in the daughter of his family's chauffeur, but it's his more serious brother who would be the better man for her.", + "Meta_score":72.0, + "Director":"Billy Wilder", + "Star1":"Humphrey Bogart", + "Star2":"Audrey Hepburn", + "Star3":"William Holden", + "Star4":"Walter Hampden", + "No_of_Votes":59415, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMWM1ZDhlM2MtNDNmMi00MDk4LTg5MjgtODE4ODk1MjYxOTIwXkEyXkFqcGdeQXVyNjc0MzMzNjA@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Quiet Man", + "Released_Year":"1952", + "Certificate":"Passed", + "Runtime":"129 min", + "Genre":"Comedy, Drama, Romance", + "IMDB_Rating":7.7, + "Overview":"A retired American boxer returns to the village of his birth in Ireland, where he falls for a spirited redhead whose brother is contemptuous of their union.", + "Meta_score":null, + "Director":"John Ford", + "Star1":"John Wayne", + "Star2":"Maureen O'Hara", + "Star3":"Barry Fitzgerald", + "Star4":"Ward Bond", + "No_of_Votes":34677, + "Gross":"10,550,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTU5NTBmYTAtOTgyYi00NGM0LWE0ODctZjNiYWM5MmIxYzE4XkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Day the Earth Stood Still", + "Released_Year":"1951", + "Certificate":"U", + "Runtime":"92 min", + "Genre":"Drama, Sci-Fi", + "IMDB_Rating":7.7, + "Overview":"An alien lands and tells the people of Earth that they must live peacefully or be destroyed as a danger to other planets.", + "Meta_score":null, + "Director":"Robert Wise", + "Star1":"Michael Rennie", + "Star2":"Patricia Neal", + "Star3":"Hugh Marlowe", + "Star4":"Sam Jaffe", + "No_of_Votes":76315, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYzM3YjE2NGMtODY3Zi00NTY0LWE4Y2EtMTE5YzNmM2U1NTg2XkEyXkFqcGdeQXVyMTY5Nzc4MDY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The African Queen", + "Released_Year":"1951", + "Certificate":"PG", + "Runtime":"105 min", + "Genre":"Adventure, Drama, Romance", + "IMDB_Rating":7.7, + "Overview":"In WWI Africa, a gin-swilling riverboat captain is persuaded by a strait-laced missionary to use his boat to attack an enemy warship.", + "Meta_score":91.0, + "Director":"John Huston", + "Star1":"Humphrey Bogart", + "Star2":"Katharine Hepburn", + "Star3":"Robert Morley", + "Star4":"Peter Bull", + "No_of_Votes":71481, + "Gross":"536,118" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYWUxMzViZTUtNTYxNy00YjY4LWJmMjYtMzNlOThjNjhiZmZkXkEyXkFqcGdeQXVyMDI2NDg0NQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Gilda", + "Released_Year":"1946", + "Certificate":"Approved", + "Runtime":"110 min", + "Genre":"Drama, Film-Noir, Romance", + "IMDB_Rating":7.7, + "Overview":"A small-time gambler hired to work in a Buenos Aires casino discovers his employer's new wife is his former lover.", + "Meta_score":null, + "Director":"Charles Vidor", + "Star1":"Rita Hayworth", + "Star2":"Glenn Ford", + "Star3":"George Macready", + "Star4":"Joseph Calleia", + "No_of_Votes":27991, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjAxMTI1Njk3OF5BMl5BanBnXkFtZTgwNjkzODk4NTE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Fantasia", + "Released_Year":"1940", + "Certificate":"G", + "Runtime":"125 min", + "Genre":"Animation, Family, Fantasy", + "IMDB_Rating":7.7, + "Overview":"A collection of animated interpretations of great works of Western classical music.", + "Meta_score":96.0, + "Director":"James Algar", + "Star1":"Samuel Armstrong", + "Star2":"Ford Beebe Jr.", + "Star3":"Norman Ferguson", + "Star4":"David Hand", + "No_of_Votes":88662, + "Gross":"76,408,097" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYjllMmE0Y2YtYWIwZi00OWY1LWJhNWItYzM2MmNiYmFiZmRmXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Invisible Man", + "Released_Year":"1933", + "Certificate":"TV-PG", + "Runtime":"71 min", + "Genre":"Horror, Sci-Fi", + "IMDB_Rating":7.7, + "Overview":"A scientist finds a way of becoming invisible, but in doing so, he becomes murderously insane.", + "Meta_score":87.0, + "Director":"James Whale", + "Star1":"Claude Rains", + "Star2":"Gloria Stuart", + "Star3":"William Harrigan", + "Star4":"Henry Travers", + "No_of_Votes":30683, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODQ0M2Y5M2QtZGIwMC00MzJjLThlMzYtNmE3ZTMzZTYzOGEwXkEyXkFqcGdeQXVyMTkxNjUyNQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Dark Waters", + "Released_Year":"2019", + "Certificate":"PG-13", + "Runtime":"126 min", + "Genre":"Biography, Drama, History", + "IMDB_Rating":7.6, + "Overview":"A corporate defense attorney takes on an environmental lawsuit against a chemical company that exposes a lengthy history of pollution.", + "Meta_score":73.0, + "Director":"Todd Haynes", + "Star1":"Mark Ruffalo", + "Star2":"Anne Hathaway", + "Star3":"Tim Robbins", + "Star4":"Bill Pullman", + "No_of_Votes":60408, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjIwOTA3NDI3MF5BMl5BanBnXkFtZTgwNzIzMzA5NTM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Searching", + "Released_Year":"2018", + "Certificate":"U\/A", + "Runtime":"102 min", + "Genre":"Drama, Mystery, Thriller", + "IMDB_Rating":7.6, + "Overview":"After his teenage daughter goes missing, a desperate father tries to find clues on her laptop.", + "Meta_score":71.0, + "Director":"Aneesh Chaganty", + "Star1":"John Cho", + "Star2":"Debra Messing", + "Star3":"Joseph Lee", + "Star4":"Michelle La", + "No_of_Votes":140840, + "Gross":"26,020,957" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTg4ZTNkZmUtMzNlZi00YmFjLTk1MmUtNWQwNTM0YjcyNTNkXkEyXkFqcGdeQXVyNjg2NjQwMDQ@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Once Upon a Time... in Hollywood", + "Released_Year":"2019", + "Certificate":"A", + "Runtime":"161 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":7.6, + "Overview":"A faded television actor and his stunt double strive to achieve fame and success in the final years of Hollywood's Golden Age in 1969 Los Angeles.", + "Meta_score":83.0, + "Director":"Quentin Tarantino", + "Star1":"Leonardo DiCaprio", + "Star2":"Brad Pitt", + "Star3":"Margot Robbie", + "Star4":"Emile Hirsch", + "No_of_Votes":551309, + "Gross":"142,502,728" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNzk2NmU3NmEtMTVhNS00NzJhLWE1M2ItMThjZjI5NWM3YmFmXkEyXkFqcGdeQXVyMjA1MzUyODk@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Nelyubov", + "Released_Year":"2017", + "Certificate":"R", + "Runtime":"127 min", + "Genre":"Drama", + "IMDB_Rating":7.6, + "Overview":"A couple going through a divorce must team up to find their son who has disappeared during one of their bitter arguments.", + "Meta_score":86.0, + "Director":"Andrey Zvyagintsev", + "Star1":"Maryana Spivak", + "Star2":"Aleksey Rozin", + "Star3":"Matvey Novikov", + "Star4":"Marina Vasileva", + "No_of_Votes":29765, + "Gross":"566,356" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjg4ZmY1MmItMjFjOS00ZTg2LWJjNDYtNDM2YmM2NzhiNmZhXkEyXkFqcGdeQXVyNTAzMTY4MDA@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Florida Project", + "Released_Year":"2017", + "Certificate":"A", + "Runtime":"111 min", + "Genre":"Drama", + "IMDB_Rating":7.6, + "Overview":"Set over one summer, the film follows precocious six-year-old Moonee as she courts mischief and adventure with her ragtag playmates and bonds with her rebellious but caring mother, all while living in the shadows of Walt Disney World.", + "Meta_score":92.0, + "Director":"Sean Baker", + "Star1":"Brooklynn Prince", + "Star2":"Bria Vinaite", + "Star3":"Willem Dafoe", + "Star4":"Christopher Rivera", + "No_of_Votes":95181, + "Gross":"5,904,366" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYmM4YzA5NjUtZGEyOS00YzllLWJmM2UtZjhhNmJhM2E1NjUxXkEyXkFqcGdeQXVyMTkxNjUyNQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Just Mercy", + "Released_Year":"2019", + "Certificate":"A", + "Runtime":"137 min", + "Genre":"Biography, Crime, Drama", + "IMDB_Rating":7.6, + "Overview":"World-renowned civil rights defense attorney Bryan Stevenson works to free a wrongly condemned death row prisoner.", + "Meta_score":68.0, + "Director":"Destin Daniel Cretton", + "Star1":"Michael B. Jordan", + "Star2":"Jamie Foxx", + "Star3":"Brie Larson", + "Star4":"Charlie Pye Jr.", + "No_of_Votes":46739, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjQ2NDU3NDE0M15BMl5BanBnXkFtZTgwMjA3OTg0MDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Gifted", + "Released_Year":"2017", + "Certificate":"PG-13", + "Runtime":"101 min", + "Genre":"Drama", + "IMDB_Rating":7.6, + "Overview":"Frank, a single man raising his child prodigy niece Mary, is drawn into a custody battle with his mother.", + "Meta_score":60.0, + "Director":"Marc Webb", + "Star1":"Chris Evans", + "Star2":"Mckenna Grace", + "Star3":"Lindsay Duncan", + "Star4":"Octavia Spencer", + "No_of_Votes":99643, + "Gross":"24,801,212" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOWVmZGQ0MGYtMDI1Yy00MDkxLWJiYjQtMmZjZmQ0NDFmMDRhXkEyXkFqcGdeQXVyNjg3MDMxNzU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Peanut Butter Falcon", + "Released_Year":"2019", + "Certificate":"PG-13", + "Runtime":"97 min", + "Genre":"Adventure, Comedy, Drama", + "IMDB_Rating":7.6, + "Overview":"Zak runs away from his care home to make his dream of becoming a wrestler come true.", + "Meta_score":70.0, + "Director":"Tyler Nilson", + "Star1":"Michael Schwartz", + "Star2":"Zack Gottsagen", + "Star3":"Ann Owens", + "Star4":"Dakota Johnson", + "No_of_Votes":66346, + "Gross":"13,122,642" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTc5NzQzNjk2NF5BMl5BanBnXkFtZTgwODU0MjI5NjE@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Victoria", + "Released_Year":"2015", + "Certificate":null, + "Runtime":"138 min", + "Genre":"Crime, Drama, Romance", + "IMDB_Rating":7.6, + "Overview":"A young Spanish woman who has recently moved to Berlin finds her flirtation with a local guy turn potentially deadly as their night out with his friends reveals a dangerous secret.", + "Meta_score":77.0, + "Director":"Sebastian Schipper", + "Star1":"Laia Costa", + "Star2":"Frederick Lau", + "Star3":"Franz Rogowski", + "Star4":"Burak Yigit", + "No_of_Votes":52903, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTkwODUzODA0OV5BMl5BanBnXkFtZTgwMTA3ODkxNzE@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Mustang", + "Released_Year":"2015", + "Certificate":"PG-13", + "Runtime":"97 min", + "Genre":"Drama", + "IMDB_Rating":7.6, + "Overview":"When five orphan girls are seen innocently playing with boys on a beach, their scandalized conservative guardians confine them while forced marriages are arranged.", + "Meta_score":83.0, + "Director":"Deniz Gamze Erg\u00fcven", + "Star1":"G\u00fcnes Sensoy", + "Star2":"Doga Zeynep Doguslu", + "Star3":"Tugba Sunguroglu", + "Star4":"Elit Iscan", + "No_of_Votes":35785, + "Gross":"845,464" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjM0NTc0NzItM2FlYS00YzEwLWE0YmUtNTA2ZWIzODc2OTgxXkEyXkFqcGdeQXVyNTgwNzIyNzg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Guardians of the Galaxy Vol. 2", + "Released_Year":"2017", + "Certificate":"UA", + "Runtime":"136 min", + "Genre":"Action, Adventure, Comedy", + "IMDB_Rating":7.6, + "Overview":"The Guardians struggle to keep together as a team while dealing with their personal family issues, notably Star-Lord's encounter with his father the ambitious celestial being Ego.", + "Meta_score":67.0, + "Director":"James Gunn", + "Star1":"Chris Pratt", + "Star2":"Zoe Saldana", + "Star3":"Dave Bautista", + "Star4":"Vin Diesel", + "No_of_Votes":569974, + "Gross":"389,813,101" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjM3MjQ1MzkxNl5BMl5BanBnXkFtZTgwODk1ODgyMjI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Baby Driver", + "Released_Year":"2017", + "Certificate":"UA", + "Runtime":"113 min", + "Genre":"Action, Crime, Drama", + "IMDB_Rating":7.6, + "Overview":"After being coerced into working for a crime boss, a young getaway driver finds himself taking part in a heist doomed to fail.", + "Meta_score":86.0, + "Director":"Edgar Wright", + "Star1":"Ansel Elgort", + "Star2":"Jon Bernthal", + "Star3":"Jon Hamm", + "Star4":"Eiza Gonz\u00e1lez", + "No_of_Votes":439406, + "Gross":"107,825,862" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYWFlOWI3YTMtYTk3NS00YWQ2LTlmYTMtZjk0ZDk4Y2NjODI0XkEyXkFqcGdeQXVyNTQxNTQ4Mg@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Only the Brave", + "Released_Year":"2017", + "Certificate":"UA", + "Runtime":"134 min", + "Genre":"Action, Biography, Drama", + "IMDB_Rating":7.6, + "Overview":"Based on the true story of the Granite Mountain Hotshots, a group of elite firefighters who risk everything to protect a town from a historic wildfire.", + "Meta_score":72.0, + "Director":"Joseph Kosinski", + "Star1":"Josh Brolin", + "Star2":"Miles Teller", + "Star3":"Jeff Bridges", + "Star4":"Jennifer Connelly", + "No_of_Votes":58371, + "Gross":"18,340,051" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjIxOTI0MjU5NV5BMl5BanBnXkFtZTgwNzM4OTk4NTE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Bridge of Spies", + "Released_Year":"2015", + "Certificate":"UA", + "Runtime":"142 min", + "Genre":"Drama, History, Thriller", + "IMDB_Rating":7.6, + "Overview":"During the Cold War, an American lawyer is recruited to defend an arrested Soviet spy in court, and then help the CIA facilitate an exchange of the spy for the Soviet captured American U2 spy plane pilot, Francis Gary Powers.", + "Meta_score":81.0, + "Director":"Steven Spielberg", + "Star1":"Tom Hanks", + "Star2":"Mark Rylance", + "Star3":"Alan Alda", + "Star4":"Amy Ryan", + "No_of_Votes":287659, + "Gross":"72,313,754" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTEzNzY0OTg0NTdeQTJeQWpwZ15BbWU4MDU3OTg3MjUz._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Incredibles 2", + "Released_Year":"2018", + "Certificate":"UA", + "Runtime":"118 min", + "Genre":"Animation, Action, Adventure", + "IMDB_Rating":7.6, + "Overview":"The Incredibles family takes on a new mission which involves a change in family roles: Bob Parr (Mr. Incredible) must manage the house while his wife Helen (Elastigirl) goes out to save the world.", + "Meta_score":80.0, + "Director":"Brad Bird", + "Star1":"Craig T. Nelson", + "Star2":"Holly Hunter", + "Star3":"Sarah Vowell", + "Star4":"Huck Milner", + "No_of_Votes":250057, + "Gross":"608,581,744" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjI4MzU5NTExNF5BMl5BanBnXkFtZTgwNzY1MTEwMDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Moana", + "Released_Year":"2016", + "Certificate":"U", + "Runtime":"107 min", + "Genre":"Animation, Adventure, Comedy", + "IMDB_Rating":7.6, + "Overview":"In Ancient Polynesia, when a terrible curse incurred by the Demigod Maui reaches Moana's island, she answers the Ocean's call to seek out the Demigod to set things right.", + "Meta_score":81.0, + "Director":"Ron Clements", + "Star1":"John Musker", + "Star2":"Don Hall", + "Star3":"Chris Williams", + "Star4":"Auli'i Cravalho", + "No_of_Votes":272784, + "Gross":"248,757,044" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjA5NjM3NTk1M15BMl5BanBnXkFtZTgwMzg1MzU2NjE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Sicario", + "Released_Year":"2015", + "Certificate":"A", + "Runtime":"121 min", + "Genre":"Action, Crime, Drama", + "IMDB_Rating":7.6, + "Overview":"An idealistic FBI agent is enlisted by a government task force to aid in the escalating war against drugs at the border area between the U.S. and Mexico.", + "Meta_score":82.0, + "Director":"Denis Villeneuve", + "Star1":"Emily Blunt", + "Star2":"Josh Brolin", + "Star3":"Benicio Del Toro", + "Star4":"Jon Bernthal", + "No_of_Votes":371291, + "Gross":"46,889,293" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNmZkYjQzY2QtNjdkNC00YjkzLTk5NjUtY2MyNDNiYTBhN2M2XkEyXkFqcGdeQXVyMjMwNDgzNjc@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Creed", + "Released_Year":"2015", + "Certificate":"A", + "Runtime":"133 min", + "Genre":"Drama, Sport", + "IMDB_Rating":7.6, + "Overview":"The former World Heavyweight Champion Rocky Balboa serves as a trainer and mentor to Adonis Johnson, the son of his late friend and former rival Apollo Creed.", + "Meta_score":82.0, + "Director":"Ryan Coogler", + "Star1":"Michael B. Jordan", + "Star2":"Sylvester Stallone", + "Star3":"Tessa Thompson", + "Star4":"Phylicia Rashad", + "No_of_Votes":247666, + "Gross":"109,767,581" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYTYxZjQ2YTktNmVkMC00ZTY4LThkZmItMDc4MTJiYjVhZjM0L2ltYWdlXkEyXkFqcGdeQXVyMjgyNjk3MzE@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Leviafan", + "Released_Year":"2014", + "Certificate":"R", + "Runtime":"140 min", + "Genre":"Crime, Drama", + "IMDB_Rating":7.6, + "Overview":"In a Russian coastal town, Kolya is forced to fight the corrupt mayor when he is told that his house will be demolished. He recruits a lawyer friend to help, but the man's arrival brings further misfortune for Kolya and his family.", + "Meta_score":92.0, + "Director":"Andrey Zvyagintsev", + "Star1":"Aleksey Serebryakov", + "Star2":"Elena Lyadova", + "Star3":"Roman Madyanov", + "Star4":"Vladimir Vdovichenkov", + "No_of_Votes":49397, + "Gross":"1,092,800" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTg4NDA1OTA5NF5BMl5BanBnXkFtZTgwMDQ2MDM5ODE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Hell or High Water", + "Released_Year":"2016", + "Certificate":"R", + "Runtime":"102 min", + "Genre":"Action, Crime, Drama", + "IMDB_Rating":7.6, + "Overview":"A divorced father and his ex-con older brother resort to a desperate scheme in order to save their family's ranch in West Texas.", + "Meta_score":88.0, + "Director":"David Mackenzie", + "Star1":"Chris Pine", + "Star2":"Ben Foster", + "Star3":"Jeff Bridges", + "Star4":"Gil Birmingham", + "No_of_Votes":204175, + "Gross":"26,862,450" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjA5ODgyNzcxMV5BMl5BanBnXkFtZTgwMzkzOTYzMDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Philomena", + "Released_Year":"2013", + "Certificate":"PG-13", + "Runtime":"98 min", + "Genre":"Biography, Comedy, Drama", + "IMDB_Rating":7.6, + "Overview":"A world-weary political journalist picks up the story of a woman's search for her son, who was taken away from her decades ago after she became pregnant and was forced to live in a convent.", + "Meta_score":77.0, + "Director":"Stephen Frears", + "Star1":"Judi Dench", + "Star2":"Steve Coogan", + "Star3":"Sophie Kennedy Clark", + "Star4":"Mare Winningham", + "No_of_Votes":94212, + "Gross":"37,707,719" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTgwODk3NDc1N15BMl5BanBnXkFtZTgwNTc1NjQwMjE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Dawn of the Planet of the Apes", + "Released_Year":"2014", + "Certificate":"UA", + "Runtime":"130 min", + "Genre":"Action, Adventure, Drama", + "IMDB_Rating":7.6, + "Overview":"A growing nation of genetically evolved apes led by Caesar is threatened by a band of human survivors of the devastating virus unleashed a decade earlier.", + "Meta_score":79.0, + "Director":"Matt Reeves", + "Star1":"Gary Oldman", + "Star2":"Keri Russell", + "Star3":"Andy Serkis", + "Star4":"Kodi Smit-McPhee", + "No_of_Votes":411599, + "Gross":"208,545,589" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNGMxZjFkN2EtMDRiMS00ZTBjLWI0M2MtZWUyYjFhZGViZDJlXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"El cuerpo", + "Released_Year":"2012", + "Certificate":null, + "Runtime":"112 min", + "Genre":"Mystery, Thriller", + "IMDB_Rating":7.6, + "Overview":"A detective searches for the body of a femme fatale which has gone missing from a morgue.", + "Meta_score":null, + "Director":"Oriol Paulo", + "Star1":"Jose Coronado", + "Star2":"Hugo Silva", + "Star3":"Bel\u00e9n Rueda", + "Star4":"Aura Garrido", + "No_of_Votes":57549, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZGIxODNjM2YtZjA5Mi00MjA5LTk2YjItODE0OWI5NThjNTBmXkEyXkFqcGdeQXVyNzQ1ODk3MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Serbuan maut", + "Released_Year":"2011", + "Certificate":"A", + "Runtime":"101 min", + "Genre":"Action, Thriller", + "IMDB_Rating":7.6, + "Overview":"A S.W.A.T. team becomes trapped in a tenement run by a ruthless mobster and his army of killers and thugs.", + "Meta_score":73.0, + "Director":"Gareth Evans", + "Star1":"Iko Uwais", + "Star2":"Ananda George", + "Star3":"Ray Sahetapy", + "Star4":"Donny Alamsyah", + "No_of_Votes":190531, + "Gross":"4,105,123" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjMxNjU0ODU5Ml5BMl5BanBnXkFtZTcwNjI4MzAyOA@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"End of Watch", + "Released_Year":"2012", + "Certificate":"A", + "Runtime":"109 min", + "Genre":"Action, Crime, Drama", + "IMDB_Rating":7.6, + "Overview":"Shot documentary-style, this film follows the daily grind of two young police officers in LA who are partners and friends, and what happens when they meet criminal forces greater than themselves.", + "Meta_score":68.0, + "Director":"David Ayer", + "Star1":"Jake Gyllenhaal", + "Star2":"Michael Pe\u00f1a", + "Star3":"Anna Kendrick", + "Star4":"America Ferrera", + "No_of_Votes":228132, + "Gross":"41,003,371" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZDY3ZGI0ZDAtMThlNy00MzAxLTg4YjAtNjkwYTkxNmQ4MjdlXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Kari-gurashi no Arietti", + "Released_Year":"2010", + "Certificate":"U", + "Runtime":"94 min", + "Genre":"Animation, Adventure, Family", + "IMDB_Rating":7.6, + "Overview":"The Clock family are four-inch-tall people who live anonymously in another family's residence, borrowing simple items to make their home. Life changes for the Clocks when their teenage daughter, Arrietty, is discovered.", + "Meta_score":80.0, + "Director":"Hiromasa Yonebayashi", + "Star1":"Amy Poehler", + "Star2":"Mirai Shida", + "Star3":"Ry\u00fbnosuke Kamiki", + "Star4":"Tatsuya Fujiwara", + "No_of_Votes":80939, + "Gross":"19,202,743" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNmE5ZmE3OGItNTdlNC00YmMxLWEzNjctYzAwOGQ5ODg0OTI0XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"A Star Is Born", + "Released_Year":"2018", + "Certificate":"UA", + "Runtime":"136 min", + "Genre":"Drama, Music, Romance", + "IMDB_Rating":7.6, + "Overview":"A musician helps a young singer find fame as age and alcoholism send his own career into a downward spiral.", + "Meta_score":88.0, + "Director":"Bradley Cooper", + "Star1":"Lady Gaga", + "Star2":"Bradley Cooper", + "Star3":"Sam Elliott", + "Star4":"Greg Grunberg", + "No_of_Votes":334312, + "Gross":"215,288,866" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODhkZDIzNjgtOTA5ZS00MmMzLWFkNjYtM2Y2MzFjN2FkNjAzL2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"True Grit", + "Released_Year":"2010", + "Certificate":"PG-13", + "Runtime":"110 min", + "Genre":"Drama, Western", + "IMDB_Rating":7.6, + "Overview":"A stubborn teenager enlists the help of a tough U.S. Marshal to track down her father's murderer.", + "Meta_score":80.0, + "Director":"Ethan Coen", + "Star1":"Joel Coen", + "Star2":"Jeff Bridges", + "Star3":"Matt Damon", + "Star4":"Hailee Steinfeld", + "No_of_Votes":311822, + "Gross":"171,243,005" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNDY2OTE5MzE0Nl5BMl5BanBnXkFtZTcwNDAyOTc2NA@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"H\u00e6vnen", + "Released_Year":"2010", + "Certificate":"R", + "Runtime":"118 min", + "Genre":"Drama, Romance", + "IMDB_Rating":7.6, + "Overview":"The lives of two Danish families cross each other, and an extraordinary but risky friendship comes into bud. But loneliness, frailty and sorrow lie in wait.", + "Meta_score":65.0, + "Director":"Susanne Bier", + "Star1":"Mikael Persbrandt", + "Star2":"Trine Dyrholm", + "Star3":"Markus Rygaard", + "Star4":"Wil Johnson", + "No_of_Votes":38491, + "Gross":"1,008,098" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTY3NjY0MTQ0Nl5BMl5BanBnXkFtZTcwMzQ2MTc0Mw@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Despicable Me", + "Released_Year":"2010", + "Certificate":"U", + "Runtime":"95 min", + "Genre":"Animation, Comedy, Crime", + "IMDB_Rating":7.6, + "Overview":"When a criminal mastermind uses a trio of orphan girls as pawns for a grand scheme, he finds their love is profoundly changing him for the better.", + "Meta_score":72.0, + "Director":"Pierre Coffin", + "Star1":"Chris Renaud", + "Star2":"Steve Carell", + "Star3":"Jason Segel", + "Star4":"Russell Brand", + "No_of_Votes":500851, + "Gross":"251,513,985" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjg3ODQyNTIyN15BMl5BanBnXkFtZTcwMjUzNzM5NQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"50\/50", + "Released_Year":"2011", + "Certificate":"R", + "Runtime":"100 min", + "Genre":"Comedy, Drama, Romance", + "IMDB_Rating":7.6, + "Overview":"Inspired by a true story, a comedy centered on a 27-year-old guy who learns of his cancer diagnosis and his subsequent struggle to beat the disease.", + "Meta_score":72.0, + "Director":"Jonathan Levine", + "Star1":"Joseph Gordon-Levitt", + "Star2":"Seth Rogen", + "Star3":"Anna Kendrick", + "Star4":"Bryce Dallas Howard", + "No_of_Votes":315426, + "Gross":"35,014,192" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTMzNzEzMDYxM15BMl5BanBnXkFtZTcwMTc0NTMxMw@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Kick-Ass", + "Released_Year":"2010", + "Certificate":"UA", + "Runtime":"117 min", + "Genre":"Action, Comedy, Crime", + "IMDB_Rating":7.6, + "Overview":"Dave Lizewski is an unnoticed high school student and comic book fan who one day decides to become a superhero, even though he has no powers, training or meaningful reason to do so.", + "Meta_score":66.0, + "Director":"Matthew Vaughn", + "Star1":"Aaron Taylor-Johnson", + "Star2":"Nicolas Cage", + "Star3":"Chlo\u00eb Grace Moretz", + "Star4":"Garrett M. Brown", + "No_of_Votes":524081, + "Gross":"48,071,303" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjI2ODE4ODAtMDA3MS00ODNkLTg4N2EtOGU0YjZmNGY4NjZlXkEyXkFqcGdeQXVyMTY5MDE5NA@@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Celda 211", + "Released_Year":"2009", + "Certificate":null, + "Runtime":"113 min", + "Genre":"Action, Adventure, Crime", + "IMDB_Rating":7.6, + "Overview":"The story of two men on different sides of a prison riot -- the inmate leading the rebellion and the young guard trapped in the revolt, who poses as a prisoner in a desperate attempt to survive the ordeal.", + "Meta_score":null, + "Director":"Daniel Monz\u00f3n", + "Star1":"Luis Tosar", + "Star2":"Alberto Ammann", + "Star3":"Antonio Resines", + "Star4":"Manuel Mor\u00f3n", + "No_of_Votes":63882, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjAxOTU3Mzc1M15BMl5BanBnXkFtZTcwMzk1ODUzNg@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Moneyball", + "Released_Year":"2011", + "Certificate":"PG-13", + "Runtime":"133 min", + "Genre":"Biography, Drama, Sport", + "IMDB_Rating":7.6, + "Overview":"Oakland A's general manager Billy Beane's successful attempt to assemble a baseball team on a lean budget by employing computer-generated analysis to acquire new players.", + "Meta_score":87.0, + "Director":"Bennett Miller", + "Star1":"Brad Pitt", + "Star2":"Robin Wright", + "Star3":"Jonah Hill", + "Star4":"Philip Seymour Hoffman", + "No_of_Votes":369529, + "Gross":"75,605,492" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYmFmNjY5NDYtZjlhNi00YjQ5LTgzNzctNWRiNWUzNmIyNjc4XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"La piel que habito", + "Released_Year":"2011", + "Certificate":"R", + "Runtime":"120 min", + "Genre":"Drama, Horror, Thriller", + "IMDB_Rating":7.6, + "Overview":"A brilliant plastic surgeon, haunted by past tragedies, creates a type of synthetic skin that withstands any kind of damage. His guinea pig: a mysterious and volatile woman who holds the key to his obsession.", + "Meta_score":70.0, + "Director":"Pedro Almod\u00f3var", + "Star1":"Antonio Banderas", + "Star2":"Elena Anaya", + "Star3":"Jan Cornet", + "Star4":"Marisa Paredes", + "No_of_Votes":138959, + "Gross":"3,185,812" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTU5MDg0NTQ1N15BMl5BanBnXkFtZTcwMjA4Mjg3Mg@@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Zombieland", + "Released_Year":"2009", + "Certificate":"A", + "Runtime":"88 min", + "Genre":"Adventure, Comedy, Fantasy", + "IMDB_Rating":7.6, + "Overview":"A shy student trying to reach his family in Ohio, a gun-toting tough guy trying to find the last Twinkie, and a pair of sisters trying to get to an amusement park join forces to travel across a zombie-filled America.", + "Meta_score":73.0, + "Director":"Ruben Fleischer", + "Star1":"Jesse Eisenberg", + "Star2":"Emma Stone", + "Star3":"Woody Harrelson", + "Star4":"Abigail Breslin", + "No_of_Votes":520041, + "Gross":"75,590,286" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzc0ZmUyZjAtZThkMi00ZDY5LTg5YjctYmUwM2FiYjMyMDI5XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Die Welle", + "Released_Year":"2008", + "Certificate":null, + "Runtime":"107 min", + "Genre":"Drama, Thriller", + "IMDB_Rating":7.6, + "Overview":"A high school teacher's experiment to demonstrate to his students what life is like under a dictatorship spins horribly out of control when he forms a social unit with a life of its own.", + "Meta_score":null, + "Director":"Dennis Gansel", + "Star1":"J\u00fcrgen Vogel", + "Star2":"Frederick Lau", + "Star3":"Max Riemelt", + "Star4":"Jennifer Ulrich", + "No_of_Votes":102742, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTg0NjEwNjUxM15BMl5BanBnXkFtZTcwMzk0MjQ5Mg@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Sherlock Holmes", + "Released_Year":"2009", + "Certificate":"PG-13", + "Runtime":"128 min", + "Genre":"Action, Adventure, Mystery", + "IMDB_Rating":7.6, + "Overview":"Detective Sherlock Holmes and his stalwart partner Watson engage in a battle of wits and brawn with a nemesis whose plot is a threat to all of England.", + "Meta_score":57.0, + "Director":"Guy Ritchie", + "Star1":"Robert Downey Jr.", + "Star2":"Jude Law", + "Star3":"Rachel McAdams", + "Star4":"Mark Strong", + "No_of_Votes":583158, + "Gross":"209,028,679" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjEzOTE3ODM3OF5BMl5BanBnXkFtZTcwMzYyODI4Mg@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Blind Side", + "Released_Year":"2009", + "Certificate":"UA", + "Runtime":"129 min", + "Genre":"Biography, Drama, Sport", + "IMDB_Rating":7.6, + "Overview":"The story of Michael Oher, a homeless and traumatized boy who became an All-American football player and first-round NFL draft pick with the help of a caring woman and her family.", + "Meta_score":53.0, + "Director":"John Lee Hancock", + "Star1":"Quinton Aaron", + "Star2":"Sandra Bullock", + "Star3":"Tim McGraw", + "Star4":"Jae Head", + "No_of_Votes":293266, + "Gross":"255,959,475" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTIzNTg3NzkzNV5BMl5BanBnXkFtZTcwNzMwMjU2MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Visitor", + "Released_Year":"2007", + "Certificate":"PG-13", + "Runtime":"104 min", + "Genre":"Drama", + "IMDB_Rating":7.6, + "Overview":"A college professor travels to New York City to attend a conference and finds a young couple living in his apartment.", + "Meta_score":79.0, + "Director":"Tom McCarthy", + "Star1":"Richard Jenkins", + "Star2":"Haaz Sleiman", + "Star3":"Danai Gurira", + "Star4":"Hiam Abbass", + "No_of_Votes":41544, + "Gross":"9,422,422" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTU0NzY0MTY5OF5BMl5BanBnXkFtZTcwODY3MDEwMg@@._V1_UY98_CR3,0,67,98_AL_.jpg", + "Series_Title":"Seven Pounds", + "Released_Year":"2008", + "Certificate":"UA", + "Runtime":"123 min", + "Genre":"Drama", + "IMDB_Rating":7.6, + "Overview":"A man with a fateful secret embarks on an extraordinary journey of redemption by forever changing the lives of seven strangers.", + "Meta_score":36.0, + "Director":"Gabriele Muccino", + "Star1":"Will Smith", + "Star2":"Rosario Dawson", + "Star3":"Woody Harrelson", + "Star4":"Michael Ealy", + "No_of_Votes":286770, + "Gross":"69,951,824" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTcwMzU0OTY3NF5BMl5BanBnXkFtZTYwNzkwNjg2._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Eastern Promises", + "Released_Year":"2007", + "Certificate":"R", + "Runtime":"100 min", + "Genre":"Action, Crime, Drama", + "IMDB_Rating":7.6, + "Overview":"A teenager who dies during childbirth leaves clues in her journal that could tie her child to a rape involving a violent Russian mob family.", + "Meta_score":82.0, + "Director":"David Cronenberg", + "Star1":"Naomi Watts", + "Star2":"Viggo Mortensen", + "Star3":"Armin Mueller-Stahl", + "Star4":"Josef Altin", + "No_of_Votes":227760, + "Gross":"17,114,882" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjkyMTE1OTYwNF5BMl5BanBnXkFtZTcwMDIxODYzMw@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Stardust", + "Released_Year":"2007", + "Certificate":"U", + "Runtime":"127 min", + "Genre":"Adventure, Family, Fantasy", + "IMDB_Rating":7.6, + "Overview":"In a countryside town bordering on a magical land, a young man makes a promise to his beloved that he'll retrieve a fallen star by venturing into the magical realm.", + "Meta_score":66.0, + "Director":"Matthew Vaughn", + "Star1":"Charlie Cox", + "Star2":"Claire Danes", + "Star3":"Sienna Miller", + "Star4":"Ian McKellen", + "No_of_Votes":255036, + "Gross":"38,634,938" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjEzMjEzNTIzOF5BMl5BanBnXkFtZTcwMTg2MjAyMw@@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Secret of Kells", + "Released_Year":"2009", + "Certificate":null, + "Runtime":"71 min", + "Genre":"Animation, Adventure, Family", + "IMDB_Rating":7.6, + "Overview":"A young boy in a remote medieval outpost under siege from barbarian raids is beckoned to adventure when a celebrated master illuminator arrives with an ancient book, brimming with secret wisdom and powers.", + "Meta_score":81.0, + "Director":"Tomm Moore", + "Star1":"Nora Twomey", + "Star2":"Evan McGuire", + "Star3":"Brendan Gleeson", + "Star4":"Mick Lally", + "No_of_Votes":31779, + "Gross":"686,383" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYjc4MjA2ZDgtOGY3YS00NDYzLTlmNTEtYWMxMzcwZjgzYWNjXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Inside Man", + "Released_Year":"2006", + "Certificate":"R", + "Runtime":"129 min", + "Genre":"Crime, Drama, Mystery", + "IMDB_Rating":7.6, + "Overview":"A police detective, a bank robber, and a high-power broker enter high-stakes negotiations after the criminal's brilliant heist spirals into a hostage situation.", + "Meta_score":76.0, + "Director":"Spike Lee", + "Star1":"Denzel Washington", + "Star2":"Clive Owen", + "Star3":"Jodie Foster", + "Star4":"Christopher Plummer", + "No_of_Votes":339757, + "Gross":"88,513,495" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYmM2NDNiNGItMTRhMi00ZDA2LTgzOWMtZTE2ZjFhMDQ2M2U5XkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Gone Baby Gone", + "Released_Year":"2007", + "Certificate":"R", + "Runtime":"114 min", + "Genre":"Crime, Drama, Mystery", + "IMDB_Rating":7.6, + "Overview":"Two Boston area detectives investigate a little girl's kidnapping, which ultimately turns into a crisis both professionally and personally.", + "Meta_score":72.0, + "Director":"Ben Affleck", + "Star1":"Morgan Freeman", + "Star2":"Ed Harris", + "Star3":"Casey Affleck", + "Star4":"Michelle Monaghan", + "No_of_Votes":250590, + "Gross":"20,300,218" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BOTBmZDZkNWYtODIzYi00N2Y4LWFjMmMtNmM1OGYyNGVhYzUzXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"La Vie En Rose", + "Released_Year":"2007", + "Certificate":"PG-13", + "Runtime":"140 min", + "Genre":"Biography, Drama, Music", + "IMDB_Rating":7.6, + "Overview":"Biopic of the iconic French singer \u00c9dith Piaf. Raised by her grandmother in a brothel, she was discovered while singing on a street corner at the age of 19. Despite her success, Piaf's life was filled with tragedy.", + "Meta_score":66.0, + "Director":"Olivier Dahan", + "Star1":"Marion Cotillard", + "Star2":"Sylvie Testud", + "Star3":"Pascal Greggory", + "Star4":"Emmanuelle Seigner", + "No_of_Votes":82781, + "Gross":"10,301,706" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTI5MjA2Mzk2M15BMl5BanBnXkFtZTcwODY1MDUzMQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Huo Yuan Jia", + "Released_Year":"2006", + "Certificate":"PG-13", + "Runtime":"104 min", + "Genre":"Action, Biography, Drama", + "IMDB_Rating":7.6, + "Overview":"A biography of Chinese Martial Arts Master Huo Yuanjia, who is the founder and spiritual guru of the Jin Wu Sports Federation.", + "Meta_score":70.0, + "Director":"Ronny Yu", + "Star1":"Jet Li", + "Star2":"Li Sun", + "Star3":"Yong Dong", + "Star4":"Yun Qu", + "No_of_Votes":72863, + "Gross":"24,633,730" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BY2VkMzZlZDAtNTkzNS00MDIzLWFmOTctMWQwZjQ1OWJiYzQ1XkEyXkFqcGdeQXVyNTIzOTk5ODM@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"The Illusionist", + "Released_Year":"2006", + "Certificate":"U", + "Runtime":"110 min", + "Genre":"Drama, Fantasy, Mystery", + "IMDB_Rating":7.6, + "Overview":"In turn-of-the-century Vienna, a magician uses his abilities to secure the love of a woman far above his social standing.", + "Meta_score":68.0, + "Director":"Neil Burger", + "Star1":"Edward Norton", + "Star2":"Jessica Biel", + "Star3":"Paul Giamatti", + "Star4":"Rufus Sewell", + "No_of_Votes":354728, + "Gross":"39,868,642" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTI5Mzk1MDc2M15BMl5BanBnXkFtZTcwMjIzMDA0MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Dead Man's Shoes", + "Released_Year":"2004", + "Certificate":null, + "Runtime":"90 min", + "Genre":"Crime, Drama, Thriller", + "IMDB_Rating":7.6, + "Overview":"A disaffected soldier returns to his hometown to get even with the thugs who brutalized his mentally-challenged brother years ago.", + "Meta_score":52.0, + "Director":"Shane Meadows", + "Star1":"Paddy Considine", + "Star2":"Gary Stretch", + "Star3":"Toby Kebbell", + "Star4":"Stuart Wolfenden", + "No_of_Votes":49728, + "Gross":"6,013" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNzU3NDg4NTAyNV5BMl5BanBnXkFtZTcwOTg2ODg1Mg@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Harry Potter and the Half-Blood Prince", + "Released_Year":"2009", + "Certificate":"UA", + "Runtime":"153 min", + "Genre":"Action, Adventure, Family", + "IMDB_Rating":7.6, + "Overview":"As Harry Potter begins his sixth year at Hogwarts, he discovers an old book marked as \"the property of the Half-Blood Prince\" and begins to learn more about Lord Voldemort's dark past.", + "Meta_score":78.0, + "Director":"David Yates", + "Star1":"Daniel Radcliffe", + "Star2":"Emma Watson", + "Star3":"Rupert Grint", + "Star4":"Michael Gambon", + "No_of_Votes":474827, + "Gross":"301,959,197" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNWMxYTZlOTUtZDExMi00YzZmLTkwYTMtZmM2MmRjZmQ3OGY4XkEyXkFqcGdeQXVyMTAwMzUyMzUy._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"300", + "Released_Year":"2006", + "Certificate":"A", + "Runtime":"117 min", + "Genre":"Action, Drama", + "IMDB_Rating":7.6, + "Overview":"King Leonidas of Sparta and a force of 300 men fight the Persians at Thermopylae in 480 B.C.", + "Meta_score":52.0, + "Director":"Zack Snyder", + "Star1":"Gerard Butler", + "Star2":"Lena Headey", + "Star3":"David Wenham", + "Star4":"Dominic West", + "No_of_Votes":732876, + "Gross":"210,614,939" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjRjOTMwMDEtNTY4NS00OWRjLWI4ZWItZDgwYmZhMzlkYzgxXkEyXkFqcGdeQXVyODIxOTg5MTc@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Match Point", + "Released_Year":"2005", + "Certificate":"R", + "Runtime":"124 min", + "Genre":"Drama, Romance, Thriller", + "IMDB_Rating":7.6, + "Overview":"At a turning point in his life, a former tennis pro falls for an actress who happens to be dating his friend and soon-to-be brother-in-law.", + "Meta_score":72.0, + "Director":"Woody Allen", + "Star1":"Scarlett Johansson", + "Star2":"Jonathan Rhys Meyers", + "Star3":"Emily Mortimer", + "Star4":"Matthew Goode", + "No_of_Votes":206294, + "Gross":"23,089,926" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BY2IzNGNiODgtOWYzOS00OTI0LTgxZTUtOTA5OTQ5YmI3NGUzXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Watchmen", + "Released_Year":"2009", + "Certificate":"A", + "Runtime":"162 min", + "Genre":"Action, Drama, Mystery", + "IMDB_Rating":7.6, + "Overview":"In 1985 where former superheroes exist, the murder of a colleague sends active vigilante Rorschach into his own sprawling investigation, uncovering something that could completely change the course of history as we know it.", + "Meta_score":56.0, + "Director":"Zack Snyder", + "Star1":"Jackie Earle Haley", + "Star2":"Patrick Wilson", + "Star3":"Carla Gugino", + "Star4":"Malin Akerman", + "No_of_Votes":500799, + "Gross":"107,509,799" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTYzZWE3MDAtZjZkMi00MzhlLTlhZDUtNmI2Zjg3OWVlZWI0XkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Lord of War", + "Released_Year":"2005", + "Certificate":"R", + "Runtime":"122 min", + "Genre":"Action, Crime, Drama", + "IMDB_Rating":7.6, + "Overview":"An arms dealer confronts the morality of his work as he is being chased by an INTERPOL Agent.", + "Meta_score":62.0, + "Director":"Andrew Niccol", + "Star1":"Nicolas Cage", + "Star2":"Ethan Hawke", + "Star3":"Jared Leto", + "Star4":"Bridget Moynahan", + "No_of_Votes":294140, + "Gross":"24,149,632" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzQ2ZTBhNmEtZDBmYi00ODU0LTgzZmQtNmMxM2M4NzM1ZjE4XkEyXkFqcGdeQXVyNjE5MjUyOTM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Saw", + "Released_Year":"2004", + "Certificate":"UA", + "Runtime":"103 min", + "Genre":"Horror, Mystery, Thriller", + "IMDB_Rating":7.6, + "Overview":"Two strangers awaken in a room with no recollection of how they got there, and soon discover they're pawns in a deadly game perpetrated by a notorious serial killer.", + "Meta_score":46.0, + "Director":"James Wan", + "Star1":"Cary Elwes", + "Star2":"Leigh Whannell", + "Star3":"Danny Glover", + "Star4":"Ken Leung", + "No_of_Votes":379020, + "Gross":"56,000,369" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjA0MjIyOTI3MF5BMl5BanBnXkFtZTcwODM5NTY5MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Synecdoche, New York", + "Released_Year":"2008", + "Certificate":"R", + "Runtime":"124 min", + "Genre":"Drama", + "IMDB_Rating":7.6, + "Overview":"A theatre director struggles with his work, and the women in his life, as he creates a life-size replica of New York City inside a warehouse as part of his new play.", + "Meta_score":67.0, + "Director":"Charlie Kaufman", + "Star1":"Philip Seymour Hoffman", + "Star2":"Samantha Morton", + "Star3":"Michelle Williams", + "Star4":"Catherine Keener", + "No_of_Votes":83158, + "Gross":"3,081,925" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTgxMjQ4NzE5OF5BMl5BanBnXkFtZTcwNzkwOTkyMQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Mysterious Skin", + "Released_Year":"2004", + "Certificate":"R", + "Runtime":"105 min", + "Genre":"Drama", + "IMDB_Rating":7.6, + "Overview":"A teenage hustler and a young man obsessed with alien abductions cross paths, together discovering a horrible, liberating truth.", + "Meta_score":73.0, + "Director":"Gregg Araki", + "Star1":"Brady Corbet", + "Star2":"Joseph Gordon-Levitt", + "Star3":"Elisabeth Shue", + "Star4":"Chase Ellison", + "No_of_Votes":65939, + "Gross":"697,181" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjIwOGJhY2QtMTA5Yi00MDhlLWE5OTgtYmIzZDNlM2UwZjMyXkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Jeux d'enfants", + "Released_Year":"2003", + "Certificate":"R", + "Runtime":"93 min", + "Genre":"Comedy, Drama, Romance", + "IMDB_Rating":7.6, + "Overview":"As adults, best friends Julien and Sophie continue the odd game they started as children -- a fearless competition to outdo one another with daring and outrageous stunts. While they often act out to relieve one another's pain, their game might be a way to avoid the fact that they are truly meant for one another.", + "Meta_score":45.0, + "Director":"Yann Samuell", + "Star1":"Guillaume Canet", + "Star2":"Marion Cotillard", + "Star3":"Thibault Verhaeghe", + "Star4":"Jos\u00e9phine Lebas-Joly", + "No_of_Votes":67360, + "Gross":"548,707" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZWI4ZTgwMzktNjk3Yy00OTlhLTg3YTAtMTA1MWVlMWJiOTRiXkEyXkFqcGdeQXVyMTAwMzUyOTc@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Un long dimanche de fian\u00e7ailles", + "Released_Year":"2004", + "Certificate":"U", + "Runtime":"133 min", + "Genre":"Drama, Mystery, Romance", + "IMDB_Rating":7.6, + "Overview":"Tells the story of a young woman's relentless search for her fianc\u00e9, who has disappeared from the trenches of the Somme during World War One.", + "Meta_score":76.0, + "Director":"Jean-Pierre Jeunet", + "Star1":"Audrey Tautou", + "Star2":"Gaspard Ulliel", + "Star3":"Jodie Foster", + "Star4":"Dominique Pinon", + "No_of_Votes":70925, + "Gross":"6,167,817" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTUzNDgyMzg3Ml5BMl5BanBnXkFtZTcwMzIxNTAwMQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Station Agent", + "Released_Year":"2003", + "Certificate":"R", + "Runtime":"89 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":7.6, + "Overview":"When his only friend dies, a man born with dwarfism moves to rural New Jersey to live a life of solitude, only to meet a chatty hot dog vendor and a woman dealing with her own personal loss.", + "Meta_score":81.0, + "Director":"Tom McCarthy", + "Star1":"Peter Dinklage", + "Star2":"Patricia Clarkson", + "Star3":"Bobby Cannavale", + "Star4":"Paul Benjamin", + "No_of_Votes":67370, + "Gross":"5,739,376" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjA4MjI2OTM5N15BMl5BanBnXkFtZTcwNDA1NjUzMw@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"21 Grams", + "Released_Year":"2003", + "Certificate":"UA", + "Runtime":"124 min", + "Genre":"Crime, Drama, Thriller", + "IMDB_Rating":7.6, + "Overview":"A freak accident brings together a critically ill mathematician, a grieving mother, and a born-again ex-con.", + "Meta_score":70.0, + "Director":"Alejandro G. I\u00f1\u00e1rritu", + "Star1":"Sean Penn", + "Star2":"Benicio Del Toro", + "Star3":"Naomi Watts", + "Star4":"Danny Huston", + "No_of_Votes":224545, + "Gross":"16,290,476" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYmNlNDVjMWUtZDZjNS00YTBmLWE3NGUtNDcxMzE0YTQ2ODMxXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Boksuneun naui geot", + "Released_Year":"2002", + "Certificate":"R", + "Runtime":"129 min", + "Genre":"Crime, Drama, Thriller", + "IMDB_Rating":7.6, + "Overview":"A recently laid off factory worker kidnaps his former boss' friend's daughter, hoping to use the ransom money to pay for his sister's kidney transplant.", + "Meta_score":56.0, + "Director":"Chan-wook Park", + "Star1":"Kang-ho Song", + "Star2":"Shin Ha-kyun", + "Star3":"Bae Doona", + "Star4":"Ji-Eun Lim", + "No_of_Votes":62659, + "Gross":"45,289" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTMxNzYzNzUzMV5BMl5BanBnXkFtZTYwNjcwMjE3._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Finding Neverland", + "Released_Year":"2004", + "Certificate":"U", + "Runtime":"106 min", + "Genre":"Biography, Drama, Family", + "IMDB_Rating":7.6, + "Overview":"The story of Sir J.M. Barrie's friendship with a family who inspired him to create Peter Pan.", + "Meta_score":67.0, + "Director":"Marc Forster", + "Star1":"Johnny Depp", + "Star2":"Kate Winslet", + "Star3":"Julie Christie", + "Star4":"Radha Mitchell", + "No_of_Votes":198677, + "Gross":"51,680,613" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNmE0YjdlYTktMTU4Ni00Mjk2LWI3NWMtM2RjNmFiOTk4YjYxL2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"25th Hour", + "Released_Year":"2002", + "Certificate":"R", + "Runtime":"135 min", + "Genre":"Drama", + "IMDB_Rating":7.6, + "Overview":"Cornered by the DEA, convicted New York drug dealer Montgomery Brogan reevaluates his life in the 24 remaining hours before facing a seven-year jail term.", + "Meta_score":68.0, + "Director":"Spike Lee", + "Star1":"Edward Norton", + "Star2":"Barry Pepper", + "Star3":"Philip Seymour Hoffman", + "Star4":"Rosario Dawson", + "No_of_Votes":169708, + "Gross":"13,060,843" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODNiZmY2MWUtMjFhMy00ZmM2LTg2MjYtNWY1OTY5NGU2MjdjL2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Butterfly Effect", + "Released_Year":"2004", + "Certificate":"U", + "Runtime":"113 min", + "Genre":"Drama, Sci-Fi, Thriller", + "IMDB_Rating":7.6, + "Overview":"Evan Treborn suffers blackouts during significant events of his life. As he grows up, he finds a way to remember these lost memories and a supernatural way to alter his life by reading his journal.", + "Meta_score":30.0, + "Director":"Eric Bress", + "Star1":"J. Mackye Gruber", + "Star2":"Ashton Kutcher", + "Star3":"Amy Smart", + "Star4":"Melora Walters", + "No_of_Votes":451479, + "Gross":"57,938,693" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYTFkM2ViMmQtZmI5NS00MjQ2LWEyN2EtMTI1ZmNlZDU3MTZjXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"28 Days Later...", + "Released_Year":"2002", + "Certificate":"A", + "Runtime":"113 min", + "Genre":"Drama, Horror, Sci-Fi", + "IMDB_Rating":7.6, + "Overview":"Four weeks after a mysterious, incurable virus spreads throughout the UK, a handful of survivors try to find sanctuary.", + "Meta_score":73.0, + "Director":"Danny Boyle", + "Star1":"Cillian Murphy", + "Star2":"Naomie Harris", + "Star3":"Christopher Eccleston", + "Star4":"Alex Palmer", + "No_of_Votes":376853, + "Gross":"45,064,915" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMDc2MGYwYzAtNzE2Yi00YmU3LTkxMDUtODk2YjhiNDM5NDIyXkEyXkFqcGdeQXVyMTEwNDU1MzEy._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Batoru rowaiaru", + "Released_Year":"2000", + "Certificate":null, + "Runtime":"114 min", + "Genre":"Action, Adventure, Drama", + "IMDB_Rating":7.6, + "Overview":"In the future, the Japanese government captures a class of ninth-grade students and forces them to kill each other under the revolutionary \"Battle Royale\" act.", + "Meta_score":81.0, + "Director":"Kinji Fukasaku", + "Star1":"Tatsuya Fujiwara", + "Star2":"Aki Maeda", + "Star3":"Tar\u00f4 Yamamoto", + "Star4":"Takeshi Kitano", + "No_of_Votes":169091, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYmUzODQ5MGItZTZlNy00MDBhLWIxMmItMjg4Y2QyNDFlMWQ2XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Royal Tenenbaums", + "Released_Year":"2001", + "Certificate":"A", + "Runtime":"110 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":7.6, + "Overview":"The eccentric members of a dysfunctional family reluctantly gather under the same roof for various reasons.", + "Meta_score":76.0, + "Director":"Wes Anderson", + "Star1":"Gene Hackman", + "Star2":"Gwyneth Paltrow", + "Star3":"Anjelica Huston", + "Star4":"Ben Stiller", + "No_of_Votes":266842, + "Gross":"52,364,010" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNDhjMzc3ZTgtY2Y4MC00Y2U3LWFiMDctZGM3MmM4N2YzNDQ5XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Y tu mam\u00e1 tambi\u00e9n", + "Released_Year":"2001", + "Certificate":"A", + "Runtime":"106 min", + "Genre":"Drama", + "IMDB_Rating":7.6, + "Overview":"In Mexico, two teenage boys and an attractive older woman embark on a road trip and learn a thing or two about life, friendship, sex, and each other.", + "Meta_score":88.0, + "Director":"Alfonso Cuar\u00f3n", + "Star1":"Maribel Verd\u00fa", + "Star2":"Gael Garc\u00eda Bernal", + "Star3":"Daniel Gim\u00e9nez Cacho", + "Star4":"Ana L\u00f3pez Mercado", + "No_of_Votes":115827, + "Gross":"13,622,333" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjQ3NWNlNmQtMTE5ZS00MDdmLTlkZjUtZTBlM2UxMGFiMTU3XkEyXkFqcGdeQXVyNjUwNzk3NDc@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Harry Potter and the Sorcerer's Stone", + "Released_Year":"2001", + "Certificate":"U", + "Runtime":"152 min", + "Genre":"Adventure, Family, Fantasy", + "IMDB_Rating":7.6, + "Overview":"An orphaned boy enrolls in a school of wizardry, where he learns the truth about himself, his family and the terrible evil that haunts the magical world.", + "Meta_score":64.0, + "Director":"Chris Columbus", + "Star1":"Daniel Radcliffe", + "Star2":"Rupert Grint", + "Star3":"Richard Harris", + "Star4":"Maggie Smith", + "No_of_Votes":658185, + "Gross":"317,575,550" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTAxMDE4Mzc3ODNeQTJeQWpwZ15BbWU4MDY2Mjg4MDcx._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Others", + "Released_Year":"2001", + "Certificate":"PG-13", + "Runtime":"101 min", + "Genre":"Horror, Mystery, Thriller", + "IMDB_Rating":7.6, + "Overview":"A woman who lives in her darkened old family house with her two photosensitive children becomes convinced that the home is haunted.", + "Meta_score":74.0, + "Director":"Alejandro Amen\u00e1bar", + "Star1":"Nicole Kidman", + "Star2":"Christopher Eccleston", + "Star3":"Fionnula Flanagan", + "Star4":"Alakina Mann", + "No_of_Votes":337651, + "Gross":"96,522,687" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYjg5ZDkzZWEtZDQ2ZC00Y2ViLThhMzYtMmIxZDYzYTY2Y2Y2XkEyXkFqcGdeQXVyODAwMTU1MTE@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Blow", + "Released_Year":"2001", + "Certificate":"R", + "Runtime":"124 min", + "Genre":"Biography, Crime, Drama", + "IMDB_Rating":7.6, + "Overview":"The story of how George Jung, along with the Medell\u00edn Cartel headed by Pablo Escobar, established the American cocaine market in the 1970s in the United States.", + "Meta_score":52.0, + "Director":"Ted Demme", + "Star1":"Johnny Depp", + "Star2":"Pen\u00e9lope Cruz", + "Star3":"Franka Potente", + "Star4":"Rachel Griffiths", + "No_of_Votes":240714, + "Gross":"52,990,775" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYWFlY2E3ODQtZWNiNi00ZGU4LTkzNWEtZTQ2ZTViMWRhYjIzL2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Enemy at the Gates", + "Released_Year":"2001", + "Certificate":"A", + "Runtime":"131 min", + "Genre":"Drama, History, War", + "IMDB_Rating":7.6, + "Overview":"A Russian and a German sniper play a game of cat-and-mouse during the Battle of Stalingrad.", + "Meta_score":53.0, + "Director":"Jean-Jacques Annaud", + "Star1":"Jude Law", + "Star2":"Ed Harris", + "Star3":"Joseph Fiennes", + "Star4":"Rachel Weisz", + "No_of_Votes":243729, + "Gross":"51,401,758" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZTI3YzZjZjEtMDdjOC00OWVjLTk0YmYtYzI2MGMwZjFiMzBlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Minority Report", + "Released_Year":"2002", + "Certificate":"A", + "Runtime":"145 min", + "Genre":"Action, Crime, Mystery", + "IMDB_Rating":7.6, + "Overview":"In a future where a special police unit is able to arrest murderers before they commit their crimes, an officer from that unit is himself accused of a future murder.", + "Meta_score":80.0, + "Director":"Steven Spielberg", + "Star1":"Tom Cruise", + "Star2":"Colin Farrell", + "Star3":"Samantha Morton", + "Star4":"Max von Sydow", + "No_of_Votes":508417, + "Gross":"132,072,926" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTA3OTYxMzg0MDFeQTJeQWpwZ15BbWU4MDY1MjY0MTEx._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Hurricane", + "Released_Year":"1999", + "Certificate":"R", + "Runtime":"146 min", + "Genre":"Biography, Drama, Sport", + "IMDB_Rating":7.6, + "Overview":"The story of Rubin 'Hurricane' Carter, a boxer wrongly imprisoned for murder, and the people who aided in his fight to prove his innocence.", + "Meta_score":74.0, + "Director":"Norman Jewison", + "Star1":"Denzel Washington", + "Star2":"Vicellous Shannon", + "Star3":"Deborah Kara Unger", + "Star4":"Liev Schreiber", + "No_of_Votes":91557, + "Gross":"50,668,906" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZTM2ZGJmNjQtN2UyOS00NjcxLWFjMDktMDE2NzMyNTZlZTBiXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"American Psycho", + "Released_Year":"2000", + "Certificate":"A", + "Runtime":"101 min", + "Genre":"Comedy, Crime, Drama", + "IMDB_Rating":7.6, + "Overview":"A wealthy New York City investment banking executive, Patrick Bateman, hides his alternate psychopathic ego from his co-workers and friends as he delves deeper into his violent, hedonistic fantasies.", + "Meta_score":64.0, + "Director":"Mary Harron", + "Star1":"Christian Bale", + "Star2":"Justin Theroux", + "Star3":"Josh Lucas", + "Star4":"Bill Sage", + "No_of_Votes":490062, + "Gross":"15,070,285" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMmU5ZjFmYjQtYmNjZC00Yjk4LWI1ZTQtZDJiMjM0YjQyNDU0L2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Lola rennt", + "Released_Year":"1998", + "Certificate":"UA", + "Runtime":"81 min", + "Genre":"Crime, Drama, Thriller", + "IMDB_Rating":7.6, + "Overview":"After a botched money delivery, Lola has 20 minutes to come up with 100,000 Deutschmarks.", + "Meta_score":77.0, + "Director":"Tom Tykwer", + "Star1":"Franka Potente", + "Star2":"Moritz Bleibtreu", + "Star3":"Herbert Knaup", + "Star4":"Nina Petri", + "No_of_Votes":188317, + "Gross":"7,267,585" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYjEzMTM2NjAtNWFmZC00MTVlLTgyMmQtMGQyNTFjZDk5N2NmXkEyXkFqcGdeQXVyNzQ1ODk3MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Thin Red Line", + "Released_Year":"1998", + "Certificate":"A", + "Runtime":"170 min", + "Genre":"Drama, War", + "IMDB_Rating":7.6, + "Overview":"Adaptation of James Jones' autobiographical 1962 novel, focusing on the conflict at Guadalcanal during the second World War.", + "Meta_score":78.0, + "Director":"Terrence Malick", + "Star1":"Jim Caviezel", + "Star2":"Sean Penn", + "Star3":"Nick Nolte", + "Star4":"Kirk Acevedo", + "No_of_Votes":172710, + "Gross":"36,400,491" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODkxNGQ1NWYtNzg0Ny00Yjg3LThmZTItMjE2YjhmZTQ0ODY5XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Mulan", + "Released_Year":"1998", + "Certificate":"U", + "Runtime":"88 min", + "Genre":"Animation, Adventure, Family", + "IMDB_Rating":7.6, + "Overview":"To save her father from death in the army, a young maiden secretly goes in his place and becomes one of China's greatest heroines in the process.", + "Meta_score":71.0, + "Director":"Tony Bancroft", + "Star1":"Barry Cook", + "Star2":"Ming-Na Wen", + "Star3":"Eddie Murphy", + "Star4":"BD Wong", + "No_of_Votes":256906, + "Gross":"120,620,254" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjA2ZDY3ZjYtZmNiMC00MDU5LTgxMWEtNzk1YmI3NzdkMTU0XkEyXkFqcGdeQXVyNjQyMjcwNDM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Fear and Loathing in Las Vegas", + "Released_Year":"1998", + "Certificate":"R", + "Runtime":"118 min", + "Genre":"Adventure, Comedy, Drama", + "IMDB_Rating":7.6, + "Overview":"An oddball journalist and his psychopathic lawyer travel to Las Vegas for a series of psychedelic escapades.", + "Meta_score":41.0, + "Director":"Terry Gilliam", + "Star1":"Johnny Depp", + "Star2":"Benicio Del Toro", + "Star3":"Tobey Maguire", + "Star4":"Michael Lee Gogin", + "No_of_Votes":259753, + "Gross":"10,680,275" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTkyNTAzZDYtNWUzYi00ODVjLTliZjYtNjc2YzJmODZhNTg3XkEyXkFqcGdeQXVyNjUxMDQ0MTg@._V1_UY98_CR6,0,67,98_AL_.jpg", + "Series_Title":"Funny Games", + "Released_Year":"1997", + "Certificate":"A", + "Runtime":"108 min", + "Genre":"Crime, Drama, Thriller", + "IMDB_Rating":7.6, + "Overview":"Two violent young men take a mother, father, and son hostage in their vacation cabin and force them to play sadistic \"games\" with one another for their own amusement.", + "Meta_score":69.0, + "Director":"Michael Haneke", + "Star1":"Susanne Lothar", + "Star2":"Ulrich M\u00fche", + "Star3":"Arno Frisch", + "Star4":"Frank Giering", + "No_of_Votes":65058, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMGExOGExM2UtNWM5ZS00OWEzLTllNzYtM2NlMTJlYjBlZTJkXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Dark City", + "Released_Year":"1998", + "Certificate":"A", + "Runtime":"100 min", + "Genre":"Mystery, Sci-Fi, Thriller", + "IMDB_Rating":7.6, + "Overview":"A man struggles with memories of his past, which include a wife he cannot remember and a nightmarish world no one else ever seems to wake up from.", + "Meta_score":66.0, + "Director":"Alex Proyas", + "Star1":"Rufus Sewell", + "Star2":"Kiefer Sutherland", + "Star3":"Jennifer Connelly", + "Star4":"William Hurt", + "No_of_Votes":187927, + "Gross":"14,378,331" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzk1MmI4NzAtOGRiNS00YjY1LTllNmEtZDhiZDM4MjU2NTMxXkEyXkFqcGdeQXVyNjc3MjQzNTI@._V1_UY98_CR1,0,67,98_AL_.jpg", + "Series_Title":"Sleepers", + "Released_Year":"1996", + "Certificate":"UA", + "Runtime":"147 min", + "Genre":"Crime, Drama, Thriller", + "IMDB_Rating":7.6, + "Overview":"After a prank goes disastrously wrong, a group of boys are sent to a detention center where they are brutalized. Thirteen years later, an unexpected random encounter with a former guard gives them a chance for revenge.", + "Meta_score":49.0, + "Director":"Barry Levinson", + "Star1":"Robert De Niro", + "Star2":"Kevin Bacon", + "Star3":"Brad Pitt", + "Star4":"Jason Patric", + "No_of_Votes":186734, + "Gross":"49,100,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYWUxOWY4NDctMDFmMS00ZTQwLWExMGEtODg0ZWNhOTE5NzZmXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Lost Highway", + "Released_Year":"1997", + "Certificate":"A", + "Runtime":"134 min", + "Genre":"Mystery, Thriller", + "IMDB_Rating":7.6, + "Overview":"Anonymous videotapes presage a musician's murder conviction, and a gangster's girlfriend leads a mechanic astray.", + "Meta_score":52.0, + "Director":"David Lynch", + "Star1":"Bill Pullman", + "Star2":"Patricia Arquette", + "Star3":"John Roselius", + "Star4":"Louis Eppolito", + "No_of_Votes":131101, + "Gross":"3,796,699" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNzk1MjU3MDQyMl5BMl5BanBnXkFtZTcwNjc1OTM2MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Sense and Sensibility", + "Released_Year":"1995", + "Certificate":"U", + "Runtime":"136 min", + "Genre":"Drama, Romance", + "IMDB_Rating":7.6, + "Overview":"Rich Mr. Dashwood dies, leaving his second wife and her three daughters poor by the rules of inheritance. The two eldest daughters are the title opposites.", + "Meta_score":84.0, + "Director":"Ang Lee", + "Star1":"Emma Thompson", + "Star2":"Kate Winslet", + "Star3":"James Fleet", + "Star4":"Tom Wilkinson", + "No_of_Votes":102598, + "Gross":"43,182,776" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZjI0ZWFiMmQtMjRlZi00ZmFhLWI4NmYtMjQ5YmY0MzIyMzRiXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Die Hard: With a Vengeance", + "Released_Year":"1995", + "Certificate":"A", + "Runtime":"128 min", + "Genre":"Action, Adventure, Thriller", + "IMDB_Rating":7.6, + "Overview":"John McClane and a Harlem store owner are targeted by German terrorist Simon in New York City, where he plans to rob the Federal Reserve Building.", + "Meta_score":58.0, + "Director":"John McTiernan", + "Star1":"Bruce Willis", + "Star2":"Jeremy Irons", + "Star3":"Samuel L. Jackson", + "Star4":"Graham Greene", + "No_of_Votes":364420, + "Gross":"100,012,499" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYTJlZmQ1OTAtODQzZi00NGIzLWI1MmEtZGE4NjFlOWRhODIyXkEyXkFqcGdeQXVyNTc1NTQxODI@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Dead Man", + "Released_Year":"1995", + "Certificate":"R", + "Runtime":"121 min", + "Genre":"Adventure, Drama, Fantasy", + "IMDB_Rating":7.6, + "Overview":"On the run after murdering a man, accountant William Blake encounters a strange aboriginal American man named Nobody who prepares him for his journey into the spiritual world.", + "Meta_score":62.0, + "Director":"Jim Jarmusch", + "Star1":"Johnny Depp", + "Star2":"Gary Farmer", + "Star3":"Crispin Glover", + "Star4":"Lance Henriksen", + "No_of_Votes":90442, + "Gross":"1,037,847" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNmRiZDZkN2EtNWI5ZS00ZDg3LTgyNDItMWI5NjVlNmE5ODJiXkEyXkFqcGdeQXVyMjQwMjk0NjI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Bridges of Madison County", + "Released_Year":"1995", + "Certificate":"A", + "Runtime":"135 min", + "Genre":"Drama, Romance", + "IMDB_Rating":7.6, + "Overview":"Photographer Robert Kincaid wanders into the life of housewife Francesca Johnson for four days in the 1960s.", + "Meta_score":69.0, + "Director":"Clint Eastwood", + "Star1":"Clint Eastwood", + "Star2":"Meryl Streep", + "Star3":"Annie Corley", + "Star4":"Victor Slezak", + "No_of_Votes":73172, + "Gross":"71,516,617" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjEzYjJmNzgtNDkwNy00MTQ4LTlmMWMtNzA4YjE2NjI0ZDg4XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Apollo 13", + "Released_Year":"PG", + "Certificate":"U", + "Runtime":"140 min", + "Genre":"Adventure, Drama, History", + "IMDB_Rating":7.6, + "Overview":"NASA must devise a strategy to return Apollo 13 to Earth safely after the spacecraft undergoes massive internal damage putting the lives of the three astronauts on board in jeopardy.", + "Meta_score":77.0, + "Director":"Ron Howard", + "Star1":"Tom Hanks", + "Star2":"Bill Paxton", + "Star3":"Kevin Bacon", + "Star4":"Gary Sinise", + "No_of_Votes":269197, + "Gross":"173,837,933" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNTliYTI1YTctMTE0Mi00NDM0LThjZDgtYmY3NGNiODBjZjAwXkEyXkFqcGdeQXVyMTAwMzUyOTc@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Trois couleurs: Blanc", + "Released_Year":"1994", + "Certificate":"U", + "Runtime":"92 min", + "Genre":"Comedy, Drama, Romance", + "IMDB_Rating":7.6, + "Overview":"After his wife divorces him, a Polish immigrant plots to get even with her.", + "Meta_score":88.0, + "Director":"Krzysztof Kieslowski", + "Star1":"Zbigniew Zamachowski", + "Star2":"Julie Delpy", + "Star3":"Janusz Gajos", + "Star4":"Jerzy Stuhr", + "No_of_Votes":64390, + "Gross":"1,464,625" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYjcxMzM3OWMtNmM3Yy00YzBkLTkxMmQtMDk4MmM3Y2Y4MDliL2ltYWdlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Falling Down", + "Released_Year":"1993", + "Certificate":"R", + "Runtime":"113 min", + "Genre":"Action, Crime, Drama", + "IMDB_Rating":7.6, + "Overview":"An ordinary man frustrated with the various flaws he sees in society begins to psychotically and violently lash out against them.", + "Meta_score":56.0, + "Director":"Joel Schumacher", + "Star1":"Michael Douglas", + "Star2":"Robert Duvall", + "Star3":"Barbara Hershey", + "Star4":"Rachel Ticotin", + "No_of_Votes":171640, + "Gross":"40,903,593" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTM5MDY5MDQyOV5BMl5BanBnXkFtZTgwMzM3NzMxMDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Dazed and Confused", + "Released_Year":"1993", + "Certificate":"U", + "Runtime":"102 min", + "Genre":"Comedy", + "IMDB_Rating":7.6, + "Overview":"The adventures of high school and junior high students on the last day of school in May 1976.", + "Meta_score":78.0, + "Director":"Richard Linklater", + "Star1":"Jason London", + "Star2":"Wiley Wiggins", + "Star3":"Matthew McConaughey", + "Star4":"Rory Cochrane", + "No_of_Votes":165465, + "Gross":"7,993,039" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTQxNDYzMTg1M15BMl5BanBnXkFtZTgwNzk4MDgxMTE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"My Cousin Vinny", + "Released_Year":"1992", + "Certificate":"UA", + "Runtime":"120 min", + "Genre":"Comedy, Crime", + "IMDB_Rating":7.6, + "Overview":"Two New Yorkers accused of murder in rural Alabama while on their way back to college call in the help of one of their cousins, a loudmouth lawyer with no trial experience.", + "Meta_score":68.0, + "Director":"Jonathan Lynn", + "Star1":"Joe Pesci", + "Star2":"Marisa Tomei", + "Star3":"Ralph Macchio", + "Star4":"Mitchell Whitfield", + "No_of_Votes":107325, + "Gross":"52,929,168" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTY5NjI2MjQxMl5BMl5BanBnXkFtZTgwMDA2MzM2NzE@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Omohide poro poro", + "Released_Year":"1991", + "Certificate":"U", + "Runtime":"118 min", + "Genre":"Animation, Drama, Romance", + "IMDB_Rating":7.6, + "Overview":"A twenty-seven-year-old office worker travels to the countryside while reminiscing about her childhood in Tokyo.", + "Meta_score":90.0, + "Director":"Isao Takahata", + "Star1":"Miki Imai", + "Star2":"Toshir\u00f4 Yanagiba", + "Star3":"Yoko Honna", + "Star4":"Mayumi Izuka", + "No_of_Votes":27071, + "Gross":"453,243" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNjg5ZDM0MTEtYTZmNC00NDJiLWI5MTktYzk4N2QxY2IxZTc2L2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UY98_CR3,0,67,98_AL_.jpg", + "Series_Title":"Delicatessen", + "Released_Year":"1991", + "Certificate":"R", + "Runtime":"99 min", + "Genre":"Comedy, Crime", + "IMDB_Rating":7.6, + "Overview":"Post-apocalyptic surrealist black comedy about the landlord of an apartment building who occasionally prepares a delicacy for his odd tenants.", + "Meta_score":66.0, + "Director":"Marc Caro", + "Star1":"Jean-Pierre Jeunet", + "Star2":"Marie-Laure Dougnac", + "Star3":"Dominique Pinon", + "Star4":"Pascal Benezech", + "No_of_Votes":80487, + "Gross":"1,794,187" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzFkM2YwOTQtYzk2Mi00N2VlLWE3NTItN2YwNDg1YmY0ZDNmXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Home Alone", + "Released_Year":"1990", + "Certificate":"U", + "Runtime":"103 min", + "Genre":"Comedy, Family", + "IMDB_Rating":7.6, + "Overview":"An eight-year-old troublemaker must protect his house from a pair of burglars when he is accidentally left home alone by his family during Christmas vacation.", + "Meta_score":63.0, + "Director":"Chris Columbus", + "Star1":"Macaulay Culkin", + "Star2":"Joe Pesci", + "Star3":"Daniel Stern", + "Star4":"John Heard", + "No_of_Votes":488817, + "Gross":"285,761,243" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNWFlYWY2YjYtNjdhNi00MzVlLTg2MTMtMWExNzg4NmM5NmEzXkEyXkFqcGdeQXVyMDk5Mzc5MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Godfather: Part III", + "Released_Year":"1990", + "Certificate":"A", + "Runtime":"162 min", + "Genre":"Crime, Drama", + "IMDB_Rating":7.6, + "Overview":"Follows Michael Corleone, now in his 60s, as he seeks to free his family from crime and find a suitable successor to his empire.", + "Meta_score":60.0, + "Director":"Francis Ford Coppola", + "Star1":"Al Pacino", + "Star2":"Diane Keaton", + "Star3":"Andy Garcia", + "Star4":"Talia Shire", + "No_of_Votes":359809, + "Gross":"66,666,062" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjE0ODEwNjM2NF5BMl5BanBnXkFtZTcwMjU2Mzg3NA@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"When Harry Met Sally...", + "Released_Year":"1989", + "Certificate":"UA", + "Runtime":"95 min", + "Genre":"Comedy, Drama, Romance", + "IMDB_Rating":7.6, + "Overview":"Harry and Sally have known each other for years, and are very good friends, but they fear sex would ruin the friendship.", + "Meta_score":76.0, + "Director":"Rob Reiner", + "Star1":"Billy Crystal", + "Star2":"Meg Ryan", + "Star3":"Carrie Fisher", + "Star4":"Bruno Kirby", + "No_of_Votes":195663, + "Gross":"92,823,600" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BN2JlZTBhYTEtZDE3OC00NTA3LTk5NTQtNjg5M2RjODllM2M0XkEyXkFqcGdeQXVyNjk1Njg5NTA@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Little Mermaid", + "Released_Year":"1989", + "Certificate":"U", + "Runtime":"83 min", + "Genre":"Animation, Family, Fantasy", + "IMDB_Rating":7.6, + "Overview":"A mermaid princess makes a Faustian bargain in an attempt to become human and win a prince's love.", + "Meta_score":88.0, + "Director":"Ron Clements", + "Star1":"John Musker", + "Star2":"Jodi Benson", + "Star3":"Samuel E. Wright", + "Star4":"Rene Auberjonois", + "No_of_Votes":237696, + "Gross":"111,543,479" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODk1ZWM4ZjItMjFhZi00MDMxLTgxNmYtODFhNWZlZTkwM2UwXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Naked Gun: From the Files of Police Squad!", + "Released_Year":"1988", + "Certificate":"U", + "Runtime":"85 min", + "Genre":"Comedy, Crime", + "IMDB_Rating":7.6, + "Overview":"Incompetent police Detective Frank Drebin must foil an attempt to assassinate Queen Elizabeth II.", + "Meta_score":76.0, + "Director":"David Zucker", + "Star1":"Leslie Nielsen", + "Star2":"Priscilla Presley", + "Star3":"O.J. Simpson", + "Star4":"Ricardo Montalban", + "No_of_Votes":152871, + "Gross":"78,756,177" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BM2I1ZWNkYjEtYWY3ZS00MmMwLWI5OTEtNWNkZjNiYjIwNzY0XkEyXkFqcGdeQXVyNTI4MjkwNjA@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Planes, Trains & Automobiles", + "Released_Year":"1987", + "Certificate":"U", + "Runtime":"93 min", + "Genre":"Comedy, Drama", + "IMDB_Rating":7.6, + "Overview":"A man must struggle to travel home for Thanksgiving with a lovable oaf of a shower curtain ring salesman as his only companion.", + "Meta_score":72.0, + "Director":"John Hughes", + "Star1":"Steve Martin", + "Star2":"John Candy", + "Star3":"Laila Robins", + "Star4":"Michael McKean", + "No_of_Votes":124773, + "Gross":"49,530,280" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZTllNWNlZjctMWQwMS00ZDc3LTg5ZjMtNzhmNzhjMmVhYTFlXkEyXkFqcGdeQXVyNTc1NTQxODI@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Lethal Weapon", + "Released_Year":"1987", + "Certificate":"A", + "Runtime":"109 min", + "Genre":"Action, Crime, Thriller", + "IMDB_Rating":7.6, + "Overview":"Two newly paired cops who are complete opposites must put aside their differences in order to catch a gang of drug smugglers.", + "Meta_score":68.0, + "Director":"Richard Donner", + "Star1":"Mel Gibson", + "Star2":"Danny Glover", + "Star3":"Gary Busey", + "Star4":"Mitchell Ryan", + "No_of_Votes":236894, + "Gross":"65,207,127" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZmI5YzM1MjItMzFmNy00NGFkLThlMDUtZjZmYTZkM2QxMjU3XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Blood Simple", + "Released_Year":"1984", + "Certificate":"A", + "Runtime":"99 min", + "Genre":"Crime, Drama, Thriller", + "IMDB_Rating":7.6, + "Overview":"The owner of a seedy small-town Texas bar discovers that one of his employees is having an affair with his wife. A chaotic chain of misunderstandings, lies and mischief ensues after he devises a plot to have them murdered.", + "Meta_score":82.0, + "Director":"Joel Coen", + "Star1":"Ethan Coen", + "Star2":"John Getz", + "Star3":"Frances McDormand", + "Star4":"Dan Hedaya", + "No_of_Votes":87745, + "Gross":"2,150,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNWQ4MGZlZmYtZjY0MS00N2JhLWE0NmMtOTMwMTk4NDQ4NjE2XkEyXkFqcGdeQXVyNTI4MjkwNjA@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"On Golden Pond", + "Released_Year":"1981", + "Certificate":"UA", + "Runtime":"109 min", + "Genre":"Drama", + "IMDB_Rating":7.6, + "Overview":"Norman is a curmudgeon with an estranged relationship with his daughter Chelsea. At Golden Pond, he and his wife nevertheless agree to care for Billy, the son of Chelsea's new boyfriend, and a most unexpected relationship blooms.", + "Meta_score":68.0, + "Director":"Mark Rydell", + "Star1":"Katharine Hepburn", + "Star2":"Henry Fonda", + "Star3":"Jane Fonda", + "Star4":"Doug McKeon", + "No_of_Votes":27650, + "Gross":"119,285,432" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BN2VlNjNhZWQtMTY2OC00Y2E1LWJkNGUtMDU4M2ViNzliMGYwXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Mad Max 2", + "Released_Year":"1981", + "Certificate":"A", + "Runtime":"96 min", + "Genre":"Action, Adventure, Sci-Fi", + "IMDB_Rating":7.6, + "Overview":"In the post-apocalyptic Australian wasteland, a cynical drifter agrees to help a small, gasoline-rich community escape a horde of bandits.", + "Meta_score":77.0, + "Director":"George Miller", + "Star1":"Mel Gibson", + "Star2":"Bruce Spence", + "Star3":"Michael Preston", + "Star4":"Max Phipps", + "No_of_Votes":166588, + "Gross":"12,465,371" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYTU2MWRiMTMtYzAzZi00NGYzLTlkMDEtNWQ3MzZlNTJlNzZkL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Warriors", + "Released_Year":"1979", + "Certificate":"UA", + "Runtime":"92 min", + "Genre":"Action, Crime, Thriller", + "IMDB_Rating":7.6, + "Overview":"In the near future, a charismatic leader summons the street gangs of New York City in a bid to take it over. When he is killed, The Warriors are falsely blamed and now must fight their way home while every other gang is hunting them down.", + "Meta_score":65.0, + "Director":"Walter Hill", + "Star1":"Michael Beck", + "Star2":"James Remar", + "Star3":"Dorsey Wright", + "Star4":"Brian Tyler", + "No_of_Votes":93878, + "Gross":"22,490,039" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMGQ0OGM5YjItYzYyMi00NmVmLWI3ODMtMTY2NGRkZmI5MWU2XkEyXkFqcGdeQXVyMzI0NDc4ODY@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Muppet Movie", + "Released_Year":"1979", + "Certificate":"U", + "Runtime":"95 min", + "Genre":"Adventure, Comedy, Family", + "IMDB_Rating":7.6, + "Overview":"Kermit and his newfound friends trek across America to find success in Hollywood, but a frog legs merchant is after Kermit.", + "Meta_score":74.0, + "Director":"James Frawley", + "Star1":"Jim Henson", + "Star2":"Frank Oz", + "Star3":"Jerry Nelson", + "Star4":"Richard Hunt", + "No_of_Votes":32802, + "Gross":"76,657,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNDQ3MzNjMDItZjE0ZS00ZTYxLTgxNTAtM2I4YjZjNWFjYjJlL2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Escape from Alcatraz", + "Released_Year":"1979", + "Certificate":"A", + "Runtime":"112 min", + "Genre":"Action, Biography, Crime", + "IMDB_Rating":7.6, + "Overview":"Alcatraz is the most secure prison of its time. It is believed that no one can ever escape from it, until three daring men make a possible successful attempt at escaping from one of the most infamous prisons in the world.", + "Meta_score":76.0, + "Director":"Don Siegel", + "Star1":"Clint Eastwood", + "Star2":"Patrick McGoohan", + "Star3":"Roberts Blossom", + "Star4":"Jack Thibeau", + "No_of_Votes":121731, + "Gross":"43,000,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzZiODUwNzktNzBiZi00MDc4LThkMGMtZmE3MTE0M2E1MTM3L2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Watership Down", + "Released_Year":"1978", + "Certificate":"U", + "Runtime":"91 min", + "Genre":"Animation, Adventure, Drama", + "IMDB_Rating":7.6, + "Overview":"Hoping to escape destruction by human developers and save their community, a colony of rabbits, led by Hazel and Fiver, seek out a safe place to set up a new warren.", + "Meta_score":64.0, + "Director":"Martin Rosen", + "Star1":"John Hubley", + "Star2":"John Hurt", + "Star3":"Richard Briers", + "Star4":"Ralph Richardson", + "No_of_Votes":33656, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNDU1MjQ0YWMtMWQ2MS00NTdmLTg1MGItNDA5NTNkNTRhOTIyXkEyXkFqcGdeQXVyNTIzOTk5ODM@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Midnight Express", + "Released_Year":"1978", + "Certificate":"A", + "Runtime":"121 min", + "Genre":"Biography, Crime, Drama", + "IMDB_Rating":7.6, + "Overview":"Billy Hayes, an American college student, is caught smuggling drugs out of Turkey and thrown into prison.", + "Meta_score":59.0, + "Director":"Alan Parker", + "Star1":"Brad Davis", + "Star2":"Irene Miracle", + "Star3":"Bo Hopkins", + "Star4":"Paolo Bonacelli", + "No_of_Votes":73662, + "Gross":"35,000,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjM1NjE5NjQxN15BMl5BanBnXkFtZTgwMjYzMzQxMDE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Close Encounters of the Third Kind", + "Released_Year":"1977", + "Certificate":"U", + "Runtime":"138 min", + "Genre":"Drama, Sci-Fi", + "IMDB_Rating":7.6, + "Overview":"Roy Neary, an electric lineman, watches how his quiet and ordinary daily life turns upside down after a close encounter with a UFO.", + "Meta_score":90.0, + "Director":"Steven Spielberg", + "Star1":"Richard Dreyfuss", + "Star2":"Fran\u00e7ois Truffaut", + "Star3":"Teri Garr", + "Star4":"Melinda Dillon", + "No_of_Votes":184966, + "Gross":"132,088,635" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYzZhODNiOWYtMmNkNS00OTFhLTkzYzktYTQ4ZmNmZWMyN2ZiL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Long Goodbye", + "Released_Year":"1973", + "Certificate":"A", + "Runtime":"112 min", + "Genre":"Comedy, Crime, Drama", + "IMDB_Rating":7.6, + "Overview":"Private investigator Philip Marlowe helps a friend out of a jam, but in doing so gets implicated in his wife's murder.", + "Meta_score":87.0, + "Director":"Robert Altman", + "Star1":"Elliott Gould", + "Star2":"Nina van Pallandt", + "Star3":"Sterling Hayden", + "Star4":"Mark Rydell", + "No_of_Votes":26337, + "Gross":"959,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYjRmY2VjN2ItMzBmYy00YTRjLWFiMTgtNGZhNWJjMjk3YjZjXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Gi\u00f9 la testa", + "Released_Year":"1971", + "Certificate":"PG", + "Runtime":"157 min", + "Genre":"Drama, War, Western", + "IMDB_Rating":7.6, + "Overview":"A low-life bandit and an I.R.A. explosives expert rebel against the government and become heroes of the Mexican Revolution.", + "Meta_score":77.0, + "Director":"Sergio Leone", + "Star1":"Rod Steiger", + "Star2":"James Coburn", + "Star3":"Romolo Valli", + "Star4":"Maria Monti", + "No_of_Votes":30144, + "Gross":"696,690" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMzAyNDUwYzUtN2NlMC00ODliLWExMjgtMGMzNmYzZmUwYTg1XkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Kelly's Heroes", + "Released_Year":"1970", + "Certificate":"GP", + "Runtime":"144 min", + "Genre":"Adventure, Comedy, War", + "IMDB_Rating":7.6, + "Overview":"A group of U.S. soldiers sneaks across enemy lines to get their hands on a secret stash of Nazi treasure.", + "Meta_score":50.0, + "Director":"Brian G. Hutton", + "Star1":"Clint Eastwood", + "Star2":"Telly Savalas", + "Star3":"Don Rickles", + "Star4":"Carroll O'Connor", + "No_of_Votes":45338, + "Gross":"1,378,435" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMjAwMTExODExNl5BMl5BanBnXkFtZTgwMjM2MDgyMTE@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The Jungle Book", + "Released_Year":"1967", + "Certificate":"U", + "Runtime":"78 min", + "Genre":"Animation, Adventure, Family", + "IMDB_Rating":7.6, + "Overview":"Bagheera the Panther and Baloo the Bear have a difficult time trying to convince a boy to leave the jungle for human civilization.", + "Meta_score":65.0, + "Director":"Wolfgang Reitherman", + "Star1":"Phil Harris", + "Star2":"Sebastian Cabot", + "Star3":"Louis Prima", + "Star4":"Bruce Reitherman", + "No_of_Votes":166409, + "Gross":"141,843,612" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BYTE4YWU0NjAtMjNiYi00MTNiLTgwYzctZjk0YjY5NGVhNWQwXkEyXkFqcGdeQXVyMTY5Nzc4MDY@._V1_UY98_CR0,0,67,98_AL_.jpg", + "Series_Title":"Blowup", + "Released_Year":"1966", + "Certificate":"A", + "Runtime":"111 min", + "Genre":"Drama, Mystery, Thriller", + "IMDB_Rating":7.6, + "Overview":"A fashion photographer unknowingly captures a death on film after following two lovers in a park.", + "Meta_score":82.0, + "Director":"Michelangelo Antonioni", + "Star1":"David Hemmings", + "Star2":"Vanessa Redgrave", + "Star3":"Sarah Miles", + "Star4":"John Castle", + "No_of_Votes":56513, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZjQyMGUwNzAtNTc2MC00Y2FjLThlM2ItZGRjNzM0OWVmZGYyXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"A Hard Day's Night", + "Released_Year":"1964", + "Certificate":"U", + "Runtime":"87 min", + "Genre":"Comedy, Music, Musical", + "IMDB_Rating":7.6, + "Overview":"Over two \"typical\" days in the life of The Beatles, the boys struggle to keep themselves and Sir Paul McCartney's mischievous grandfather in check while preparing for a live television performance.", + "Meta_score":96.0, + "Director":"Richard Lester", + "Star1":"John Lennon", + "Star2":"Paul McCartney", + "Star3":"George Harrison", + "Star4":"Ringo Starr", + "No_of_Votes":40351, + "Gross":"13,780,024" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BNGEwMTRmZTQtMDY4Ni00MTliLTk5ZmMtOWMxYWMyMTllMDg0L2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Breakfast at Tiffany's", + "Released_Year":"1961", + "Certificate":"A", + "Runtime":"115 min", + "Genre":"Comedy, Drama, Romance", + "IMDB_Rating":7.6, + "Overview":"A young New York socialite becomes interested in a young man who has moved into her apartment building, but her past threatens to get in the way.", + "Meta_score":76.0, + "Director":"Blake Edwards", + "Star1":"Audrey Hepburn", + "Star2":"George Peppard", + "Star3":"Patricia Neal", + "Star4":"Buddy Ebsen", + "No_of_Votes":166544, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BODk3YjdjZTItOGVhYi00Mjc2LTgzMDAtMThmYTVkNTBlMWVkXkEyXkFqcGdeQXVyNDY2MTk1ODk@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Giant", + "Released_Year":"1956", + "Certificate":"G", + "Runtime":"201 min", + "Genre":"Drama, Western", + "IMDB_Rating":7.6, + "Overview":"Sprawling epic covering the life of a Texas cattle rancher and his family and associates.", + "Meta_score":84.0, + "Director":"George Stevens", + "Star1":"Elizabeth Taylor", + "Star2":"Rock Hudson", + "Star3":"James Dean", + "Star4":"Carroll Baker", + "No_of_Votes":34075, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BM2U3YzkxNGMtYWE0YS00ODk0LTk1ZGEtNjk3ZTE0MTk4MzJjXkEyXkFqcGdeQXVyNDk0MDg4NDk@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"From Here to Eternity", + "Released_Year":"1953", + "Certificate":"Passed", + "Runtime":"118 min", + "Genre":"Drama, Romance, War", + "IMDB_Rating":7.6, + "Overview":"In Hawaii in 1941, a private is cruelly punished for not boxing on his unit's team, while his captain's wife and second-in-command are falling in love.", + "Meta_score":85.0, + "Director":"Fred Zinnemann", + "Star1":"Burt Lancaster", + "Star2":"Montgomery Clift", + "Star3":"Deborah Kerr", + "Star4":"Donna Reed", + "No_of_Votes":43374, + "Gross":"30,500,000" + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BZTBmMjUyMjItYTM4ZS00MjAwLWEyOGYtYjMyZTUxN2I3OTMxXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"Lifeboat", + "Released_Year":"1944", + "Certificate":null, + "Runtime":"97 min", + "Genre":"Drama, War", + "IMDB_Rating":7.6, + "Overview":"Several survivors of a torpedoed merchant ship in World War II find themselves in the same lifeboat with one of the crew members of the U-boat that sank their ship.", + "Meta_score":78.0, + "Director":"Alfred Hitchcock", + "Star1":"Tallulah Bankhead", + "Star2":"John Hodiak", + "Star3":"Walter Slezak", + "Star4":"William Bendix", + "No_of_Votes":26471, + "Gross":null + }, + { + "Poster_Link":"https:\/\/m.media-amazon.com\/images\/M\/MV5BMTY5ODAzMTcwOF5BMl5BanBnXkFtZTcwMzYxNDYyNA@@._V1_UX67_CR0,0,67,98_AL_.jpg", + "Series_Title":"The 39 Steps", + "Released_Year":"1935", + "Certificate":null, + "Runtime":"86 min", + "Genre":"Crime, Mystery, Thriller", + "IMDB_Rating":7.6, + "Overview":"A man in London tries to help a counter-espionage Agent. But when the Agent is killed, and the man stands accused, he must go on the run to save himself and stop a spy ring which is trying to steal top secret information.", + "Meta_score":93.0, + "Director":"Alfred Hitchcock", + "Star1":"Robert Donat", + "Star2":"Madeleine Carroll", + "Star3":"Lucie Mannheim", + "Star4":"Godfrey Tearle", + "No_of_Votes":51853, + "Gross":null + } +] \ No newline at end of file diff --git a/backend/helpers/models/embedding_pca.pkl b/backend/helpers/models/embedding_pca.pkl new file mode 100644 index 00000000..456d81fd Binary files /dev/null and b/backend/helpers/models/embedding_pca.pkl differ diff --git a/backend/helpers/models/final_embeddings.pkl b/backend/helpers/models/final_embeddings.pkl new file mode 100644 index 00000000..d3ff2457 Binary files /dev/null and b/backend/helpers/models/final_embeddings.pkl differ diff --git a/backend/helpers/models/tfidf_svd_embeddings.pkl b/backend/helpers/models/tfidf_svd_embeddings.pkl new file mode 100644 index 00000000..790bf34a Binary files /dev/null and b/backend/helpers/models/tfidf_svd_embeddings.pkl differ diff --git a/backend/helpers/preprocess.py b/backend/helpers/preprocess.py new file mode 100644 index 00000000..de666df2 --- /dev/null +++ b/backend/helpers/preprocess.py @@ -0,0 +1,302 @@ +import pandas as pd +import numpy as np +import pickle +import nltk +import json +import torch +from tqdm import tqdm +from sklearn.feature_extraction.text import TfidfVectorizer +from sklearn.decomposition import TruncatedSVD, PCA +from nltk.stem import PorterStemmer +from nltk.tokenize import word_tokenize +from nltk.corpus import stopwords +from transformers import AutoTokenizer, AutoModel +from scipy.spatial.distance import cosine + +nltk.download('punkt', quiet=True) +nltk.download('stopwords', quiet=True) +nltk.download('punkt_tab', quiet=True) + +try: + from nltk.tokenize import PunktSentenceTokenizer + tokenizer = PunktSentenceTokenizer() +except: + nltk.download('punkt', download_dir=nltk.data.path[0], quiet=False) + print("Downloaded punkt to:", nltk.data.path[0]) + +device = torch.device("cuda" if torch.cuda.is_available() else "cpu") + + +def process_genre(genre): + if isinstance(genre, list) and len(genre) > 0: + if isinstance(genre[0], dict) and 'description' in genre[0]: + return genre[0]['description'] + return str(genre[0]) + + if isinstance(genre, str) and genre.startswith('[') and genre.endswith(']'): + try: + import ast + parsed = ast.literal_eval(genre) + if isinstance(parsed, list) and len(parsed) > 0: + if isinstance(parsed[0], dict) and 'description' in parsed[0]: + return parsed[0]['description'] + return str(parsed[0]) + except: + pass + + return genre + + +def load_and_clean_data(): + with open('data/books.json', 'r') as f: + books_data = json.load(f) + with open('data/movies.json', 'r') as f: + movies_data = json.load(f) + with open('data/games.json', 'r') as f: + games_data = json.load(f) + + books_df = pd.DataFrame(books_data) + movies_df = pd.DataFrame(movies_data) + games_df = pd.DataFrame(games_data) + + books_df = books_df.drop_duplicates(subset=['book_name']) + + books_clean = books_df[['book_name', 'summaries', 'categories']].rename( + columns={'book_name': 'title', + 'summaries': 'description', 'categories': 'genre'} + ) + books_clean['media_type'] = 'book' + + movies_clean = movies_df[['Series_Title', 'Overview', 'Genre']].rename( + columns={'Series_Title': 'title', + 'Overview': 'description', 'Genre': 'genre'} + ) + movies_clean['media_type'] = 'movie' + + if 'genres' in games_df.columns: + games_df['genres'] = games_df['genres'].apply(process_genre) + + games_df['description'] = games_df['short_description'].fillna( + games_df['about_the_game']).fillna( + games_df['detailed_description']) + games_clean = games_df[['name', 'description', 'genres']].rename( + columns={'name': 'title', 'genres': 'genre'} + ) + games_clean['media_type'] = 'game' + + combined_df = pd.concat( + [books_clean, movies_clean, games_clean], ignore_index=True) + + combined_df['description'] = combined_df['description'].fillna('') + combined_df['genre'] = combined_df['genre'].fillna('') + + combined_df = combined_df[combined_df['description'].str.len() > 5] + + return combined_df + + +def preprocess_text(text): + if not isinstance(text, str) or not text: + return "" + + try: + stop_words = set(stopwords.words('english')) + stemmer = PorterStemmer() + tokens = word_tokenize(text.lower()) + filtered_tokens = [stemmer.stem( + word) for word in tokens if word.isalnum() and word not in stop_words] + return ' '.join(filtered_tokens) + except LookupError: + print("Warning: Using fallback tokenization method") + stop_words = set(stopwords.words('english')) + stemmer = PorterStemmer() + tokens = text.lower().split() + filtered_tokens = [stemmer.stem( + word) for word in tokens if word.isalnum() and word not in stop_words] + return ' '.join(filtered_tokens) + + +def create_tfidf_svd_embeddings(df, n_components=300): + print("Creating TF-IDF embeddings with SVD...") + + # Emphasize title more by repeating it + df['combined_text'] = df['title'] + " " + df['title'] + " " + df['description'] + df['processed_text'] = [preprocess_text( + text) for text in tqdm(df['combined_text'])] + + # Increase max_features for more vocabulary coverage + tfidf_vectorizer = TfidfVectorizer( + max_features=10000, # Increased from 5000 + min_df=2, # Reduced from 3 to capture more rare terms + max_df=0.95, # Increased from 0.9 to include more common terms + sublinear_tf=True + ) + + tfidf_matrix = tfidf_vectorizer.fit_transform(df['processed_text']) + + svd = TruncatedSVD(n_components=n_components, random_state=42) + svd_matrix = svd.fit_transform(tfidf_matrix) + + explained_variance = svd.explained_variance_ratio_.sum() + print( + f"Explained variance with {n_components} components: {explained_variance:.4f}") + + embeddings = svd_matrix.tolist() + df['tfidf_svd_embedding'] = embeddings + + with open('models/tfidf_svd_embeddings.pkl', 'wb') as f: + pickle.dump({ + 'vectorizer': tfidf_vectorizer, + 'svd': svd, + 'feature_names': tfidf_vectorizer.get_feature_names_out(), + 'explained_variance': explained_variance + }, f) + + return df, tfidf_vectorizer, svd + + +def mean_pooling(model_output, attention_mask): + token_embeddings = model_output[0] + input_mask_expanded = attention_mask.unsqueeze( + -1).expand(token_embeddings.size()).float() + return torch.sum(token_embeddings * input_mask_expanded, 1) / torch.clamp(input_mask_expanded.sum(1), min=1e-9) + + +def create_bert_embeddings(df, batch_size=16, max_length=512): + print("Creating BERT embeddings with improved model...") + + # Use a better transformer model - mpnet has better semantic understanding + model_name = "sentence-transformers/all-mpnet-base-v2" + + tokenizer = AutoTokenizer.from_pretrained(model_name) + model = AutoModel.from_pretrained(model_name).to(device) + + # Process titles and descriptions separately to apply different weights + df['title_text'] = df['title'] + df['desc_text'] = df['description'] + + # Process titles + print("Processing titles...") + title_embeddings = [] + for i in tqdm(range(0, len(df), batch_size)): + batch_texts = df['title_text'].iloc[i:i+batch_size].tolist() + + encoded_input = tokenizer( + batch_texts, + padding=True, + truncation=True, + max_length=max_length, + return_tensors='pt' + ).to(device) + + with torch.no_grad(): + model_output = model(**encoded_input) + + batch_embs = mean_pooling( + model_output, encoded_input['attention_mask']).cpu().numpy() + title_embeddings.extend(batch_embs.tolist()) + + # Process descriptions + print("Processing descriptions...") + desc_embeddings = [] + for i in tqdm(range(0, len(df), batch_size)): + batch_texts = df['desc_text'].iloc[i:i+batch_size].fillna('').tolist() + + encoded_input = tokenizer( + batch_texts, + padding=True, + truncation=True, + max_length=max_length, + return_tensors='pt' + ).to(device) + + with torch.no_grad(): + model_output = model(**encoded_input) + + batch_embs = mean_pooling( + model_output, encoded_input['attention_mask']).cpu().numpy() + desc_embeddings.extend(batch_embs.tolist()) + + combined_embeddings = [] + for i in range(len(df)): + title_emb = np.array(title_embeddings[i]) + desc_emb = np.array(desc_embeddings[i]) + + title_emb = title_emb / (np.linalg.norm(title_emb) + 1e-8) + desc_emb = desc_emb / (np.linalg.norm(desc_emb) + 1e-8) + + weighted_emb = (title_emb * 0.6) + (desc_emb * 0.4) + + weighted_emb = weighted_emb / (np.linalg.norm(weighted_emb) + 1e-8) + + combined_embeddings.append(weighted_emb.tolist()) + + df['bert_embedding'] = combined_embeddings + + return df + + +def create_combined_embeddings(df, alpha=0.7): # Increased BERT weight from 0.5 to 0.7 + tfidf_svd_dim = len(df['tfidf_svd_embedding'].iloc[0]) + bert_dim = len(df['bert_embedding'].iloc[0]) + print(f"Dimensions - TF-IDF+SVD: {tfidf_svd_dim}, BERT: {bert_dim}") + + combined_embeddings = [] + all_concatenated = [] + + for i in range(len(df)): + tfidf_svd_emb = np.array(df['tfidf_svd_embedding'].iloc[i]) + bert_emb = np.array(df['bert_embedding'].iloc[i]) + + # Normalize + tfidf_svd_emb = tfidf_svd_emb / (np.linalg.norm(tfidf_svd_emb) + 1e-8) + bert_emb = bert_emb / (np.linalg.norm(bert_emb) + 1e-8) + + # Apply weights - more weight to BERT for better semantic matching + tfidf_svd_emb = tfidf_svd_emb * (1 - alpha) # 30% weight + bert_emb = bert_emb * alpha # 70% weight + + concatenated = np.concatenate([tfidf_svd_emb, bert_emb]) + all_concatenated.append(concatenated) + + all_concatenated = np.array(all_concatenated) + + # Increase dimensions for better information preservation + final_dim = 768 + pca = PCA(n_components=final_dim) + reduced_embeddings = pca.fit_transform(all_concatenated) + + print( + f"Explained variance with PCA: {sum(pca.explained_variance_ratio_):.4f}") + print(f"Final embedding dimension: {final_dim}") + + df['combined_embedding'] = reduced_embeddings.tolist() + + with open('models/embedding_pca.pkl', 'wb') as f: + pickle.dump(pca, f) + + return df + + +def save_final_embeddings(df): + save_df = df[['title', 'description', 'genre', + 'media_type', 'combined_embedding']] + + with open('models/final_embeddings.pkl', 'wb') as f: + pickle.dump(save_df, f) + + print(f"Saved embeddings for {len(df)} items") + + +if __name__ == "__main__": + + combined_df = load_and_clean_data() + + combined_df, vectorizer, svd = create_tfidf_svd_embeddings( + combined_df, n_components=300) + + combined_df = create_bert_embeddings(combined_df) + + combined_df = create_combined_embeddings(combined_df, alpha=0.7) + + save_final_embeddings(combined_df) \ No newline at end of file diff --git a/backend/requirements.txt b/backend/requirements.txt index 753a61bb..4594860e 100644 --- a/backend/requirements.txt +++ b/backend/requirements.txt @@ -1,21 +1,29 @@ -cffi==1.15.1 -click==8.1.3 -colorama==0.4.6 -cryptography==39.0.2 -Flask==2.2.2 -Flask-Cors==3.0.10 -gitdb==4.0.10 -GitPython==3.1.30 -greenlet>=2.0.2 -gunicorn==20.1.0 -itsdangerous==2.1.2 -Jinja2==3.1.2 -MarkupSafe==2.1.2 -protobuf==3.20.3 -pycparser==2.21 -PyMySQL==1.0.2 -six==1.16.0 -smmap==5.0.0 -SQLAlchemy==1.4.46 -typing_extensions==4.5.0 -Werkzeug==2.2.2 +Flask==2.2.2 +flask_cors==3.0.10 +nltk==3.9.1 +numpy==2.2.4 +pandas==2.2.3 +scikit_learn==1.6.1 +tqdm==4.67.1 +cffi==1.15.1 +click==8.1.3 +colorama==0.4.6 +cryptography==39.0.2 +gitdb==4.0.10 +GitPython==3.1.30 +greenlet>=2.0.2 +gunicorn==20.1.0 +itsdangerous==2.1.2 +Jinja2==3.1.2 +MarkupSafe==2.1.2 +protobuf==3.20.3 +pycparser==2.21 +PyMySQL==1.0.2 +six==1.16.0 +smmap==5.0.0 +SQLAlchemy==1.4.46 +typing_extensions==4.10.0 +Werkzeug==2.2.2 +torch == 2.6.0 +transformers==4.51.2 +scipy==1.15.2 \ No newline at end of file diff --git a/backend/static/assets/css/essential.css b/backend/static/assets/css/essential.css new file mode 100644 index 00000000..15104ff0 --- /dev/null +++ b/backend/static/assets/css/essential.css @@ -0,0 +1,22 @@ +html{font-family:sans-serif;-ms-text-size-adjust:100%;-webkit-text-size-adjust:100%;height:100%}article,aside,details,figcaption,figure,footer,header,hgroup,main,menu,nav,section,summary{display:block}audio,canvas,progress,video{display:inline-block;vertical-align:baseline}audio:not([controls]){display:none;height:0}[hidden],template{display:none}a{background-color:transparent;color:#000;text-decoration:none}a:active,a:hover{outline:0}abbr[title]{border-bottom:1px dotted}b,optgroup,strong{font-weight:700}dfn{font-style:italic}mark{background:#ff0;color:#000}small{font-size:80%}sub,sup{font-size:75%;line-height:0;position:relative;vertical-align:baseline}sup{top:-.5em}sub{bottom:-.25em}img{border:0;vertical-align:middle;display:inline-block;max-width:100%}svg:not(:root){overflow:hidden}hr{box-sizing:content-box;height:0}pre,textarea{overflow:auto}code,kbd,pre,samp{font-family:monospace,monospace;font-size:1em}button,input,optgroup,select,textarea{color:inherit;font:inherit;margin:0}button{overflow:visible}button,select{text-transform:none}button,html input[type=button],input[type=reset]{-webkit-appearance:button;cursor:pointer}button[disabled],html input[disabled]{cursor:default}button::-moz-focus-inner,input::-moz-focus-inner{border:0;padding:0}input{line-height:normal}input[type=checkbox],input[type=radio]{box-sizing:border-box;padding:0}input[type=number]::-webkit-inner-spin-button,input[type=number]::-webkit-outer-spin-button{height:auto}input[type=search]{-webkit-appearance:none}input[type=search]::-webkit-search-cancel-button,input[type=search]::-webkit-search-decoration{-webkit-appearance:none}legend{border:0;padding:0}table{border-collapse:collapse;border-spacing:0}td,th{padding:0}@font-face{font-family:webflow-icons;src:url("data:application/x-font-ttf;charset=utf-8;base64,AAEAAAALAIAAAwAwT1MvMg8SBiUAAAC8AAAAYGNtYXDpP+a4AAABHAAAAFxnYXNwAAAAEAAAAXgAAAAIZ2x5ZmhS2XEAAAGAAAADHGhlYWQTFw3HAAAEnAAAADZoaGVhCXYFgQAABNQAAAAkaG10eCe4A1oAAAT4AAAAMGxvY2EDtALGAAAFKAAAABptYXhwABAAPgAABUQAAAAgbmFtZSoCsMsAAAVkAAABznBvc3QAAwAAAAAHNAAAACAAAwP4AZAABQAAApkCzAAAAI8CmQLMAAAB6wAzAQkAAAAAAAAAAAAAAAAAAAABEAAAAAAAAAAAAAAAAAAAAABAAADpAwPA/8AAQAPAAEAAAAABAAAAAAAAAAAAAAAgAAAAAAADAAAAAwAAABwAAQADAAAAHAADAAEAAAAcAAQAQAAAAAwACAACAAQAAQAg5gPpA//9//8AAAAAACDmAOkA//3//wAB/+MaBBcIAAMAAQAAAAAAAAAAAAAAAAABAAH//wAPAAEAAAAAAAAAAAACAAA3OQEAAAAAAQAAAAAAAAAAAAIAADc5AQAAAAABAAAAAAAAAAAAAgAANzkBAAAAAAEBIAAAAyADgAAFAAAJAQcJARcDIP5AQAGA/oBAAcABwED+gP6AQAABAOAAAALgA4AABQAAEwEXCQEH4AHAQP6AAYBAAcABwED+gP6AQAAAAwDAAOADQALAAA8AHwAvAAABISIGHQEUFjMhMjY9ATQmByEiBh0BFBYzITI2PQE0JgchIgYdARQWMyEyNj0BNCYDIP3ADRMTDQJADRMTDf3ADRMTDQJADRMTDf3ADRMTDQJADRMTAsATDSANExMNIA0TwBMNIA0TEw0gDRPAEw0gDRMTDSANEwAAAAABAJ0AtAOBApUABQAACQIHCQEDJP7r/upcAXEBcgKU/usBFVz+fAGEAAAAAAL//f+9BAMDwwAEAAkAABcBJwEXAwE3AQdpA5ps/GZsbAOabPxmbEMDmmz8ZmwDmvxmbAOabAAAAgAA/8AEAAPAAB0AOwAABSInLgEnJjU0Nz4BNzYzMTIXHgEXFhUUBw4BBwYjNTI3PgE3NjU0Jy4BJyYjMSIHDgEHBhUUFx4BFxYzAgBqXV6LKCgoKIteXWpqXV6LKCgoKIteXWpVSktvICEhIG9LSlVVSktvICEhIG9LSlVAKCiLXl1qal1eiygoKCiLXl1qal1eiygoZiEgb0tKVVVKS28gISEgb0tKVVVKS28gIQABAAABwAIAA8AAEgAAEzQ3PgE3NjMxFSIHDgEHBhUxIwAoKIteXWpVSktvICFmAcBqXV6LKChmISBvS0pVAAAAAgAA/8AFtgPAADIAOgAAARYXHgEXFhUUBw4BBwYHIxUhIicuAScmNTQ3PgE3NjMxOAExNDc+ATc2MzIXHgEXFhcVATMJATMVMzUEjD83NlAXFxYXTjU1PQL8kz01Nk8XFxcXTzY1PSIjd1BQWlJJSXInJw3+mdv+2/7c25MCUQYcHFg5OUA/ODlXHBwIAhcXTzY1PTw1Nk8XF1tQUHcjIhwcYUNDTgL+3QFt/pOTkwABAAAAAQAAmM7nP18PPPUACwQAAAAAANciZKUAAAAA1yJkpf/9/70FtgPDAAAACAACAAAAAAAAAAEAAAPA/8AAAAW3//3//QW2AAEAAAAAAAAAAAAAAAAAAAAMBAAAAAAAAAAAAAAAAgAAAAQAASAEAADgBAAAwAQAAJ0EAP/9BAAAAAQAAAAFtwAAAAAAAAAKABQAHgAyAEYAjACiAL4BFgE2AY4AAAABAAAADAA8AAMAAAAAAAIAAAAAAAAAAAAAAAAAAAAAAAAADgCuAAEAAAAAAAEADQAAAAEAAAAAAAIABwCWAAEAAAAAAAMADQBIAAEAAAAAAAQADQCrAAEAAAAAAAUACwAnAAEAAAAAAAYADQBvAAEAAAAAAAoAGgDSAAMAAQQJAAEAGgANAAMAAQQJAAIADgCdAAMAAQQJAAMAGgBVAAMAAQQJAAQAGgC4AAMAAQQJAAUAFgAyAAMAAQQJAAYAGgB8AAMAAQQJAAoANADsd2ViZmxvdy1pY29ucwB3AGUAYgBmAGwAbwB3AC0AaQBjAG8AbgBzVmVyc2lvbiAxLjAAVgBlAHIAcwBpAG8AbgAgADEALgAwd2ViZmxvdy1pY29ucwB3AGUAYgBmAGwAbwB3AC0AaQBjAG8AbgBzd2ViZmxvdy1pY29ucwB3AGUAYgBmAGwAbwB3AC0AaQBjAG8AbgBzUmVndWxhcgBSAGUAZwB1AGwAYQByd2ViZmxvdy1pY29ucwB3AGUAYgBmAGwAbwB3AC0AaQBjAG8AbgBzRm9udCBnZW5lcmF0ZWQgYnkgSWNvTW9vbi4ARgBvAG4AdAAgAGcAZQBuAGUAcgBhAHQAZQBkACAAYgB5ACAASQBjAG8ATQBvAG8AbgAuAAAAAwAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAA==") format('truetype');font-weight:400;font-style:normal}[class*=" w-icon-"],[class^=w-icon-]{font-family:webflow-icons!important;speak:none;font-style:normal;font-weight:400;font-variant:normal;text-transform:none;line-height:1;-webkit-font-smoothing:antialiased;-moz-osx-font-smoothing:grayscale}.w-icon-slider-right:before{content:"\e600"}.w-icon-slider-left:before{content:"\e601"}.w-icon-nav-menu:before{content:"\e602"}.w-icon-arrow-down:before,.w-icon-dropdown-toggle:before{content:"\e603"}.w-icon-file-upload-remove:before{content:"\e900"}.w-icon-file-upload-icon:before{content:"\e903"}*{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}html.w-mod-touch *{background-attachment:scroll!important}.w-block{display:block}.w-inline-block{max-width:100%;display:inline-block}.w-clearfix:after,.w-clearfix:before{content:" ";display:table;grid-column-start:1;grid-row-start:1;grid-column-end:2;grid-row-end:2}.w-clearfix:after{clear:both}.w-hidden{display:none}.w-button{display:inline-block;padding:9px 15px;background-color:#3898ec;color:#fff;border:0;line-height:inherit;text-decoration:none;cursor:pointer;border-radius:0}input.w-button{-webkit-appearance:button}html[data-w-dynpage] [data-w-cloak]{color:transparent!important}.w-webflow-badge,.w-webflow-badge *{position:static;left:auto;top:auto;right:auto;bottom:auto;z-index:auto;display:block;visibility:visible;overflow:visible;overflow-x:visible;overflow-y:visible;box-sizing:border-box;width:auto;height:auto;max-height:none;max-width:none;min-height:0;min-width:0;margin:0;padding:0;float:none;clear:none;border:0 transparent;border-radius:0;background:0 0;box-shadow:none;opacity:1;transform:none;transition:none;direction:ltr;font-family:inherit;font-weight:inherit;color:inherit;font-size:inherit;line-height:inherit;font-style:inherit;font-variant:inherit;text-align:inherit;letter-spacing:inherit;text-decoration:inherit;text-indent:0;text-transform:inherit;list-style-type:disc;text-shadow:none;font-smoothing:auto;vertical-align:baseline;cursor:inherit;white-space:inherit;word-break:normal;word-spacing:normal;word-wrap:normal}.w-webflow-badge{position:fixed!important;display:inline-block!important;visibility:visible!important;z-index:2147483647!important;top:auto!important;right:12px!important;bottom:12px!important;left:auto!important;color:#aaadb0!important;background-color:#fff!important;border-radius:3px!important;padding:6px 8px 6px 6px!important;font-size:12px!important;opacity:1!important;line-height:14px!important;text-decoration:none!important;transform:none!important;margin:0!important;width:auto!important;height:auto!important;overflow:visible!important;white-space:nowrap;box-shadow:0 0 0 1px rgba(0,0,0,.1),0 1px 3px rgba(0,0,0,.1);cursor:pointer}.w-webflow-badge>img{display:inline-block!important;visibility:visible!important;opacity:1!important;vertical-align:middle!important}p{margin-top:0;margin-bottom:0;line-height:1.6}blockquote{margin:0 0 10px;padding:10px 20px;border-left:5px solid #e2e2e2;font-size:18px;line-height:22px}figure{margin:0 0 10px}figcaption{margin-top:5px;text-align:center}ol,ul{margin-top:0;margin-bottom:10px;padding-left:40px}.w-list-unstyled{padding-left:0;list-style:none}.w-embed:after,.w-embed:before{content:" ";display:table;grid-column-start:1;grid-row-start:1;grid-column-end:2;grid-row-end:2}.w-embed:after{clear:both}.w-video{width:100%;position:relative;padding:0}.w-video embed,.w-video iframe,.w-video object{position:absolute;top:0;left:0;width:100%;height:100%;border:none}fieldset{padding:0;margin:0;border:0}[type=button],[type=reset],button{border:0;cursor:pointer;-webkit-appearance:button}.w-form{margin:0 0 15px}.w-form-done{display:none;padding:20px;text-align:center;background-color:#ddd}.w-form-fail{display:none;margin-top:10px;padding:10px;background-color:#ffdede}.w-input,.w-select{display:block;width:100%;height:38px;padding:8px 12px;margin-bottom:10px;font-size:14px;line-height:1.42857143;color:#333;vertical-align:middle;background-color:#fff;border:1px solid #ccc}.w-input:-moz-placeholder,.w-select:-moz-placeholder{color:#999}.w-input::-moz-placeholder,.w-select::-moz-placeholder{color:#999;opacity:1}.w-input:-ms-input-placeholder,.w-select:-ms-input-placeholder{color:#999}.w-input::-webkit-input-placeholder,.w-select::-webkit-input-placeholder{color:#999}.w-input:focus,.w-select:focus{border-color:#3898ec;outline:0}.w-input[disabled],.w-input[readonly],.w-select[disabled],.w-select[readonly],fieldset[disabled] .w-input,fieldset[disabled] .w-select{cursor:not-allowed}.w-input[disabled]:not(.w-input-disabled),.w-input[readonly],.w-select[disabled]:not(.w-input-disabled),.w-select[readonly],fieldset[disabled]:not(.w-input-disabled) .w-input,fieldset[disabled]:not(.w-input-disabled) .w-select{background-color:#eee}textarea.w-input,textarea.w-select{height:auto}.w-select{background-color:#f3f3f3}.w-select[multiple]{height:auto}.w-form-label{display:inline-block;cursor:pointer;font-weight:400;margin-bottom:0}.w-radio{display:block;margin-bottom:5px;padding-left:20px}.w-radio:after,.w-radio:before{content:" ";display:table;grid-column-start:1;grid-row-start:1;grid-column-end:2;grid-row-end:2}.w-radio:after{clear:both}.w-radio-input{margin:3px 0 0 -20px;line-height:normal;float:left}.w-file-upload{display:block;margin-bottom:10px}.w-file-upload-input{width:.1px;height:.1px;opacity:0;overflow:hidden;position:absolute;z-index:-100}.w-file-upload-default,.w-file-upload-success,.w-file-upload-uploading{display:inline-block;color:#333}.w-file-upload-error{display:block;margin-top:10px}.w-file-upload-default.w-hidden,.w-file-upload-error.w-hidden,.w-file-upload-success.w-hidden,.w-file-upload-uploading.w-hidden{display:none}.w-file-upload-uploading-btn{display:flex;font-size:14px;font-weight:400;cursor:pointer;margin:0;padding:8px 12px;border:1px solid #ccc;background-color:#fafafa}.w-file-upload-file{display:flex;flex-grow:1;justify-content:space-between;margin:0;padding:8px 9px 8px 11px;border:1px solid #ccc;background-color:#fafafa}.w-file-upload-file-name{font-size:14px;font-weight:400;display:block}.w-file-remove-link{margin-top:3px;margin-left:10px;width:auto;height:auto;padding:3px;display:block;cursor:pointer}.w-icon-file-upload-remove{margin:auto;font-size:10px}.w-file-upload-error-msg{display:inline-block;color:#ea384c;padding:2px 0}.w-file-upload-info{display:inline-block;line-height:38px;padding:0 12px}.w-file-upload-label{display:inline-block;font-size:14px;font-weight:400;cursor:pointer;margin:0;padding:8px 12px;border:1px solid #ccc;background-color:#fafafa}.w-icon-file-upload-icon,.w-icon-file-upload-uploading{display:inline-block;margin-right:8px;width:20px}.w-icon-file-upload-uploading{height:20px}.w-container{margin-left:auto;margin-right:auto;max-width:940px}.w-container:after,.w-container:before{content:" ";display:table;grid-column-start:1;grid-row-start:1;grid-column-end:2;grid-row-end:2}.w-container:after{clear:both}.w-container .w-row{margin-left:-10px;margin-right:-10px}.w-row:after,.w-row:before{content:" ";display:table;grid-column-start:1;grid-row-start:1;grid-column-end:2;grid-row-end:2}.w-row:after{clear:both}.w-row .w-row{margin-left:0;margin-right:0}.w-col{position:relative;float:left;width:100%;min-height:1px;padding-left:10px;padding-right:10px}.w-col .w-col{padding-left:0;padding-right:0}.w-col-1{width:8.33333333%}.w-col-2{width:16.66666667%}.w-col-3{width:25%}.w-col-4{width:33.33333333%}.w-col-5{width:41.66666667%}.w-col-6{width:50%}.w-col-7{width:58.33333333%}.w-col-8{width:66.66666667%}.w-col-9{width:75%}.w-col-10{width:83.33333333%}.w-col-11{width:91.66666667%}.w-col-12{width:100%}.w-hidden-main{display:none!important}@media screen and (max-width:991px){.w-container{max-width:728px}.w-hidden-main{display:inherit!important}.w-hidden-medium{display:none!important}.w-col-medium-1{width:8.33333333%}.w-col-medium-2{width:16.66666667%}.w-col-medium-3{width:25%}.w-col-medium-4{width:33.33333333%}.w-col-medium-5{width:41.66666667%}.w-col-medium-6{width:50%}.w-col-medium-7{width:58.33333333%}.w-col-medium-8{width:66.66666667%}.w-col-medium-9{width:75%}.w-col-medium-10{width:83.33333333%}.w-col-medium-11{width:91.66666667%}.w-col-medium-12{width:100%}.w-col-stack{width:100%;left:auto;right:auto}}@media screen and (max-width:767px){.w-hidden-main,.w-hidden-medium{display:inherit!important}.w-hidden-small{display:none!important}.w-container .w-row,.w-row{margin-left:0;margin-right:0}.w-col{width:100%;left:auto;right:auto}.w-col-small-1{width:8.33333333%}.w-col-small-2{width:16.66666667%}.w-col-small-3{width:25%}.w-col-small-4{width:33.33333333%}.w-col-small-5{width:41.66666667%}.w-col-small-6{width:50%}.w-col-small-7{width:58.33333333%}.w-col-small-8{width:66.66666667%}.w-col-small-9{width:75%}.w-col-small-10{width:83.33333333%}.w-col-small-11{width:91.66666667%}.w-col-small-12{width:100%}}@media screen and (max-width:479px){.w-container{max-width:none}.w-hidden-main,.w-hidden-medium,.w-hidden-small{display:inherit!important}.w-hidden-tiny{display:none!important}.w-col{width:100%}.w-col-tiny-1{width:8.33333333%}.w-col-tiny-2{width:16.66666667%}.w-col-tiny-3{width:25%}.w-col-tiny-4{width:33.33333333%}.w-col-tiny-5{width:41.66666667%}.w-col-tiny-6{width:50%}.w-col-tiny-7{width:58.33333333%}.w-col-tiny-8{width:66.66666667%}.w-col-tiny-9{width:75%}.w-col-tiny-10{width:83.33333333%}.w-col-tiny-11{width:91.66666667%}.w-col-tiny-12{width:100%}}.w-widget{position:relative}.w-widget-map{width:100%;height:400px}.w-widget-map label{width:auto;display:inline}.w-widget-map img{max-width:inherit}.w-widget-map .gm-style-iw{text-align:center}.w-widget-map .gm-style-iw>button{display:none!important}.w-widget-twitter{overflow:hidden}.w-widget-twitter-count-shim{display:inline-block;vertical-align:top;position:relative;width:28px;height:20px;text-align:center;background:#fff;border:1px solid #758696;border-radius:3px}.w-widget-twitter-count-shim *{pointer-events:none;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none}.w-widget-twitter-count-shim .w-widget-twitter-count-inner{position:relative;font-size:15px;line-height:12px;text-align:center;color:#999;font-family:serif}.w-widget-twitter-count-shim .w-widget-twitter-count-clear{position:relative;display:block}.w-widget-twitter-count-shim.w--large{width:36px;height:28px}.w-widget-twitter-count-shim.w--large .w-widget-twitter-count-inner{font-size:18px;line-height:18px}.w-widget-twitter-count-shim:not(.w--vertical){margin-left:5px;margin-right:8px}.w-widget-twitter-count-shim:not(.w--vertical).w--large{margin-left:6px}.w-widget-twitter-count-shim:not(.w--vertical):after,.w-widget-twitter-count-shim:not(.w--vertical):before{top:50%;left:0;border:solid transparent;content:' ';height:0;width:0;position:absolute;pointer-events:none}.w-widget-twitter-count-shim:not(.w--vertical):before{border-color:rgba(117,134,150,0);border-right-color:#5d6c7b;border-width:4px;margin-left:-9px;margin-top:-4px}.w-widget-twitter-count-shim:not(.w--vertical).w--large:before{border-width:5px;margin-left:-10px;margin-top:-5px}.w-widget-twitter-count-shim:not(.w--vertical):after{border-color:rgba(255,255,255,0);border-right-color:#fff;border-width:4px;margin-left:-8px;margin-top:-4px}.w-widget-twitter-count-shim:not(.w--vertical).w--large:after{border-width:5px;margin-left:-9px;margin-top:-5px}.w-widget-twitter-count-shim.w--vertical{width:61px;height:33px;margin-bottom:8px}.w-widget-twitter-count-shim.w--vertical:after,.w-widget-twitter-count-shim.w--vertical:before{top:100%;left:50%;border:solid transparent;content:' ';height:0;width:0;position:absolute;pointer-events:none}.w-widget-twitter-count-shim.w--vertical:before{border-color:rgba(117,134,150,0);border-top-color:#5d6c7b;border-width:5px;margin-left:-5px}.w-widget-twitter-count-shim.w--vertical:after{border-color:rgba(255,255,255,0);border-top-color:#fff;border-width:4px;margin-left:-4px}.w-widget-twitter-count-shim.w--vertical .w-widget-twitter-count-inner{font-size:18px;line-height:22px}.w-widget-twitter-count-shim.w--vertical.w--large{width:76px}.w-background-video{position:relative;overflow:hidden;height:500px;color:#fff}.w-background-video>video{background-size:cover;background-position:50% 50%;position:absolute;margin:auto;width:100%;height:100%;right:-100%;bottom:-100%;top:-100%;left:-100%;object-fit:cover;z-index:-100}.w-background-video>video::-webkit-media-controls-start-playback-button{display:none!important;-webkit-appearance:none}.w-background-video--control{position:absolute;bottom:1em;right:1em;background-color:transparent;padding:0}.w-background-video--control>[hidden]{display:none!important}.w-slider{position:relative;height:300px;text-align:center;background:#ddd;clear:both;-webkit-tap-highlight-color:transparent;tap-highlight-color:rgba(0,0,0,0)}.w-slider-mask{position:relative;display:block;overflow:hidden;z-index:1;left:0;right:0;height:100%;white-space:nowrap}.w-slide{position:relative;display:inline-block;vertical-align:top;width:100%;height:100%;white-space:normal;text-align:left}.w-slider-nav{position:absolute;z-index:2;top:auto;right:0;bottom:0;left:0;margin:auto;padding-top:10px;height:40px;text-align:center;-webkit-tap-highlight-color:transparent;tap-highlight-color:rgba(0,0,0,0)}.w-slider-nav.w-round>div{border-radius:100%}.w-slider-nav.w-num>div{width:auto;height:auto;padding:.2em .5em;font-size:inherit;line-height:inherit}.w-slider-nav.w-shadow>div{box-shadow:0 0 3px rgba(51,51,51,.4)}.w-slider-nav-invert{color:#fff}.w-slider-nav-invert>div{background-color:rgba(34,34,34,.4)}.w-slider-nav-invert>div.w-active{background-color:#222}.w-slider-dot{position:relative;display:inline-block;width:1em;height:1em;background-color:rgba(255,255,255,.4);cursor:pointer;margin:0 3px .5em;transition:background-color .1s,color .1s}.w-slider-dot.w-active{background-color:#fff}.w-slider-dot:focus{outline:0;box-shadow:0 0 0 2px #fff}.w-slider-dot:focus.w-active{box-shadow:none}.w-slider-arrow-left,.w-slider-arrow-right{position:absolute;width:80px;top:0;right:0;bottom:0;left:0;margin:auto;cursor:pointer;overflow:hidden;color:#fff;font-size:40px;-webkit-tap-highlight-color:transparent;tap-highlight-color:rgba(0,0,0,0);-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none}.w-slider-arrow-left [class*=' w-icon-'],.w-slider-arrow-left [class^=w-icon-],.w-slider-arrow-right [class*=' w-icon-'],.w-slider-arrow-right [class^=w-icon-]{position:absolute}.w-slider-arrow-left:focus,.w-slider-arrow-right:focus{outline:0}.w-slider-arrow-left{z-index:3;right:auto}.w-slider-arrow-right{z-index:4;left:auto}.w-icon-slider-left,.w-icon-slider-right{top:0;right:0;bottom:0;left:0;margin:auto;width:1em;height:1em}.w-slider-aria-label{border:0;clip:rect(0 0 0 0);height:1px;margin:-1px;overflow:hidden;padding:0;position:absolute;width:1px}.w-slider-force-show{display:block!important}.w-dropdown{display:inline-block;position:relative;text-align:left;margin-left:auto;margin-right:auto;z-index:900}.w-dropdown-btn,.w-dropdown-link,.w-dropdown-toggle{position:relative;vertical-align:top;text-decoration:none;color:#222;padding:20px;text-align:left;margin-left:auto;margin-right:auto;white-space:nowrap}.w-dropdown-toggle{-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none;display:inline-block;cursor:pointer;padding-right:40px}.w-dropdown-toggle:focus{outline:0}.w-icon-dropdown-toggle{position:absolute;top:0;right:0;bottom:0;margin:auto 20px auto auto;width:1em;height:1em}.w-dropdown-list{position:absolute;background:#ddd;display:none;min-width:100%}.w-dropdown-list.w--open{display:block}.w-dropdown-link{padding:10px 20px;display:block;color:#222}.w-dropdown-link.w--current{color:#0082f3}.w-dropdown-link:focus{outline:0}@media screen and (max-width:767px){.w-nav-brand{padding-left:10px}}.w-lightbox-backdrop{cursor:auto;font-style:normal;font-variant:normal;letter-spacing:normal;list-style:disc;text-indent:0;text-shadow:none;text-transform:none;visibility:visible;white-space:normal;word-break:normal;word-spacing:normal;word-wrap:normal;position:fixed;top:0;right:0;bottom:0;left:0;color:#fff;font-family:"Helvetica Neue",Helvetica,Ubuntu,"Segoe UI",Verdana,sans-serif;font-size:17px;line-height:1.2;font-weight:300;text-align:center;background:rgba(0,0,0,.9);z-index:2000;outline:0;opacity:0;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;-webkit-tap-highlight-color:transparent;-webkit-transform:translate(0,0)}.w-lightbox-backdrop,.w-lightbox-container{height:100%;overflow:auto;-webkit-overflow-scrolling:touch}.w-lightbox-content{position:relative;height:100vh;overflow:hidden}.w-lightbox-view{position:absolute;width:100vw;height:100vh;opacity:0}.w-lightbox-view:before{content:"";height:100vh}.w-lightbox-group,.w-lightbox-group .w-lightbox-view,.w-lightbox-group .w-lightbox-view:before{height:86vh}.w-lightbox-frame,.w-lightbox-view:before{display:inline-block;vertical-align:middle}.w-lightbox-figure{position:relative;margin:0}.w-lightbox-group .w-lightbox-figure{cursor:pointer}.w-lightbox-img{width:auto;height:auto;max-width:none}.w-lightbox-image{display:block;float:none;max-width:100vw;max-height:100vh}.w-lightbox-group .w-lightbox-image{max-height:86vh}.w-lightbox-caption{position:absolute;right:0;bottom:0;left:0;padding:.5em 1em;background:rgba(0,0,0,.4);text-align:left;text-overflow:ellipsis;white-space:nowrap;overflow:hidden}.w-lightbox-embed{position:absolute;top:0;right:0;bottom:0;left:0;width:100%;height:100%}.w-lightbox-control{position:absolute;top:0;width:4em;background-size:24px;background-repeat:no-repeat;background-position:center;cursor:pointer;-webkit-transition:.3s;transition:.3s}.w-lightbox-left{display:none;bottom:0;left:0;background-image:url("data:image/svg+xml;base64,PHN2ZyB4bWxucz0iaHR0cDovL3d3dy53My5vcmcvMjAwMC9zdmciIHZpZXdCb3g9Ii0yMCAwIDI0IDQwIiB3aWR0aD0iMjQiIGhlaWdodD0iNDAiPjxnIHRyYW5zZm9ybT0icm90YXRlKDQ1KSI+PHBhdGggZD0ibTAgMGg1djIzaDIzdjVoLTI4eiIgb3BhY2l0eT0iLjQiLz48cGF0aCBkPSJtMSAxaDN2MjNoMjN2M2gtMjZ6IiBmaWxsPSIjZmZmIi8+PC9nPjwvc3ZnPg==")}.w-lightbox-right{display:none;right:0;bottom:0;background-image:url("data:image/svg+xml;base64,PHN2ZyB4bWxucz0iaHR0cDovL3d3dy53My5vcmcvMjAwMC9zdmciIHZpZXdCb3g9Ii00IDAgMjQgNDAiIHdpZHRoPSIyNCIgaGVpZ2h0PSI0MCI+PGcgdHJhbnNmb3JtPSJyb3RhdGUoNDUpIj48cGF0aCBkPSJtMC0waDI4djI4aC01di0yM2gtMjN6IiBvcGFjaXR5PSIuNCIvPjxwYXRoIGQ9Im0xIDFoMjZ2MjZoLTN2LTIzaC0yM3oiIGZpbGw9IiNmZmYiLz48L2c+PC9zdmc+")}.w-lightbox-close{right:0;height:2.6em;background-image:url("data:image/svg+xml;base64,PHN2ZyB4bWxucz0iaHR0cDovL3d3dy53My5vcmcvMjAwMC9zdmciIHZpZXdCb3g9Ii00IDAgMTggMTciIHdpZHRoPSIxOCIgaGVpZ2h0PSIxNyI+PGcgdHJhbnNmb3JtPSJyb3RhdGUoNDUpIj48cGF0aCBkPSJtMCAwaDd2LTdoNXY3aDd2NWgtN3Y3aC01di03aC03eiIgb3BhY2l0eT0iLjQiLz48cGF0aCBkPSJtMSAxaDd2LTdoM3Y3aDd2M2gtN3Y3aC0zdi03aC03eiIgZmlsbD0iI2ZmZiIvPjwvZz48L3N2Zz4=");background-size:18px}.w-lightbox-strip{position:absolute;bottom:0;left:0;right:0;padding:0 1vh;line-height:0;white-space:nowrap;overflow-x:auto;overflow-y:hidden}.w-lightbox-item{display:inline-block;width:10vh;padding:2vh 1vh;box-sizing:content-box;cursor:pointer;-webkit-transform:translate3d(0,0,0)}.w-lightbox-active{opacity:.3}.w-lightbox-thumbnail{position:relative;height:10vh;background:#222;overflow:hidden}.w-lightbox-thumbnail-image{position:absolute;top:0;left:0}.w-lightbox-thumbnail .w-lightbox-tall{top:50%;width:100%;-webkit-transform:translate(0,-50%);-ms-transform:translate(0,-50%);transform:translate(0,-50%)}.w-lightbox-thumbnail .w-lightbox-wide{left:50%;height:100%;-webkit-transform:translate(-50%,0);-ms-transform:translate(-50%,0);transform:translate(-50%,0)}.w-lightbox-spinner{position:absolute;top:50%;left:50%;box-sizing:border-box;width:40px;height:40px;margin-top:-20px;margin-left:-20px;border:5px solid rgba(0,0,0,.4);border-radius:50%;-webkit-animation:.8s linear infinite spin;animation:.8s linear infinite spin}.w-lightbox-spinner:after{content:"";position:absolute;top:-4px;right:-4px;bottom:-4px;left:-4px;border:3px solid transparent;border-bottom-color:#fff;border-radius:50%}.w-lightbox-hide{display:none}.w-lightbox-noscroll{overflow:hidden}@media (min-width:768px){.w-lightbox-content{height:96vh;margin-top:2vh}.w-lightbox-view,.w-lightbox-view:before{height:96vh}.w-lightbox-group,.w-lightbox-group .w-lightbox-view,.w-lightbox-group .w-lightbox-view:before{height:84vh}.w-lightbox-image{max-width:96vw;max-height:96vh}.w-lightbox-group .w-lightbox-image{max-width:82.3vw;max-height:84vh}.w-lightbox-left,.w-lightbox-right{display:block;opacity:.5}.w-lightbox-close{opacity:.8}.w-lightbox-control:hover{opacity:1}}.w-lightbox-inactive,.w-lightbox-inactive:hover{opacity:0}.w-richtext:after,.w-richtext:before{content:" ";display:table;grid-column-start:1;grid-row-start:1;grid-column-end:2;grid-row-end:2}.w-richtext:after{clear:both}.w-richtext[contenteditable=true]:after,.w-richtext[contenteditable=true]:before{white-space:initial}.w-richtext ol,.w-richtext ul{overflow:hidden}.w-richtext .w-richtext-figure-selected.w-richtext-figure-type-image div,.w-richtext .w-richtext-figure-selected.w-richtext-figure-type-video div:after,.w-richtext .w-richtext-figure-selected[data-rt-type=image] div,.w-richtext .w-richtext-figure-selected[data-rt-type=video] div:after{outline:#2895f7 solid 2px}.w-richtext figure.w-richtext-figure-type-video>div:after,.w-richtext figure[data-rt-type=video]>div:after{content:'';position:absolute;display:none;left:0;top:0;right:0;bottom:0}.w-richtext figure{position:relative;max-width:60%}.w-richtext figure>div:before{cursor:default!important}.w-richtext figure img{width:100%}.w-richtext figure figcaption.w-richtext-figcaption-placeholder{opacity:.6}.w-richtext figure div{font-size:0px;color:transparent}.w-richtext figure.w-richtext-figure-type-image,.w-richtext figure[data-rt-type=image]{display:table}.w-richtext figure.w-richtext-figure-type-image>div,.w-richtext figure[data-rt-type=image]>div{display:inline-block}.w-richtext figure.w-richtext-figure-type-image>figcaption,.w-richtext figure[data-rt-type=image]>figcaption{display:table-caption;caption-side:bottom}.w-richtext figure.w-richtext-figure-type-video,.w-richtext figure[data-rt-type=video]{width:60%;height:0}.w-richtext figure.w-richtext-figure-type-video iframe,.w-richtext figure[data-rt-type=video] iframe{position:absolute;top:0;left:0;width:100%;height:100%}.w-richtext figure.w-richtext-figure-type-video>div,.w-richtext figure[data-rt-type=video]>div{width:100%}.w-richtext figure.w-richtext-align-center{margin-right:auto;margin-left:auto;clear:both}.w-richtext figure.w-richtext-align-center.w-richtext-figure-type-image>div,.w-richtext figure.w-richtext-align-center[data-rt-type=image]>div{max-width:100%}.w-richtext figure.w-richtext-align-normal{clear:both}.w-richtext figure.w-richtext-align-fullwidth{width:100%;max-width:100%;text-align:center;clear:both;display:block;margin-right:auto;margin-left:auto}.w-richtext figure.w-richtext-align-fullwidth>div{display:inline-block;padding-bottom:inherit}.w-richtext figure.w-richtext-align-fullwidth>figcaption{display:block}.w-richtext figure.w-richtext-align-floatleft{float:left;margin-right:15px;clear:none}.w-richtext figure.w-richtext-align-floatright{float:right;margin-left:15px;clear:none}.w-nav{position:relative;background:#ddd;z-index:1000}.w-nav:after,.w-nav:before{content:" ";display:table;grid-column-start:1;grid-row-start:1;grid-column-end:2;grid-row-end:2}.w-nav:after{clear:both}.w-nav-brand{position:relative;float:left;text-decoration:none;color:#333}.w-nav-link{position:relative;display:inline-block;vertical-align:top;text-decoration:none;color:#222;padding:20px;text-align:left;margin-left:auto;margin-right:auto}.w-nav-link.w--current{color:#0082f3}.w-nav-menu{position:relative;float:right}[data-nav-menu-open]{display:block!important;position:absolute;top:100%;left:0;right:0;background:#c8c8c8;text-align:center;overflow:visible;min-width:200px}.w--nav-link-open{display:block;position:relative}.w-nav-overlay{position:absolute;overflow:hidden;display:none;top:100%;left:0;right:0;width:100%}.w-nav-overlay [data-nav-menu-open]{top:0}.w-nav[data-animation=over-left] .w-nav-overlay{width:auto}.w-nav[data-animation=over-left] .w-nav-overlay,.w-nav[data-animation=over-left] [data-nav-menu-open]{right:auto;z-index:1;top:0}.w-nav[data-animation=over-right] .w-nav-overlay{width:auto}.w-nav[data-animation=over-right] .w-nav-overlay,.w-nav[data-animation=over-right] [data-nav-menu-open]{left:auto;z-index:1;top:0}.w-nav-button{position:relative;float:right;padding:18px;font-size:24px;display:none;cursor:pointer;-webkit-tap-highlight-color:transparent;tap-highlight-color:rgba(0,0,0,0);-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none}.w-nav-button:focus{outline:0}.w-nav-button.w--open{background-color:#c8c8c8;color:#fff}.w-nav[data-collapse=all] .w-nav-menu{display:none}.w--nav-dropdown-open,.w--nav-dropdown-toggle-open,.w-nav[data-collapse=all] .w-nav-button{display:block}.w--nav-dropdown-list-open{position:static}@media screen and (max-width:991px){.w-nav[data-collapse=medium] .w-nav-menu{display:none}.w-nav[data-collapse=medium] .w-nav-button{display:block}}@media screen and (max-width:767px){.w-nav[data-collapse=small] .w-nav-menu{display:none}.w-nav[data-collapse=small] .w-nav-button{display:block}.w-nav-brand{padding-left:10px}}.w-tabs{position:relative}.w-tabs:after,.w-tabs:before{content:" ";display:table;grid-column-start:1;grid-row-start:1;grid-column-end:2;grid-row-end:2}.w-tabs:after{clear:both}.w-tab-menu{position:relative}.w-tab-link{position:relative;display:inline-block;vertical-align:top;text-decoration:none;padding:9px 30px;text-align:left;cursor:pointer;color:#222;background-color:#ddd}.w-tab-link.w--current{background-color:#c8c8c8}.w-tab-link:focus{outline:0}.w-tab-content{position:relative;display:block;overflow:hidden}.w-tab-pane{position:relative;display:none}.w--tab-active{display:block}@media screen and (max-width:479px){.w-nav[data-collapse=tiny] .w-nav-menu{display:none}.w-nav[data-collapse=tiny] .w-nav-button,.w-tab-link{display:block}}.w-ix-emptyfix:after{content:""}@keyframes spin{0%{transform:rotate(0)}100%{transform:rotate(360deg)}}.w-dyn-empty{padding:10px;background-color:#ddd}.w-condition-invisible,.w-dyn-bind-empty,.w-dyn-hide{display:none!important}.wf-layout-layout{display:grid!important}.w-layout-grid{display:-ms-grid;display:grid;grid-auto-columns:1fr;-ms-grid-columns:1fr 1fr;grid-template-columns:1fr 1fr;-ms-grid-rows:auto auto;grid-template-rows:auto auto;grid-row-gap:16px;grid-column-gap:16px}body{margin:0;min-height:100%;background-color:#fff;font-family:rustica,sans-serif;color:#000;font-size:1vw;line-height:1;font-weight:300;letter-spacing:-.02em}h1{margin:0;font-family:roc-grotesk,sans-serif;font-size:38px;line-height:1.2;font-weight:500}h2{margin-top:0;margin-bottom:0;font-family:roc-grotesk,sans-serif;font-size:32px;line-height:1.2;font-weight:500}h3{margin-top:0;margin-bottom:0;font-family:roc-grotesk,sans-serif;font-size:24px;line-height:1.2;font-weight:500}h4{margin-top:0;margin-bottom:0;font-family:roc-grotesk,sans-serif;font-size:18px;line-height:1.2;font-weight:500}h5{margin-top:0;margin-bottom:0;font-family:rustica,sans-serif;font-size:14px;line-height:20px;font-weight:700}h6{margin-top:0;margin-bottom:0;font-family:rustica,sans-serif;font-size:12px;line-height:18px;font-weight:700}label{display:block;margin-bottom:.5em;font-weight:300}.page-wrapper{overflow:hidden}.grid{width:100%;grid-column-gap:2.5em;-ms-grid-columns:1fr 1fr 1fr 1fr 1fr 1fr 1fr 1fr 1fr 1fr 1fr 1fr;grid-template-columns:1fr 1fr 1fr 1fr 1fr 1fr 1fr 1fr 1fr 1fr 1fr 1fr;-ms-grid-rows:auto;grid-template-rows:auto}.f-40{font-size:2.5em;line-height:1.2;letter-spacing:-.03em}.f-32{font-size:2em}.f-16{font-size:1em;line-height:1.5}.container{width:100%;max-width:1920px;margin-right:auto;margin-left:auto;padding-right:7.5em;padding-left:7.5em}.container.container-regular{padding-right:7.5em;padding-left:7.5em}.container.nav-container{position:relative;display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;padding-top:2.5em;padding-bottom:.25em;-webkit-box-pack:justify;-webkit-justify-content:space-between;-ms-flex-pack:justify;justify-content:space-between;-webkit-box-align:center;-webkit-align-items:center;-ms-flex-align:center;align-items:center}.container.sec-divider-container{margin-top:10em;padding-bottom:7.5em}.container.sec-divider-container.divider-96{margin-top:6em;padding-bottom:6em}.container.h-contact-sec{position:relative;z-index:2}.ds-item{padding-top:2em;padding-bottom:2em;border-bottom:1px solid rgba(0,0,0,.1)}.f-100{font-size:6.25em}.f-100.f-white{color:#fff}.f-80{font-size:5em;line-height:1.2}.f-14{font-size:.875em;line-height:1.5}.ds-h{padding-bottom:.5em;border-bottom-style:solid;border-bottom-width:1px}.f-30{font-size:1.875em;letter-spacing:-.02em}.f-20{font-size:1.25em;line-height:1.5}.ds-wrapper{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;padding-top:5em;padding-bottom:5em;-webkit-box-orient:vertical;-webkit-box-direction:normal;-webkit-flex-direction:column;-ms-flex-direction:column;flex-direction:column;grid-row-gap:8em}.f-48{font-size:3em;line-height:1.2}.f-64{font-size:4em;line-height:1.2}.f-18{font-size:1.125em;line-height:1.5}.brand{width:3em;height:3em;color:#000}.brand-logo{width:100%;height:100%}.nav-links{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;-webkit-box-align:center;-webkit-align-items:center;-ms-flex-align:center;align-items:center;grid-column-gap:2.75em}.nav-menu-link{font-family:roc-grotesk,sans-serif;font-size:1.0625em;line-height:1.4}.btn-primary{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;height:3em;padding:.875em 1.5em .75em;-webkit-box-pack:center;-webkit-justify-content:center;-ms-flex-pack:center;justify-content:center;-webkit-box-align:center;-webkit-align-items:center;-ms-flex-align:center;align-items:center;border:.125em solid #000;background-color:transparent;-webkit-transition:background-color 250ms,color 250ms;transition:background-color 250ms,color 250ms;font-family:roc-grotesk,sans-serif;color:#000;font-size:1.0625em}.btn-primary:hover{background-color:#000;color:#fff}.mode{position:absolute;left:auto;top:.625em;right:.625em;bottom:auto}.mode-ic{width:100%;height:100%}.mode-btn{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex}.dark-mode,.light-mode{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;width:1.75em;height:1.75em;padding:.5em;-webkit-box-pack:center;-webkit-justify-content:center;-ms-flex-pack:center;justify-content:center;-webkit-box-align:center;-webkit-align-items:center;-ms-flex-align:center;align-items:center;border-radius:.3125em;-webkit-transition:.4s;transition:.4s}.sec.h-hero-sec{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;min-height:80vh;-webkit-box-orient:vertical;-webkit-box-direction:normal;-webkit-flex-direction:column;-ms-flex-direction:column;flex-direction:column;-webkit-box-pack:justify;-webkit-justify-content:space-between;-ms-flex-pack:justify;justify-content:space-between}.h-hero-header-highlight-wrapper{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;-webkit-box-pack:start;-webkit-justify-content:flex-start;-ms-flex-pack:start;justify-content:flex-start}.hero-highlight-wrapper{-webkit-box-align:center;-webkit-align-items:center;-ms-flex-align:center;align-items:center;background-color:#000}.hero-highlight-wrapper.left-1,.hero-highlight-wrapper.left-2{display:none}.hero-highlight-wrapper.left-3{display:block}.hero-highlight-wrapper.left-4{display:none}.hero-highlight-wrapper.right-1{display:block}.hero-highlight-wrapper.right-2,.hero-highlight-wrapper.right-3,.hero-highlight-wrapper.right-4{display:none}.h-hero-header-arrow{width:4.5em;margin-right:2.625em;margin-left:2.5em;-webkit-box-flex:0;-webkit-flex:0 0 auto;-ms-flex:0 0 auto;flex:0 0 auto;color:#000}.h-hero-header{padding-top:7em}.f-rustica-normal{font-weight:400}.h-hero-p{width:62ch}.h-hero-btn{margin-bottom:1.25em}.btn-link{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;-webkit-box-orient:horizontal;-webkit-box-direction:normal;-webkit-flex-direction:row;-ms-flex-direction:row;flex-direction:row;-webkit-box-pack:start;-webkit-justify-content:flex-start;-ms-flex-pack:start;justify-content:flex-start;-webkit-box-align:start;-webkit-align-items:flex-start;-ms-flex-align:start;align-items:flex-start;grid-column-gap:1em;white-space:nowrap}.btn-link.display-hidden{display:none}.btn-link-text{font-family:roc-grotesk,sans-serif;font-size:1.125em;font-weight:500}.btn-link-underline-none{width:100%;background-color:#000;opacity:.1}.btn-link-text-wrapper{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;-webkit-box-orient:vertical;-webkit-box-direction:normal;-webkit-flex-direction:column;-ms-flex-direction:column;flex-direction:column}.btn-link-arrow{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;width:1.125em;height:1.125em;-webkit-box-pack:center;-webkit-justify-content:center;-ms-flex-pack:center;justify-content:center;-webkit-box-align:center;-webkit-align-items:center;-ms-flex-align:center;align-items:center}.h-hero-p-wrapper{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;padding-top:6em;-webkit-box-align:end;-webkit-align-items:flex-end;-ms-flex-align:end;align-items:flex-end;grid-column-gap:12.75em}.sec-divider-line{width:100%;height:.125em;background-color:#000}.btn-link-underline-hover{position:absolute;left:0;top:0;right:0;bottom:0;width:0%;height:1px;background-color:#000}.btn-link-underline{position:relative;display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;width:100%;height:1px;margin-top:.625em;-webkit-box-pack:start;-webkit-justify-content:flex-start;-ms-flex-pack:start;justify-content:flex-start}.double-header-bottom{overflow:hidden;font-family:roc-grotesk,sans-serif;color:#828282;font-weight:500}.f-24{font-size:1.5em}.service-tag{padding:.5em .625em .375em;border:2px solid #000;font-family:roc-grotesk,sans-serif;font-size:1.125em;line-height:1.2;font-weight:500}.h-services-tags-wrapper{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;margin-top:2.25em;-webkit-box-orient:horizontal;-webkit-box-direction:normal;-webkit-flex-direction:row;-ms-flex-direction:row;flex-direction:row;-webkit-flex-wrap:wrap;-ms-flex-wrap:wrap;flex-wrap:wrap;-webkit-align-content:flex-start;-ms-flex-line-pack:start;align-content:flex-start;grid-column-gap:0.75em;grid-row-gap:0.75em}.f-roc-grotesk{font-family:roc-grotesk,sans-serif}.h-services-tags{padding-top:4.5em}.f-14-2{font-size:.875em}.ds-sh{padding-top:2.5em;padding-bottom:.5em;border-bottom:1px solid rgba(22,22,22,.1);font-weight:700}.padding-28{padding:1.75em}.padding-20{padding:1.25em}.ds-item-empty{width:100%;height:2em;border:1px dashed #0073e6;background-color:rgba(0,115,230,.1)}.padding-24{padding:1.5em}.padding-144{padding:9em}.padding-168{padding:10.5em}.padding-192{padding:12em}.ds-2-col{display:-ms-grid;display:grid;grid-auto-columns:1fr;grid-column-gap:2em;grid-row-gap:2em;-ms-grid-columns:1fr 1fr;grid-template-columns:1fr 1fr;-ms-grid-rows:auto;grid-template-rows:auto}.padding-80{padding:5em}.padding-96{padding:6em}.padding-12{padding:.75em}.padding-240{padding:15em}.ds-item-label{margin-bottom:.5em}.padding-40{padding:2.5em}.padding-32{padding:2em}.padding-88{padding:5.5em}.padding-0{padding:0}.padding-36{padding:2.25em}.padding-72{padding:4.5em}.padding-8{padding:.5em}.padding-16{padding:1em}.padding-64{padding:4em}.padding-48{padding:3em}.padding-4{padding:.25em}.padding-56{padding:3.5em}.padding-120{padding:7.5em}.padding-horizontal{padding-top:0;padding-bottom:0}.padding-vertical{padding-right:0;padding-left:0}.padding-top{padding-right:0;padding-bottom:0;padding-left:0}.padding-right{padding-top:0;padding-bottom:0;padding-left:0}.padding-left{padding-top:0;padding-right:0;padding-bottom:0}.padding-bottom{padding-top:0;padding-right:0;padding-left:0}.service-item{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;width:100%;padding:4em 5em;-webkit-box-orient:vertical;-webkit-box-direction:normal;-webkit-flex-direction:column;-ms-flex-direction:column;flex-direction:column;-webkit-box-pack:start;-webkit-justify-content:flex-start;-ms-flex-pack:start;justify-content:flex-start;-webkit-box-align:start;-webkit-align-items:flex-start;-ms-flex-align:start;align-items:flex-start;border:.25em solid #fbfbfb;background-color:#fbfbfb;-webkit-transition:.3s;transition:.3s}.service-item:hover{background-color:#fff}.f-28{font-size:1.75em;line-height:1.2}.f-color-grey{color:#828282}.swiper-arrows{position:absolute;left:auto;top:-7em;right:0;bottom:auto;display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;grid-column-gap:0.5em}.swiper-arrow{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;width:3.25em;height:2.75em;-webkit-box-pack:center;-webkit-justify-content:center;-ms-flex-pack:center;justify-content:center;-webkit-box-align:center;-webkit-align-items:center;-ms-flex-align:center;align-items:center;border:.125em solid #000;-webkit-transition:250ms;transition:250ms;cursor:pointer}.swiper-arrow:hover{background-color:#000;color:#fff}.swiper-arrow-ic{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;width:1em;height:1em;-webkit-box-pack:center;-webkit-justify-content:center;-ms-flex-pack:center;justify-content:center;-webkit-box-align:center;-webkit-align-items:center;-ms-flex-align:center;align-items:center}.swiper{position:relative;width:100%}.swiper.swiper-portfolio,.swiper.swiper-testimonials{overflow:visible}.swiper-wrapper{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex}.swiper-slide{width:100%}.portfolio-item-img{width:100%;height:auto;max-width:780px;background-color:#fbfbfb;-webkit-filter:grayscale(100%);filter:grayscale(100%);-webkit-transition:-webkit-filter 250ms;transition:filter 250ms;transition:filter 250ms,-webkit-filter 250ms;-o-object-fit:cover;object-fit:cover}.portfolio-item-img:hover{-webkit-filter:grayscale(0%);filter:grayscale(0%)}.h-hero-divider{padding-top:10em;-webkit-transform:translate(0,.125em);-ms-transform:translate(0,.125em);transform:translate(0,.125em)}.margin-0{margin:0}.margin-240{margin:15em}.margin-48{margin:3em}.margin-64{margin:4em}.margin-32{margin:2em}.margin-120{margin:7.5em}.margin-8{margin:.5em}.margin-80{margin:5em}.margin-96{margin:6em}.margin-24{margin:1.5em}.margin-36{margin:2.25em}.margin-56{margin:3.5em}.margin-72{margin:4.5em}.margin-192{margin:12em}.margin-144{margin:9em}.margin-28{margin:1.75em}.margin-16{margin:1em}.margin-88{margin:5.5em}.margin-4{margin:.25em}.margin-168{margin:10.5em}.margin-12{margin:.75em}.margin-20{margin:1.25em}.margin-40{margin:2.5em}.margin-left{margin-top:0;margin-right:0;margin-bottom:0}.margin-vertical{margin-right:0;margin-left:0}.margin-right{margin-top:0;margin-bottom:0;margin-left:0}.margin-horizontal{margin-top:0;margin-bottom:0}.margin-bottom{margin-top:0;margin-right:0;margin-left:0}.margin-top{margin-right:0;margin-bottom:0;margin-left:0}.portfolio-item-text{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;width:80%;-webkit-box-orient:vertical;-webkit-box-direction:normal;-webkit-flex-direction:column;-ms-flex-direction:column;flex-direction:column;-webkit-box-align:start;-webkit-align-items:flex-start;-ms-flex-align:start;align-items:flex-start}.testimonial-item{position:relative;padding:4em;background-color:#fbfbfb}.testimonial-quotes{position:absolute;left:0;top:0;right:auto;bottom:auto;display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;width:2.5em;height:2.5em;-webkit-box-pack:center;-webkit-justify-content:center;-ms-flex-pack:center;justify-content:center;-webkit-box-align:center;-webkit-align-items:center;-ms-flex-align:center;align-items:center;background-color:#000;color:#fff}.testimonial-quotes-ic{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;width:.75em;height:.75em;-webkit-box-pack:center;-webkit-justify-content:center;-ms-flex-pack:center;justify-content:center;-webkit-box-align:center;-webkit-align-items:center;-ms-flex-align:center;align-items:center}.testimonial-author{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;-webkit-box-orient:horizontal;-webkit-box-direction:normal;-webkit-flex-direction:row;-ms-flex-direction:row;flex-direction:row;-webkit-box-align:center;-webkit-align-items:center;-ms-flex-align:center;align-items:center}.testimonial-author-img{overflow:hidden;width:4.5em;height:4.5em;-webkit-box-flex:0;-webkit-flex:0 0 auto;-ms-flex:0 0 auto;flex:0 0 auto;border-radius:100%}.h-about-team{display:-ms-grid;display:grid;grid-auto-columns:1fr;grid-column-gap:3em;grid-row-gap:3em;-ms-grid-columns:1fr 1fr 1fr;grid-template-columns:1fr 1fr 1fr;-ms-grid-rows:auto auto;grid-template-rows:auto auto}.team-member{width:100%}.team-member-img{width:12.5em;height:12.5em}.sec-bg{position:absolute;left:0;top:0;right:0;bottom:0;z-index:1;margin-right:1.25em;margin-left:1.25em;background-color:#fbfbfb}.h-contact-text{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;-webkit-box-orient:vertical;-webkit-box-direction:normal;-webkit-flex-direction:column;-ms-flex-direction:column;flex-direction:column;-webkit-box-align:start;-webkit-align-items:flex-start;-ms-flex-align:start;align-items:flex-start}.h-contact-text-p{width:20ch}.h-contact-text-divider{width:4.5em;height:1px;background-color:#c9c9c9}.form{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;width:100%;-webkit-box-orient:vertical;-webkit-box-direction:normal;-webkit-flex-direction:column;-ms-flex-direction:column;flex-direction:column;-webkit-box-align:start;-webkit-align-items:flex-start;-ms-flex-align:start;align-items:flex-start}.field-label{font-size:1.125em}.field-wrapper{width:100%;padding-bottom:2em}.text-field{height:3.5em;margin-bottom:0;padding:1.25em 1em;border:1px solid transparent;border-radius:0;color:#000;font-size:1em}.text-field:focus{border-color:#000}.text-field.text-area{height:12.5em}.success{padding:1em}.error{margin-top:1em;padding:.75em}.relative{position:relative}.opacity-50{opacity:.5}.align-center{-webkit-box-orient:vertical;-webkit-box-direction:normal;-webkit-flex-direction:column;-ms-flex-direction:column;flex-direction:column;-webkit-box-pack:center;-webkit-justify-content:center;-ms-flex-pack:center;justify-content:center;-webkit-box-align:center;-webkit-align-items:center;-ms-flex-align:center;align-items:center;text-align:center}.partner-logos{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;width:100%;-webkit-box-orient:vertical;-webkit-box-direction:normal;-webkit-flex-direction:column;-ms-flex-direction:column;flex-direction:column;grid-row-gap:3.5em}.partner-logos-row{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;width:100%;height:3em;-webkit-box-pack:justify;-webkit-justify-content:space-between;-ms-flex-pack:justify;justify-content:space-between;-webkit-box-align:center;-webkit-align-items:center;-ms-flex-align:center;align-items:center;grid-column-gap:1.5em;grid-row-gap:1.5em}.partner-logo{width:auto;height:100%;-webkit-box-flex:0;-webkit-flex:0 0 auto;-ms-flex:0 0 auto;flex:0 0 auto}.partner-logo.is-mirasee{-webkit-transform:translate(0,-.75em);-ms-transform:translate(0,-.75em);transform:translate(0,-.75em)}.footer-top-wrapper{position:relative;display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;-webkit-box-pack:center;-webkit-justify-content:center;-ms-flex-pack:center;justify-content:center;-webkit-box-align:center;-webkit-align-items:center;-ms-flex-align:center;align-items:center}.footer-copyright{position:absolute;display:block}.footer-sm{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;grid-column-gap:2em;grid-row-gap:2em}.footer-sm-link{width:1em;height:1em}.footer-sm-link-ic{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;-webkit-box-pack:center;-webkit-justify-content:center;-ms-flex-pack:center;justify-content:center;-webkit-box-align:center;-webkit-align-items:center;-ms-flex-align:center;align-items:center}.footer-divider-line{width:100%;height:.0625em;background-color:#000;opacity:.1}.footer-product{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;width:25em;margin-right:auto;margin-left:auto;-webkit-box-pack:center;-webkit-justify-content:center;-ms-flex-pack:center;justify-content:center;grid-column-gap:4em}.footer-product-link{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;height:2em;-webkit-box-pack:center;-webkit-justify-content:center;-ms-flex-pack:center;justify-content:center;-webkit-box-align:center;-webkit-align-items:center;-ms-flex-align:center;align-items:center}.h-hero-header-highlight-w{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;-webkit-box-align:center;-webkit-align-items:center;-ms-flex-align:center;align-items:center}.footer-top{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;width:100%;-webkit-box-pack:justify;-webkit-justify-content:space-between;-ms-flex-pack:justify;justify-content:space-between;-webkit-box-align:center;-webkit-align-items:center;-ms-flex-align:center;align-items:center}.hero-highlight{padding-top:.25em;padding-right:.5em;padding-left:.5em}.h-hero-header-highlight{overflow:hidden;height:7.25em}.footer-products,.text-span-2{display:none}.service-item-img{width:auto;height:10em;opacity:.5}.service-row{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;grid-column-gap:2.25em;grid-row-gap:2.25em}.portfolio-page-img{width:100%;height:40em;-o-object-fit:cover;object-fit:cover}.portfolio-page-p.portfolio-page-p-hero{width:90%}.portfolio-page-img-col-2{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;grid-column-gap:2.5em;grid-row-gap:2.5em}.portfolio-page-more{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;grid-column-gap:2.5em;grid-row-gap:6em}@media screen and (max-width:991px){.f-16{font-size:16px}.container{padding-right:40px;padding-left:40px}.container.nav-container{padding-top:32px;padding-bottom:16px}.f-100.m-f-48{font-size:48px}.f-14{font-size:14px}.f-30{font-size:24px}.f-20{font-size:18px}.f-48{font-size:40px}.f-18{font-size:18px}.brand{width:48px;height:48px}.nav-menu-link{font-size:15px}.btn-primary{font-size:16px}.mode{position:static}.mode-btn{grid-column-gap:4px}.dark-mode,.light-mode{width:28px;height:28px}.h-hero-header{padding-top:48px;font-size:1.25vw}.h-hero-p{width:68ch}.h-hero-btn{margin-right:auto;margin-left:auto}.btn-link{font-size:16px}.h-hero-p-wrapper{grid-column-gap:48px}.f-24{font-size:18px}.service-tag{font-size:13px}.h-services-tags{width:85%;padding-top:64px}.f-14-2{font-size:14px}.padding-horizontal{padding-top:0;padding-bottom:0}.padding-vertical{padding-right:0;padding-left:0}.padding-top{padding-right:0;padding-bottom:0;padding-left:0}.padding-right{padding-top:0;padding-bottom:0;padding-left:0}.padding-left{padding-top:0;padding-right:0;padding-bottom:0}.padding-bottom{padding-top:0;padding-right:0;padding-left:0}.service-item{padding:40px}.f-28{font-size:24px}.swiper-arrows{top:-88px}.swiper-arrow{width:48px;height:40px}.swiper-arrow-ic{width:16px;height:16px}.portfolio-item-img{height:auto}.margin-left{margin-top:0;margin-right:0;margin-bottom:0}.margin-vertical{margin-right:0;margin-left:0}.margin-right{margin-top:0;margin-bottom:0;margin-left:0}.margin-horizontal{margin-top:0;margin-bottom:0}.margin-bottom{margin-top:0;margin-right:0;margin-left:0}.margin-top{margin-right:0;margin-bottom:0;margin-left:0}.portfolio-item-text{width:90%}.testimonial-item{padding:56px 40px}.testimonial-quotes{width:32px;height:32px}.testimonial-quotes-ic{width:12px;height:12px}.h-about-team{grid-auto-columns:1fr}.team-member-img{width:120px;height:120px}.field-label{font-size:12px}.text-field{font-size:16px}.partner-logos{font-size:1.25vw}.f-15{font-size:12px}.footer-sm-link{width:20px;height:20px}.nav-menu{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;-webkit-box-align:center;-webkit-align-items:center;-ms-flex-align:center;align-items:center;grid-column-gap:40px}}@media screen and (max-width:767px){.grid{grid-column-gap:24px;-ms-grid-columns:1fr 1fr 1fr 1fr;grid-template-columns:1fr 1fr 1fr 1fr}.container{padding-right:24px;padding-left:24px}.container.nav-container{padding-top:24px}.f-100{line-height:1.1}.f-80{font-size:40px}.f-30{font-size:20px}.f-48{font-size:32px}.f-64{font-size:40px}.f-18{font-size:16px}.nav-links{display:none}.mode{position:static}.h-hero-header-highlight-wrapper{margin-top:.5em;-webkit-box-orient:vertical;-webkit-box-direction:normal;-webkit-flex-direction:column;-ms-flex-direction:column;flex-direction:column;-webkit-flex-wrap:wrap;-ms-flex-wrap:wrap;flex-wrap:wrap;-webkit-box-align:start;-webkit-align-items:flex-start;-ms-flex-align:start;align-items:flex-start;grid-row-gap:1.15em}.h-hero-header-arrow{margin-left:0}.h-hero-header{font-size:2.4vw}.h-hero-p{width:100%}.h-hero-btn{margin-left:0}.h-hero-p-wrapper{padding-top:48px;-webkit-box-orient:vertical;-webkit-box-direction:normal;-webkit-flex-direction:column;-ms-flex-direction:column;flex-direction:column;-webkit-box-align:start;-webkit-align-items:flex-start;-ms-flex-align:start;align-items:flex-start;grid-row-gap:40px}.h-services-tags{width:100%;padding-top:48px}.ds-2-col{-ms-grid-columns:1fr;grid-template-columns:1fr}.padding-horizontal{padding-top:0;padding-bottom:0}.padding-vertical{padding-right:0;padding-left:0}.padding-top{padding-right:0;padding-bottom:0;padding-left:0}.padding-right{padding-top:0;padding-bottom:0;padding-left:0}.padding-left{padding-top:0;padding-right:0;padding-bottom:0}.padding-bottom{padding-top:0;padding-right:0;padding-left:0}.service-item{padding-right:32px;padding-left:32px}.swiper-arrows{display:none}.margin-left{margin-top:0;margin-right:0;margin-bottom:0}.margin-vertical{margin-right:0;margin-left:0}.margin-right{margin-top:0;margin-bottom:0;margin-left:0}.margin-horizontal{margin-top:0;margin-bottom:0}.margin-bottom{margin-top:0;margin-right:0;margin-left:0}.margin-top{margin-right:0;margin-bottom:0;margin-left:0}.testimonial-item{padding-right:32px;padding-left:32px}.h-about-p{margin-top:16px}.h-about-team{margin-top:16px;grid-auto-columns:1fr}.sec-bg{margin-right:0;margin-left:0}.h-contact-text-p{width:100%}.form{-webkit-box-orient:vertical;-webkit-box-direction:normal;-webkit-flex-direction:column;-ms-flex-direction:column;flex-direction:column;-webkit-box-align:stretch;-webkit-align-items:stretch;-ms-flex-align:stretch;align-items:stretch}.partner-logos{grid-row-gap:24px;font-size:2.4vw}.partner-logos-row{height:auto;-webkit-box-pack:center;-webkit-justify-content:center;-ms-flex-pack:center;justify-content:center;-webkit-flex-wrap:wrap;-ms-flex-wrap:wrap;flex-wrap:wrap;-webkit-align-content:center;-ms-flex-line-pack:center;align-content:center;grid-column-gap:24px;grid-row-gap:24px}.partner-logo{height:3em}.footer-top-wrapper{-webkit-box-orient:vertical;-webkit-box-direction:normal;-webkit-flex-direction:column;-ms-flex-direction:column;flex-direction:column}.footer-copyright{position:static;margin-top:56px}.footer-product{width:100%;height:auto;grid-column-gap:32px}.footer-product-link{height:auto}.hidden-on-mobile{display:none}.service-row{-webkit-box-orient:vertical;-webkit-box-direction:normal;-webkit-flex-direction:column;-ms-flex-direction:column;flex-direction:column}.portfolio-page-p.portfolio-page-p-hero{width:100%;margin-bottom:40px}.portfolio-page-img-col-2,.portfolio-page-more{-webkit-box-orient:vertical;-webkit-box-direction:normal;-webkit-flex-direction:column;-ms-flex-direction:column;flex-direction:column}}@media screen and (max-width:479px){.f-48.m-f-26{font-size:26px}.padding-horizontal{padding-top:0;padding-bottom:0}.padding-vertical{padding-right:0;padding-left:0}.padding-top{padding-right:0;padding-bottom:0;padding-left:0}.padding-right{padding-top:0;padding-bottom:0;padding-left:0}.padding-left{padding-top:0;padding-right:0;padding-bottom:0}.padding-bottom{padding-top:0;padding-right:0;padding-left:0}.margin-left{margin-top:0;margin-right:0;margin-bottom:0}.margin-vertical{margin-right:0;margin-left:0}.margin-right{margin-top:0;margin-bottom:0;margin-left:0}.margin-horizontal{margin-top:0;margin-bottom:0}.margin-bottom{margin-top:0;margin-right:0;margin-left:0}.margin-top{margin-right:0;margin-bottom:0;margin-left:0}.h-about-team{-ms-grid-columns:1fr 1fr;grid-template-columns:1fr 1fr}.team-member-img{width:36vw;height:36vw}.partner-logo.product-logo{height:28px}.footer-product{-webkit-box-pack:center;-webkit-justify-content:center;-ms-flex-pack:center;justify-content:center;-webkit-flex-wrap:wrap;-ms-flex-wrap:wrap;flex-wrap:wrap;grid-column-gap:24px;grid-row-gap:8px;font-size:3vw}}#w-node-_4fdfd6e7-60df-9494-ebc4-08a484a4eea1-daae56a8{-ms-grid-column-span:6;grid-column-end:7;-ms-grid-column:1;grid-column-start:1;-ms-grid-row-span:1;grid-row-end:2;-ms-grid-row:1;grid-row-start:1;-ms-grid-row-align:start;align-self:start}#w-node-b39915ad-eae7-aa9d-5bda-941296e90455-daae56a8{-ms-grid-column-span:5;grid-column-end:13;-ms-grid-column:8;grid-column-start:8;-ms-grid-row-span:1;grid-row-end:2;-ms-grid-row:1;grid-row-start:1}#service-item-1.w-node-f4d5dba5-bc26-821e-b0ca-e9d6f4cb5a05-daae56a8,#w-node-_1f0af23b-42d9-cec3-a732-efba9e383f9c-daae56a8,#w-node-_925c1ece-0f0a-aa00-dc17-816e18a91f8b-daae56a8,#w-node-aebc9094-5c64-9f59-276c-a1c5eb609eb5-daae56a8{-ms-grid-column:span 6;grid-column-start:span 6;-ms-grid-column-span:6;grid-column-end:span 6;-ms-grid-row:span 1;grid-row-start:span 1;-ms-grid-row-span:1;grid-row-end:span 1}#w-node-c9f7b188-334c-63df-2288-8cdac13c358d-daae56a8,#w-node-d0cb5fa1-52af-f1ea-0197-28038cbf4123-daae56a8{-ms-grid-column:span 4;grid-column-start:span 4;-ms-grid-column-span:4;grid-column-end:span 4;-ms-grid-row:span 1;grid-row-start:span 1;-ms-grid-row-span:1;grid-row-end:span 1}#w-node-_2bea45b6-b774-6ab6-b929-78b3baedeb4a-daae56a8,#w-node-d89351ae-00f9-1db8-a969-caa42c18a0b2-daae56a8{-ms-grid-column:span 8;grid-column-start:span 8;-ms-grid-column-span:8;grid-column-end:span 8;-ms-grid-row:span 1;grid-row-start:span 1;-ms-grid-row-span:1;grid-row-end:span 1}#w-node-bcfcc4ef-0e2d-ead5-201a-651455e21dc9-55e21dc4{-ms-grid-column:span 3;grid-column-start:span 3;-ms-grid-column-span:3;grid-column-end:span 3;-ms-grid-row:span 1;grid-row-start:span 1;-ms-grid-row-span:1;grid-row-end:span 1}#w-node-bcfcc4ef-0e2d-ead5-201a-651455e21de3-55e21dc4{-ms-grid-column:5;grid-column-start:5;-ms-grid-column-span:8;grid-column-end:13;-ms-grid-row:1;grid-row-start:1;-ms-grid-row-span:1;grid-row-end:2}#w-node-_3d1b7d01-e351-78ef-e079-a9c5a7405a83-151191da,#w-node-f9ed021c-3a3d-524e-81b4-dff87fe4ed89-151191da{-ms-grid-column:span 6;grid-column-start:span 6;-ms-grid-column-span:6;grid-column-end:span 6;-ms-grid-row:span 1;grid-row-start:span 1;-ms-grid-row-span:1;grid-row-end:span 1;-ms-grid-row-align:center;align-self:center}#w-node-_5a40897a-7224-4b04-3631-4a889f7afde3-151191da,#w-node-_8c786a9d-ff2a-4fde-34c9-3c5239d8967d-151191da,#w-node-_9574bc7a-7f31-6e6c-868f-f4102a9e9b58-151191da{-ms-grid-column:span 5;grid-column-start:span 5;-ms-grid-column-span:5;grid-column-end:span 5;-ms-grid-row:span 1;grid-row-start:span 1;-ms-grid-row-span:1;grid-row-end:span 1}#w-node-_8c786a9d-ff2a-4fde-34c9-3c5239d89683-151191da,#w-node-_910d7c7d-0877-1731-9e13-e251d7dc441c-151191da,#w-node-_9574bc7a-7f31-6e6c-868f-f4102a9e9b5e-151191da{-ms-grid-column:span 7;grid-column-start:span 7;-ms-grid-column-span:7;grid-column-end:span 7;-ms-grid-row:span 1;grid-row-start:span 1;-ms-grid-row-span:1;grid-row-end:span 1}@media screen and (max-width:991px){#w-node-_4fdfd6e7-60df-9494-ebc4-08a484a4eea1-daae56a8{-ms-grid-column-span:8;grid-column-end:8}#w-node-b39915ad-eae7-aa9d-5bda-941296e90455-daae56a8{-ms-grid-column:8;grid-column-start:8;-ms-grid-column-align:end;justify-self:end}}@media screen and (max-width:767px){#w-node-_4fdfd6e7-60df-9494-ebc4-08a484a4eea1-daae56a8,#w-node-bcfcc4ef-0e2d-ead5-201a-651455e21de3-55e21dc4{-ms-grid-column:span 4;grid-column-start:span 4;-ms-grid-column-span:4;grid-column-end:span 4;-ms-grid-row:span 1;grid-row-start:span 1;-ms-grid-row-span:1;grid-row-end:span 1}#w-node-b39915ad-eae7-aa9d-5bda-941296e90455-daae56a8{-ms-grid-column:span 4;grid-column-start:span 4;-ms-grid-column-span:4;grid-column-end:span 4;-ms-grid-row:span 1;grid-row-start:span 1;-ms-grid-row-span:1;grid-row-end:span 1;-ms-grid-column-align:start;justify-self:start}#w-node-_2bea45b6-b774-6ab6-b929-78b3baedeb4a-daae56a8,#w-node-_5a40897a-7224-4b04-3631-4a889f7afde3-151191da,#w-node-_8c786a9d-ff2a-4fde-34c9-3c5239d8967d-151191da,#w-node-_8c786a9d-ff2a-4fde-34c9-3c5239d89683-151191da,#w-node-_910d7c7d-0877-1731-9e13-e251d7dc441c-151191da,#w-node-_9574bc7a-7f31-6e6c-868f-f4102a9e9b58-151191da,#w-node-_9574bc7a-7f31-6e6c-868f-f4102a9e9b5e-151191da,#w-node-bcfcc4ef-0e2d-ead5-201a-651455e21dc9-55e21dc4,#w-node-d89351ae-00f9-1db8-a969-caa42c18a0b2-daae56a8{-ms-grid-column:span 4;grid-column-start:span 4;-ms-grid-column-span:4;grid-column-end:span 4}} +@font-face { + font-family: 'Roc Grotesk DEMO'; + src: url('https://uploads-ssl.webflow.com/63a4d61127f93641d7ae56a7/63a4d61127f9362bc0ae56af_Fontspring-DEMO-rocgrotesk-medium.otf') format('opentype'); + font-weight: 500; + font-style: normal; + font-display: swap; +} +@font-face { + font-family: 'Rustica DEMO'; + src: url('https://uploads-ssl.webflow.com/63a4d61127f93641d7ae56a7/63a4d61127f936dcecae56b1_Fontspring-DEMO-3_rustica-light.otf') format('opentype'); + font-weight: 300; + font-style: normal; + font-display: swap; +} +@font-face { + font-family: 'Rustica DEMO'; + src: url('https://uploads-ssl.webflow.com/63a4d61127f93641d7ae56a7/63a4d61127f93691f2ae56b5_Fontspring-DEMO-5_rustica-regular.otf') format('opentype'); + font-weight: 400; + font-style: normal; + font-display: swap; +} \ No newline at end of file diff --git a/backend/static/assets/css/popup.css b/backend/static/assets/css/popup.css new file mode 100644 index 00000000..67acf8ce --- /dev/null +++ b/backend/static/assets/css/popup.css @@ -0,0 +1 @@ +@keyframes spin{to{transform:rotate(360deg)}}.tf-v1-popup{position:fixed;top:0;left:0;width:100%;height:100%;background:rgba(0,0,0,.75);transition:opacity .25s ease-in-out;z-index:10001;display:flex;align-items:center;justify-content:center}.tf-v1-popup .tf-v1-iframe-wrapper{position:relative;transition:opacity .25s ease-in-out;min-width:360px;min-height:360px}.tf-v1-popup .tf-v1-iframe-wrapper iframe{width:100%;height:100%;border:none;overflow:hidden;border-radius:8px}.tf-v1-popup .tf-v1-close{position:absolute;font-size:32px;line-height:24px;width:24px;height:24px;text-align:center;cursor:pointer;opacity:.75;transition:opacity .25s ease-in-out;text-decoration:none;color:#000;top:-34px;right:0}.tf-v1-popup .tf-v1-close:hover{opacity:1}@media(min-width: 481px){.tf-v1-popup .tf-v1-close{color:#fff !important}}.tf-v1-popup .tf-v1-spinner{border:3px solid #aaa;font-size:40px;width:1em;height:1em;border-radius:.5em;box-sizing:border-box;animation:spin 1s linear infinite;border-top-color:#fff;position:absolute;top:50%;left:50%;margin:-20px 0 0 -20px}@media(max-width: 480px){.tf-v1-popup{width:100% !important;height:100% !important;width:100vw !important;height:100vh !important;max-height:stretch}.tf-v1-popup .tf-v1-iframe-wrapper{position:relative;transition:opacity .25s ease-in-out;min-width:100%;min-height:100%}.tf-v1-popup .tf-v1-iframe-wrapper iframe{border-radius:0}.tf-v1-popup .tf-v1-close{position:absolute;font-size:32px;line-height:24px;width:24px;height:24px;text-align:center;cursor:pointer;opacity:.75;transition:opacity .25s ease-in-out;text-decoration:none;color:#000;top:6px;right:8px}.tf-v1-popup .tf-v1-close:hover{opacity:1}}@media(max-width: 480px)and (min-width: 481px){.tf-v1-popup .tf-v1-close{color:#fff !important}} \ No newline at end of file diff --git a/backend/static/assets/css/style.css b/backend/static/assets/css/style.css new file mode 100644 index 00000000..d49ff0d7 --- /dev/null +++ b/backend/static/assets/css/style.css @@ -0,0 +1,439 @@ +#esUqO4CI2Ku10_tr { + animation: esUqO4CI2Ku10_tr__tr 5000ms linear infinite normal forwards +} + @keyframes esUqO4CI2Ku10_tr__tr { + 0% { + transform: translate(46.473598px, 46.47205px) rotate(0deg); + animation-timing-function: cubic-bezier(0.25, 1, 0.25, 1) + } + 30% { + transform: translate(46.473598px, 46.47205px) rotate(180deg) + } + 100% { + transform: translate(46.473598px, 46.47205px) rotate(180deg) + } +} + :root { + --black: #000000; + --white: #fff; + --light-grey: #fbfbfb; + --dark-grey: #161616; +} + body { + background: var(--bg-color); +} + h1, h2, h3, h4, h5, h6, p, a { + color: var(--text-color); +} +/* VIA BUTTON */ + body { + --text-color: var(--black); + --bg-color: var(--white); + transition-property: background-color, color; + transition-duration: 600ms, 600ms; + transition-timing-function: ease, ease; +} +/* VIA BUTTON - Dark Theme Styles */ + body.dark-theme { + --text-color: var(--white); + --bg-color: var(--black); +} + .dark-theme .btn-primary { + border-color: var(--white); + color: var(--white); +} + .dark-theme .btn-primary:hover { + color: var(--black); + background-color: var(--white); +} + .dark-theme .hero-highlight-wrapper { + background-color: var(--white); +} + .dark-theme .f-100.f-white { + color: var(--black); +} + .dark-theme .h-hero-header-arrow { + color: var(--white); +} + .dark-theme .btn-link-underline-none { + background-color: var(--white); +} + .dark-theme .btn-link-underline-hover { + background-color: var(--white); +} + .dark-theme .sec-divider-line { + background-color: var(--white); +} + .dark-theme .service-tag { + color: var(--white); + border-color: var(--white); +} + .dark-theme .swiper-arrow { + color: var(--white); + border-color: var(--white); +} + .dark-theme .swiper-arrow:hover { + color: var(--black); + background-color: var(--white); +} + .dark-theme .swiper-arrow.swiper-arrow-previous.swiper-arrow-disabled:hover { + color: var(--white); +} + .dark-theme .swiper-arrow.swiper-arrow-next.swiper-arrow-disabled:hover { + color: var(--white); +} + .dark-theme .testimonial-item { + background-color: var(--dark-grey); +} + .dark-theme .testimonial-quotes { + background-color: var(--white); + color: var(--black); +} + .dark-theme .sec-bg { + background-color: var(--dark-grey); +} + .dark-theme .field-label { + color: var(--white); +} + .dark-theme .text-field { + background-color: #262626; + color: var(--white); +} + .dark-theme .text-field:focus { + border-color: var(--white); +} + .dark-theme .partner-logo { + filter: invert(100%) contrast(200%); +} + .dark-theme .brand { + color: var(--white); +} + .dark-theme .footer-divider-line { + background-color: var(--white); +} + .dark-theme .service-item-img { + filter: invert(100%) contrast(200%); +} + .dark-theme .service-item { + border-color: var(--dark-grey); + background-color: var(--dark-grey); +} + .dark-theme .service-item:hover { + background-color: var(--black); +} +/* DEFAULT OS SETTINGS */ + @media (prefers-color-scheme: dark) { + /* DEFAULT OS SETTINGS - Dark Theme Styles */ + body { + --text-color: var(--white); + --bg-color: var(--black); + } + .btn-primary { + border-color: var(--white); + color: var(--white); + } + .btn-primary:hover { + color: var(--black); + background-color: var(--white); + } + .hero-highlight-wrapper { + background-color: var(--white); + } + .f-100.f-white { + color: var(--black); + } + .h-hero-header-arrow { + color: var(--white); + } + .btn-link-underline-none { + background-color: var(--white); + } + .btn-link-underline-hover { + background-color: var(--white); + } + .sec-divider-line { + background-color: var(--white); + } + .service-tag { + color: var(--white); + border-color: var(--white); + } + .swiper-arrow { + color: var(--white); + border-color: var(--white); + } + .swiper-arrow:hover { + color: var(--black); + background-color: var(--white); + } + .swiper-arrow.swiper-arrow-previous.swiper-arrow-disabled:hover { + color: var(--white); + } + .swiper-arrow.swiper-arrow-next.swiper-arrow-disabled:hover { + color: var(--white); + } + .testimonial-item { + background-color: var(--dark-grey); + } + .testimonial-quotes { + background-color: var(--white); + color: var(--black); + } + .sec-bg { + background-color: var(--dark-grey); + } + .field-label { + color: var(--white); + } + .text-field { + background-color: #262626; + color: var(--white); + } + .text-field:focus { + border-color: var(--white); + } + .partner-logo { + filter: invert(100%) contrast(200%); + } + .brand { + color: var(--white); + } + .footer-divider-line { + background-color: var(--white); + } + .service-item-img { + filter: invert(100%) contrast(200%); + } + .service-item { + border-color: var(--dark-grey); + background-color: var(--dark-grey); + } + .service-item:hover { + background-color: var(--black); + } + /* DEFAULT OS SETTINGS - Light Theme Styles */ + body.light-theme { + --text-color: var(--black); + --bg-color: var(--white); + } + .light-theme .btn-primary { + border-color: var(--black); + color: var(--black); + } + .light-theme .btn-primary:hover { + color: var(--white); + background-color: var(--black); + } + .light-theme .hero-highlight-wrapper { + background-color: var(--black); + } + .light-theme .f-100.f-white { + color: var(--white); + } + .light-theme .h-hero-header-arrow { + color: var(--black); + } + .light-theme .btn-link-underline-none { + background-color: var(--black); + } + .light-theme .btn-link-underline-hover { + background-color: var(--black); + } + .light-theme .sec-divider-line { + background-color: var(--black); + } + .light-theme .service-tag { + color: var(--black); + border-color: var(--black); + } + .light-theme .swiper-arrow { + color: var(--black); + border-color: var(--black); + } + .light-theme .swiper-arrow:hover { + color: var(--white); + background-color: var(--black); + } + .light-theme .swiper-arrow.swiper-arrow-previous.swiper-arrow-disabled:hover { + color: var(--black); + } + .light-theme .swiper-arrow.swiper-arrow-next.swiper-arrow-disabled:hover { + color: var(--black); + } + .light-theme .testimonial-item { + background-color: var(--light-grey); + } + .light-theme .testimonial-quotes { + background-color: var(--black); + color: var(--white); + } + .light-theme .sec-bg { + background-color: var(--light-grey); + } + .light-theme .field-label { + color: var(--black); + } + .light-theme .text-field { + background-color: var(--white); + color: var(--black); + } + .light-theme .text-field:focus { + border-color: var(--black); + } + .light-theme .partner-logo { + filter: invert(0%) contrast(200%); + } + .light-theme .brand { + color: var(--black); + } + .light-theme .footer-divider-line { + background-color: var(--black); + } + .light-theme .service-item-img { + filter: invert(0%) contrast(200%); + } + .light-theme .service-item { + border-color: var(--light-grey); + background-color: var(--light-grey); + } + .light-theme .service-item:hover { + background-color: var(--white); + } +} + @font-face { + font-family: roc-grotesk; + src: url(https://use.typekit.net/af/5eb19c/00000000000000007735b7d0/30/l?primer=7cdcb44be4a7db8877ffa5c0007b8dd865b3bbc383831fe2ea177f62257a9191&fvd=n5&v=3) format("woff2"), url(https://use.typekit.net/af/5eb19c/00000000000000007735b7d0/30/d?primer=7cdcb44be4a7db8877ffa5c0007b8dd865b3bbc383831fe2ea177f62257a9191&fvd=n5&v=3) format("woff"), url(https://use.typekit.net/af/5eb19c/00000000000000007735b7d0/30/a?primer=7cdcb44be4a7db8877ffa5c0007b8dd865b3bbc383831fe2ea177f62257a9191&fvd=n5&v=3) format("opentype"); + font-weight: 500; + font-style: normal; + font-stretch: normal; + font-display: auto; +} + @font-face { + font-family: rustica; + src: url(https://use.typekit.net/af/d408f9/00000000000000007735ee17/30/l?primer=7cdcb44be4a7db8877ffa5c0007b8dd865b3bbc383831fe2ea177f62257a9191&fvd=n4&v=3) format("woff2"), url(https://use.typekit.net/af/d408f9/00000000000000007735ee17/30/d?primer=7cdcb44be4a7db8877ffa5c0007b8dd865b3bbc383831fe2ea177f62257a9191&fvd=n4&v=3) format("woff"), url(https://use.typekit.net/af/d408f9/00000000000000007735ee17/30/a?primer=7cdcb44be4a7db8877ffa5c0007b8dd865b3bbc383831fe2ea177f62257a9191&fvd=n4&v=3) format("opentype"); + font-weight: 400; + font-style: normal; + font-stretch: normal; + font-display: auto; +} + @font-face { + font-family: rustica; + src: url(https://use.typekit.net/af/f109f9/00000000000000007735ee19/30/l?primer=7cdcb44be4a7db8877ffa5c0007b8dd865b3bbc383831fe2ea177f62257a9191&fvd=i4&v=3) format("woff2"), url(https://use.typekit.net/af/f109f9/00000000000000007735ee19/30/d?primer=7cdcb44be4a7db8877ffa5c0007b8dd865b3bbc383831fe2ea177f62257a9191&fvd=i4&v=3) format("woff"), url(https://use.typekit.net/af/f109f9/00000000000000007735ee19/30/a?primer=7cdcb44be4a7db8877ffa5c0007b8dd865b3bbc383831fe2ea177f62257a9191&fvd=i4&v=3) format("opentype"); + font-weight: 400; + font-style: italic; + font-stretch: normal; + font-display: auto; +} + @font-face { + font-family: rustica; + src: url(https://use.typekit.net/af/afc8e2/00000000000000007735ee1b/30/l?primer=7cdcb44be4a7db8877ffa5c0007b8dd865b3bbc383831fe2ea177f62257a9191&fvd=n6&v=3) format("woff2"), url(https://use.typekit.net/af/afc8e2/00000000000000007735ee1b/30/d?primer=7cdcb44be4a7db8877ffa5c0007b8dd865b3bbc383831fe2ea177f62257a9191&fvd=n6&v=3) format("woff"), url(https://use.typekit.net/af/afc8e2/00000000000000007735ee1b/30/a?primer=7cdcb44be4a7db8877ffa5c0007b8dd865b3bbc383831fe2ea177f62257a9191&fvd=n6&v=3) format("opentype"); + font-weight: 600; + font-style: normal; + font-stretch: normal; + font-display: auto; +} + @font-face { + font-family: rustica; + src: url(https://use.typekit.net/af/5fce99/00000000000000007735ee1c/30/l?primer=7cdcb44be4a7db8877ffa5c0007b8dd865b3bbc383831fe2ea177f62257a9191&fvd=i6&v=3) format("woff2"), url(https://use.typekit.net/af/5fce99/00000000000000007735ee1c/30/d?primer=7cdcb44be4a7db8877ffa5c0007b8dd865b3bbc383831fe2ea177f62257a9191&fvd=i6&v=3) format("woff"), url(https://use.typekit.net/af/5fce99/00000000000000007735ee1c/30/a?primer=7cdcb44be4a7db8877ffa5c0007b8dd865b3bbc383831fe2ea177f62257a9191&fvd=i6&v=3) format("opentype"); + font-weight: 600; + font-style: italic; + font-stretch: normal; + font-display: auto; +} + body { + font-size: 1.1111111111111112vw; +} +/* Max Font Size */ + @media screen and (min-width:1920px) { + body { + font-size: 21.333333333333332px; + } +} +/* Container Max Width */ + .container { + max-width: 1920px; +} +/* Min Font Size */ + @media screen and (max-width:991px) { + body { + font-size: calc(0.20181634712411706vw + 0.625em); + } +} + .container { + max-width: 90em; +} +